Skip to main content
Erschienen in: Journal of Intelligent Information Systems 2/2020

Open Access 28.04.2020

ETM: Enrichment by topic modeling for automated clinical sentence classification to detect patients’ disease history

verfasst von: Ayoub Bagheri, Arjan Sammani, Peter G. M. van der Heijden, Folkert W. Asselbergs, Daniel L. Oberski

Erschienen in: Journal of Intelligent Information Systems | Ausgabe 2/2020

Aktivieren Sie unsere intelligente Suche, um passende Fachinhalte oder Patente zu finden.

search-config
loading …

Abstract

Given the rapid rate at which text data are being digitally gathered in the medical domain, there is growing need for automated tools that can analyze clinical notes and classify their sentences in electronic health records (EHRs). This study uses EHR texts to detect patients’ disease history from clinical sentences. However, in EHRs, sentences are less topic-focused and shorter than that in general domain, which leads to the sparsity of co-occurrence patterns and the lack of semantic features. To tackle this challenge, current approaches for clinical sentence classification are dependent on external information to improve classification performance. However, this is implausible owing to a lack of universal medical dictionaries. This study proposes the ETM (enrichment by topic modeling) algorithm, based on latent Dirichlet allocation, to smoothen the semantic representations of short sentences. The ETM enriches text representation by incorporating probability distributions generated by an unsupervised algorithm into it. It considers the length of the original texts to enhance representation by using an internal knowledge acquisition procedure. When it comes to clinical predictive modeling, interpretability improves the acceptance of the model. Thus, for clinical sentence classification, the ETM approach employs an initial TFiDF (term frequency inverse document frequency) representation, where we use the support vector machine and neural network algorithms for the classification task. We conducted three sets of experiments on a data set consisting of clinical cardiovascular notes from the Netherlands to test the sentence classification performance of the proposed method in comparison with prevalent approaches. The results show that the proposed ETM approach outperformed state-of-the-art baselines.
Hinweise

Publisher’s note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

1 Introduction

In recent years, with the development of intelligent information systems for electronic health records (EHRs) inferring patterns, topics, and knowledge from large-scale clinical textual data has emerged as an important and challenging task for a wide range of healthcare applications, such as the classification of disease history, event prediction, topic detection, and patient identity anonymization. While using free text in EHR is useful for medical practitioners, it poses technical challenges for text mining and natural language processing (NLP) (Demner-Fushman et al. 2009; Sevenster et al. 2015; Jonnagaddala et al. 2015; Ghassemi et al. 2014). Some challenges in this area are short sentences, inconsistent structure between texts, unstructured texts, abbreviations, and errors of spelling and grammar. In light of the above, there is a need for tools for automatic text mining to extract implicit, previously unknown, and useful information from data. This study proposes a text mining model for patients’ disease history detection, where the records are sentences and labels are binary values that show the presence of disease history.
Many researchers have examined the task of mining clinical text for applications in healthcare (Demner-Fushman et al. 2009; Sevenster et al. 2015; Friedman et al. 2004; Byrd et al. 2014; Torii et al. 2015; Khalifa and Meystre 2015; Kozlowski and Rybinski 2019; Shen et al. 2018) and have approached it as a basic text classification problem. Two major challenges in clinical text classification are the unstructured and short representations of text. Short texts refer to texts with limited context, where the sparsity of patterns of word co-occurrence in the content makes text mining difficult (Zelikovitz and Hirsh 2000; Sriram et al. 2010; Cheng et al. 2014; Yin et al. 2017; Mirończuk and Protasiewicz 2018; Unnikrishnan et al. 2019). Medical sentences are example of short texts, where the very small number of words in one medical sentence in EHR texts leads to a large classification error (Zelikovitz and Hirsh 2000; Unnikrishnan et al. 2019). In clinical text mining, the problem of short text classification is often disregarded (Cao et al. 2017). Studies on short text classification for EHR data are mainly based on external dictionaries (ontologies) created by medical experts. In practice, we often do not have dictionaries or do not know in advance of ontologies that might be relevant to the specific domain of application. In addition, for clinical prediction, model interpretability helps to understand the distribution of outcome based on the input words. Therefore, there is increasing demand for automated explainable tools that can analyze and classify EHR free texts. In this study, with the aim of extracting sentences containing medical history from EHR texts, we propose the ETM (enrichment by topic modeling) algorithm for automatic sentence classification for clinical notes. The novelty of the ETM is in the underlying clustering approach that extracts related knowledge from the data set without the need for external dictionaries, such as a medical ontology, to tackle the sparsity of patterns of word co-occurrence. The proposed clustering algorithm is based on latent Dirichlet allocation (LDA) algorithm (Blei et al. 2003), and uses a dynamic weighting mechanism to enrich the data. This algorithm first clusters the initial data set of clinical notes to generate the distribution of hidden topics in clinical notes and probabilities of words in the given topic. Subsequently, the proposed weighting mechanism assigns a weight to every text in terms of its length to mitigate the sampling error inherent in sparse texts by interpolating between the observed word counts and the implied number obtained from an unsupervised model. The proposed ETM yields a smoothed data set that balances individual observations with generic patterns extracted by the LDA algorithm to improve sentence classification.
This study uses clinical notes from a data set collected by the department of Cardiology of the University Medical Center Utrecht (UMCU). The UMCU EHRs encompass free text fields in which different short clinical texts can be entered: e.g. patient anamnesis, physical examination, and medical history. Patients’ disease history detection is an example of one classification task on texts from UMCU clinical notes. In this study, each short text is considered one sentence; using a list of delimiters in the experiments. Medical personnel at the department of Cardiology of the UMCU have requested such a system to help them understand past cases from EHR records with similar histories to present ones. Given the nature of free texts, sentence classification is necessary as the first step to extract the disease history, where not all medical history is clearly delineated and may be provided in free texts at the discretion of the physician.
Thus, this study contributes to the field in the following ways: (i) It presents a method for automatic sentence classification for clinical notes to tackle the problem of the sparsity of patterns of word co-occurrence. (ii) It uses the output of the clustering algorithm as an internal source for enriching short sentences. (iii) It uses the composition of the topic–word distributions and topic distributions of a document with the interpretable TFiDF (term frequency–inverse document frequency) representation. (iv) It takes the shortness of the text into account for enriched representation.
The remainder of this paper is structured as follows: Section 2 gives an overview of related work on clinical text classification, sentence classification and short text classification. In Section 3, we introduce the proposed ETM approach. Section 4 presents an intuitive explanation of the proposed unsupervised model-based smoothing idea, and Section 5 details experimental evaluations of the proposed method and a discussion of the results. It shows the usefulness of the proposed method for clinical sentence classification. Finally, in Section 6, we offer concluding remarks and directions for future research.

2.1 Clinical text classification

EHR data contain a large amount of text in which useful patterns need to be automatically identified. Machine learning and text mining algorithms with different data representation methods have been used to study the classification of clinical notes. Mujtaba et al. (2019) presented a comprehensive review of articles on clinical text classification published in 2013–2018. Based on their study, the most extensively employed clinical texts for classification are pathology reports, radiology reports, and Medline biomedical documents. In a majority of studies, bag of words (BOW) representations: binary, term frequency, and TFiDF feature representations were determined to be beneficial. A significant number of the studies have used either supervised machine learning or rule-based approaches.
Many approaches to clinical text classification rely on medical ontologies (dictionaries), such as the unified medical language system (UMLS) meta-thesaurus, and medical subject headings (MeSH), to glean knowledge from clinical notes. Yao et al. (2019) proposed an approach that combines rule-based features and a knowledge-guided convolutional neural network for effective disease classification. They used concepts from the UMLS meta-thesaurus. Similarly, Kocbek et al. (2016) combined three clinical reports—from pathology, radiology, and patients’ admission-related meta-data—and used a support vector machine (SVM) with a bag of phrases from the UMLS meta-thesaurus to predict the rate of admissions against disease.
On the contrary, some clinical text classification studies have used non-dictionary-based approaches instead of dictionary-based methods. For instance, Bui and Zeng-Treitler (2014) applied regular expressions to extract snippets of text from clinical notes containing specific words and built an SVM classifier to categorize them. Fodeh et al. (2018) used unstructured text narratives in the EHR to derive pain assessments from clinical notes on patients with chronic pain. They developed their system based on different machine learning classifiers, among which random forest achieved the best results. Blanco et al. (2019) used several deep learning classification models for assigning multiple ICD codes to clinical documents. They implemented binary logistic regression, a neural network with three fully connected hidden layers, and a bidirectional gated recurrent unit for text classification.
Nevertheless, the problem of clinical sentence classification was not covered in work by Mujtaba et al. (2019), because a few studies have sought to derive the knowledge hidden in clinical short notes (Friedman et al. 2004; Cao et al. 2017; Mujtaba et al. 2019; Hughes et al. 2017; Lv et al. 2016). Hughes et al. (2017) applied convolutional neural networks (CNNs) with a distributed word representation to medical text classification at the sentence level. They evaluated the learning of complex data representations using the algorithm instead of feature engineering for clinical knowledge representation. Lv et al. (2016) used sentence segmentation, word segmentation, part of speech and entity extraction for text preprocessing to extract features for short text classification in EHRs. In their approach, TFiDF and latent semantic analysis are used to select features that represent the vocabulary for short text classification from several entity dictionaries. In addition, a dependency parser is applied to texts where the dependency relations are used as features for text classification. Cao et al. (2017) proposed a knowledge-guided short text classification system for healthcare applications, and claimed that text in the healthcare domain contains domain-specific or infrequently appearing words that can lead to poor embedding owing to a lack of training data. They proposed a bidirectional long short-term memory deep neural network to perform short text classification tasks. Their approach is a domain knowledge-guided attention model that uses the domain dictionary at hand to refine classification performance.
The main difference between the above studies on clinical text classification and our approach is that the former studies used domain dictionaries and disregarded the unlabeled data. Our approach uses the unlabeled data for the unsupervised model-based smoothing, and deploys the labeled data for the sentence classification model.

2.2 Sentence classification and short text classification

Impressive progress has been made on the problem of text classification, but few studies have tackled sentence classification (Kozlowski and Rybinski 2019; Zelikovitz and Hirsh 2000; Cheng et al. 2014; Yin et al. 2017; Khoo et al. 2006; Kim 2014; Jurafsky and Martin 2019; Aggarwal 2018). Unlike the traditional text classification problem, sentence classification pose two main challenges. First, patterns of word co-occurrence are sparse in the feature space, where a sentence contains only several to a dozen words. Second, texts face the challenge of a large-scale and manual labeling task, where with sentences this task is more burdensome as they are very small samples causing to increase noise and reduce classification accuracy.
Several techniques have been proposed to tackle the challenges posed by sentence classification, including dimension reduction (Zelikovitz and Hirsh 2000; Sriram et al. 2010; Khoo et al. 2006; Bollegala et al. 2018), topic modeling (Cheng et al. 2014; Chen et al. 2011; Yang et al. 2015), clustering (Kozlowski and Rybinski 2019; Yin et al. 2017; Bollegala et al. 2018; Dai et al. 2013; Kozlowski and Rybinski 2017; Yang et al. 2019), and word embedding (Kozlowski and Rybinski 2019; Kim 2014; Lee and Dernoncourt 2016; Hill et al. 2016). Kim (Kim 2014) proposed a single layer of CNN applied for sentence classification. He concluded that despite little tuning of hyperparameters, unsupervised pre-training of word vectors is an important ingredient in deep learning for sentence classification. Zelikovitz and Hirsh (2000) developed a method to reduce error rates in short text classification by using a combination of labeled training data plus a large body of “uncoordinated background knowledge” that is a secondary corpus of unlabeled but related longer documents. They used the WHIRL method (Cohen 1998) for text classification, an information integration tool designed to query and integrate varied sources of text from the Web. Sriram et al. (2010) proposed an intuitive approach to classify the short texts in tweets by using author information and features of texts. Yin et al. (2017) proposed a short text classification technique based on a combination of the K-nearest neighbors (KNN) and hierarchical SVM classification. They used KNN to initially group labels of the samples to create subclasses and then they applied a SVM algorithm as a hierarchical multi-class classification to each group to classify labels. Cheng et al. (2014) proposed a biterm topic model to capture topics in short texts based on aggregated biterms in the entire corpus to tackle the sparsity of patterns of word co-occurrence in texts. They defined the biterm as an unordered word pair co-occurring in a short text. They considered the corpus as a mixture of topics, where each biterm is drawn independently from a specific topic. Yang et al. (2015) proposed a topic model to extract key phrases for short text classification using the idea that knowledge incorporation can solve the problem of sparsity. Their approach extracts topics from texts by focusing on phrases in the generative process of documents. Bollegala et al. (2018) developed ClassiNet, a network of binary classifiers trained to predict missing features from a given short text for text classification. ClassiNets solves the problem of feature sparseness by generalizing word co-occurrence graphs by considering implicit co-occurrences between features. Dai et al. (2013) proposed the Crest to generate topic clusters from training data by exploiting a clustering method. Crest uses topic information to extend the representation of short texts and define a new feature space. It subsequently measures the cosine similarity between a document and clusters as augmented features of the document for classification. Lee and Dernoncourt (2016) presented a model on the basis of recurrent and convolutional neural networks. Their model incorporates preceding short texts for sequential short text classification. This model comprises two parts. The first part generates a vector representation for each text and the second part classifies the vector representations of the current text as well as a few preceding short texts using a two-layer feed-forward neural network. Kozlowski and Rybinski (2019, 2017) used a neural network-based distributional model for enriching the semantic meaning of short texts for clustering. They proposed the SnSRC clustering algorithm that uses the SnS method (Kozlowski and Rybinski 2017), a knowledge-poor text mining algorithm to sense induction, a language-independent approach. They trained their model using continuous bag of words and negative sampling, and computed cosine similarity between the mean vector of the embeddings for the text and the vectors for each word in the distributional model. The retrieved words with the highest semantic similarity were added as additional term features to the initial BOW text representation. In their study, especially in cases involving a specific domain language, the semantic enrichment of texts by applying neural networks improved the quality of clustering. Hill et al. (2016) overcame feature sparseness in sentence representations by embedding them into a low-dimensional, dense space. They compared deep neural language models that compute sentence representations from unlabeled data with prevalent methods for word representation, and concluded that the unsupervised BOW models delivered the best performance in terms of sentence representation compared with supervised ones.
Current methods for sentence classification and short text classification either represent texts in a lower-dimensional space to reduce feature sparseness or add data to the text to enhance the quality of the feature space. The main outstanding challenge is the construction of external knowledge repositories, a labor-intensive task in applications of domain-specific clinical text mining. We propose an approach to tackle this challenge in clinical sentence classification that deploys an unsupervised scheme for enriching the original data set by internal knowledge acquisition, where the length of each document is considered by a dynamic weighting mechanism. The proposed approach uses the output of the unsupervised scheme as an internal source for enriching that does not employ any external dictionary.

3 Proposed Methodology

The model for clinical sentence classification proposed in this study is shown in Fig. 1. This model consists of the following four steps.
  • Data representation, i.e., preprocessing of clinical texts consisting of sentence detection and extraction, tokenization, spell correction, and representation.
  • LDA clustering, i.e., using the LDA topic model to cluster sentences in collections of documents to obtain the probabilities of the distributions of document–topic and topic–word in the data set.
  • ETM: topic-based smoothing, i.e., using the ETM algorithm as a smoothing method to enrich the representation of clinical sentences according to distribution probabilities of the LDA model.
  • Classification, i.e., using machine learning classifiers to classify enriched texts. The classification algorithms used in this model are discussed in the experiments’ section.

3.1 Data representation

DEDUCE (Menger et al. 2018), a pattern matching tool, is used for automatic de-identification of Dutch medical texts, to anonymize clinical notes for legal and privacy reasons. De-identification process removes patients-level private data that comprise names of patients, names and identification of nurses and doctors, addresses and dates. All texts are then tokenized using NLTK library (Bird et al. 2009) and the Python scikit-learn (Pedregosa et al. 2011) feature extractor. NLTK sentence tokenizer uses an unsupervised algorithm to build a model for abbreviation words, collocations, and words that start sentences; and then uses that model to find sentence boundaries. This approach has been shown to work well for many European languages (Bird et al. 2009). The punctuation marks that are used to separate sentences in our case study are period, question mark, exclamation point, and semicolon. To handle spelling errors in Dutch texts, the Python package language-check1 is used, which is a wrapper for the LanguageTool2 package. LanguageTool is an open source proofreading software that can detect and correct spelling errors in more than 20 different languages. The effect of the spell-checker on sentence classification is not evaluated in this study and will be discussed in detail in future work.
Each clinical sentence (document) from the data set is represented by a normalized V-dimensional vector weighted by the TFiDF measure. TFiDF is a BOW representation model that stands for term frequency—inverse document frequency, and is defined as follows:
$$ \begin{array}{@{}rcl@{}} &&\text{tf}_{d,i}=\frac{n_{d,i}}{\sum\limits_{v} n_{d,v}}\\ &&\text{idf}_{i}=\log{\frac{|C|}{|C_{i}|}}\\ &&\text{tfidf}_{d,i}=\text{tf}_{d,i} \times \text{idf}_{i} \end{array} $$
(1)
where V is the size of the vocabulary, nd,i denotes the number of times the ith word appears in the dth document, |C| denotes the total number of documents in the data set, and |Ci| is the number of documents containing the ith word. TFiDF evaluates how important a word is to a document in a data set, where the importance increases proportionally to the number of times a word appears in the document but is offset by the document frequency of the word in the data set. Thus, with this representation, each document in the data set can be regarded as a multinomial distribution over V words, and each dimension reflects the semantic coherence between the ith word and dth document.

3.2 LDA clustering

Topic modeling is a way of discovering topics in unlabeled text data (Cheng et al. 2014; Blei et al. 2003). The LDA is a generative topic model that represents documents as a mixture of topics and assigns certain probabilities to the words. In other words, the LDA model is an unsupervised learning method that seeks patterns by inferring hidden variables in texts by treating words as observations.
Given a document in the form of (w1,w2,...,wN), and K asked-for topics, the LDA model estimates parameters 𝜃 and β. 𝜃 is the distribution of hidden topics in each document. β is the probability of each word given the topic. Figure 2 shows a graphical representation of the LDA model (Blei et al. 2003), where the nodes are random variables and the edges indicate the conditional dependencies between them. The shaded and unshaded variables indicate observed and latent (i.e., unobserved, hidden) variables, respectively, while the plates refer to repetitions of the steps of sampling with the variable in the lower-right corner referring to the number of samples. As Fig. 2 shows: the parameter α is a data set-level Dirichlet prior that can be interpreted as the prior number of observations of a topic being sampled in a document before having observed any words from the document. Similarly, parameter η is a data set-level Dirichlet prior that can be interpreted as the number of prior observations of words sampled from a topic before any word from the data set is observed. These two parameters are assumed to be sampled once in the LDA model when generating a data set of documents.
The variable 𝜃d is a document-level variable that is sampled once for each document. 𝜃d is the distribution of hidden topics in the dth document based on a multinomial distribution with the Dirichlet parameter α. The variable βk is a topic-level variable that represents the probability distribution of words in topic k. Variables Zd,n and Wd,n are word-level variables that are sampled once for each word in each document (n ∈{1,2,...,N}). The variable Zd,n is a topic generated by a multinomial distribution with the parameter 𝜃, and variable Wd,n is a word sampled from the multinomial distribution with parameters β and Z.
The process of the LDA-clustering algorithm (Blei et al. 2003) implies a joint distribution over the latent and observed random variables (W,Z,β,𝜃) defined as follows:
$$ p(W, Z, \upbeta, \theta|\alpha, \eta) = \\ \prod\limits_{k=1}^{K} p({\upbeta}_{k}|\eta) \times \prod\limits_{d=1}^{D} p(\theta_{d}|\alpha) \Bigg(\prod\limits_{n=1}^{N} p(Z_{d,n}|\theta_{d})p(W_{d,n}|Z_{d,n}, {\upbeta}_{d,k})\Bigg) $$
(2)
Standard statistical techniques can be used to invert the generative process of the LDA model, thus inferring the set of topics responsible for generating a collection of documents. To use the LDA, the key inferential problem to solve is that of computing the posterior distribution of the hidden random variables given the observed words in a document. This posterior distribution is defined in (3).
$$ p(Z, \upbeta, \theta|W, \alpha, \eta) =\frac{p(W, Z, \upbeta, \theta|\alpha, \eta)}{p(W|\alpha, \eta)} $$
(3)
$$ p(W|\alpha, \eta) = \\ \int p(\theta|\alpha)\Bigg(\prod\limits_{n=1}^{N} \sum\limits_{z_{n} \in Z} p(z_{n}|\theta)p(w_{n}|z_{n}, \upbeta)p(\upbeta|\eta) \Bigg)d\theta $$
(4)
This posterior distribution is intractable to compute, and thus approximate inference algorithms are needed for the posterior estimations of β,𝜃, and Z. The most common approaches used for making inferences in the LDA model are expectation maximization, Gibbs sampling, and variational inference.

3.3 ETM: Topic-based smoothing

Sentence classification is different from traditional text classification in the brevity of the text involved. A solution to improve classification is to enrich the data representation of sentences before training a machine learning model.
Two main approaches have been used to enrich the representation of sentences. The first is to obtain the contextual information of sentence and add more data, and the second approach involves uncovering latent topics from a data set and adding topic-related information to smoothen the representation of sentences. We combine the ideas underlying these two approaches by introducing the ETM algorithm as a topic-based smoothing method. To enrich the feature space of a sentence, the ETM algorithm matches the inferred probability distributions from the LDA model to words of sentences. sentences are represented as a TFiDF matrix, a N × V matrix where the rows denote the texts and the columns contain TFiDF values of the chosen words. Then, by applying a method of inference, the ETM extracts the topic distributions and topic assignments for the TFiDF matrix of texts.
The ETM exploits topic analysis to enhance features in sentences by assigning weights to words on the basis of the topics of inference, as the internal features of texts. This approach is applied to clinical notes to improve classification performance. When dealing with sentences, especially when manual labeling is labor intensive, the ETM can use unlabeled data to enrich the quality of the available labeled data. The overall procedure of the ETM is outlined in Algorithm 1.
In this algorithm, M is the TFiDF matrix and C is the enriched matrix. D is the number of documents in the data set, K is the number of topic clusters, and N is the number of words in the vocabulary. For each sentence, the ETM computes a dynamic enrichment weight γ as in (5):
$$ \gamma_{d} = \frac{m}{n_{d}} $$
(5)
m is the average length of the sentences and nd is the number of words in the text document indexed by d. The weight γ is computed to consider the length of each sentence in the enrichment with the ETM. This means that if a text is longer than the average, the weight of the enrichment decreases. The ETM calculates ω as in (6), where ω is the enrichment value when information on the distributions 𝜃 and β is available. The ETM considers the original representations using β as the posterior probability of each word given the topic, and 𝜃 is the posterior distribution of hidden topics in each document. The ETM updates the representation by adding the enrichment value ω as in (6).
$$ \begin{array}{@{}rcl@{}} \omega_{d,i} &=& {\sum\limits_{d=1}^{D} {\sum\limits_{i=1}^{N} {\sum\limits_{k=1}^{K} \theta_{d,k} {\upbeta}_{k,i}}}}\\ C_{d,i} &=& M_{d,i} + {\sum\limits_{d=1}^{D} {\sum\limits_{i=1}^{N} \omega_{d,i} \gamma_{d}}} \end{array} $$
(6)
The ETM algorithm enriches each document of the data set by incorporating the length of the document, the posterior distribution of hidden topics in the document, the probabilities of each word given the topic, and the value of the TFiDF of the word. This algorithm considers the length of each document as it incorporates an enrichment dynamic weight with greater values for shorter documents. The idea of considering the length of a text in the enrichment process is as in empirical data sets, where some sentences are long enough while others are short and need to be enriched. The ETM assumes that each document is a mixture of corpus-wide topics, and gains internal knowledge by taking advantage of the patterns of clustering. These patterns contain more contextual information on sentences that can improve clinical sentence classification performance. Because the ETM algorithm uses internal knowledge of the data set as the main source of enrichment, its effectiveness is data dependent.

4 Intuitive explanation

The intuition behind using a clustering method is that, in the BOW representation, sentences are simply very small samples from an underlying multinomial distribution: in this situation, smoothing should present a favorable bias-variance tradeoff, particularly if the smoothing is done towards a latent representation correlated with the outcome. Figure 3 illustrates this intuition.
Panel A shows a highly simplified representation of documents as hypothetical coordinates in the simplex formed by the true proportion of the words “hypertension” and “complaint” in each document. A hypothetical decision boundary for a binary outcome is also shown. Panel B shows the effect of observing only sentences: each point is a sample from the binomial sampling distribution \(\hat {\pi }_{i} \sim \mathcal {N}[\pi _{i}, \pi _{i} (1 - \pi _{i}) /n]\), where the number of words is taken to be small, n = 10. The unobservable true points, πi, are shown as gray crosses. Due to the noise incurred from small sample size, many points are on the wrong side of the decision boundary. Panel C demonstrates the effect of using the proposed ETM algorithm, which consists of estimating topic centroids (crosses in panel C) and smoothing the observed coordinates towards these estimated centroids. For simplicity of illustration, here smoothing has been performed as \(\tilde {\pi }_{i} = (1-\alpha ) \hat {\pi }_{i} + \alpha \hat {\pi }^{*}_{k_{i}}\), where \(\hat {\pi }^{*}_{k_{i}}\) is the coordinate of the centroid to which point i is estimated to belong, and the amount of smoothing is taken as α = 0.3. As can be seen in Fig. 3, the smoothing (1) reduces the variance of the estimates \(\tilde {\pi }_{i}\), and (2) tends to take misclassified points back across the classification boundary, improving accuracy.

5 Evaluation experiment

In this section, we present the results of clinical sentence classification using several classification algorithms. We evaluated the proposed approach from three aspects. First, we compared the ETM, using different numbers of topic clusters, with the original representations of sentences. Second, we ran experiments using unlabeled data. Third, we compared the ETM with two recently developed methods: Crest (Dai et al. 2013) from a short text classification study, and a CNN-based approach (Hughes et al. 2017) from a medical text classification study.

5.1 Data

The UMCU is one of the largest university hospitals in the Netherlands that provides specialized cardiac care. Given the structure of its EHRs, the data are available on a research data platform and can be extracted accordingly. The textual data set used in this study consisted of all clinical cardiovascular notes from doctors or physicians’ assistants between 2014 and 2018. A total of 1,002 clinical notes were manually annotated for medical history based on the International Classification of Diseases (ICD10)3 criteria, and were checked sample wise by doctors. The words in the clinical notes on which the annotation was based were also marked for text mining. These words determine the category of sentences in our data set describing medical history. The description of the data set is provided in Table 1. The train and unlabeled data contained 11,053 and 20,200 sentences, respectively. Sentences in the train data were labeled as two classes: with and without medical history. A total of 3,560 records had medical history and 7,493 records were labeled as without medical history.
Table 1
Data set description
Category
Number of sentences
Average number of words
Labeled: medical history
3,560
16.51
Labeled: no medical history
7,493
8.76
Unlabeled
20,200
11.19

5.2 Example

We present an example (Fig. 4) to demonstrate the first three steps of the clinical sentence classification model, in this study. This example is used to describe the idea of how text representation could be enriched by incorporating probability distributions from the LDA clustering algorithm.
Data provided in this example contain five sentences and 14 unique words. M is the initial BOW representation, the TFiDF matrix and C is the output of the ETM algorithm, the enriched matrix. The LDA model was applied on the data set to learn two clusters of words (topics). β represents the probability distribution of words for the topics T1 and T2. 𝜃 represents the probability distribution of the topics T1 and T2 per sentence (document) S1 to S5. As shown in Fig. 4 the ETM algorithm first calculates an enrichment weight (γ) for each sentence in terms of its length. Subsequently, the C matrix is calculated using the M matrix, γ and the clustering outputs: 𝜃 and β. The ETM algorithm creates a smoothed data set that balances initial observations with patterns extracted by the LDA algorithm.

5.3 Classification

We used an SVM and a multi-layer neural network (NN) as classification algorithms. In the definition of a learning classifier, the training data were the set of documents and the classes were medical history versus no medical history. The objective of the SVM was to find a hyperplane in a high-dimensional feature space that distinctly classified the input data set. By internally employing a kernel trick, it selected the discriminative hyperplane based on the computed support vectors. We used the SVM algorithm with the default parameter settings in scikit-learn4. The NN classifier in our experiments used a feed-forward architecture and learned to map the input data to the output labels through a series of nonlinear compositions. For sentence classification, the ReLU activation function along with the ADAM solver with two hidden layers of 100 units were used. Compared with other non-linearities, the ReLU activation function learns more quickly in deep architectures with many hidden layers. For the learning of the classification algorithms, we chose 80% of the data set as the training set and used the remaining for testing.

5.4 Evaluation measures

To compare the performance of the classifiers, accuracy, precision, recall, and the F1 score were used as the evaluation measures. Precision and recall are useful measures when classes are imbalanced. Precision is a measure of the relevance of the result while recall shows how many truly relevant results were returned. The F1 score is the harmonic mean of precision and recall. These evaluation measures were computed as follows:
$$ \text{Accuracy} = \frac{\text{True Positive + True Negative} }{\text{total number of documents}} $$
(7)
$$ \text{Precision} = \frac{\text{True Positive}}{\text{True Positive + False Positive}} $$
(8)
$$ \text{Recall} = \frac{\text{True Positive}}{\text{True Positive + False Negative}} $$
(9)
$$ \text{F1 score} = \frac{\text{2 . Precision . Recall}}{\text{Precision + Recall}} $$
(10)

5.5 Experiments

5.5.1 Classification performance

We compared the enrichment in representation obtained by the ETM algorithm with the original representation of sentences (denoted by “Raw”) using different numbers of topic clusters. Five, 10, 20, and 50 topic clusters were used. For the ETM, we set n_topics as the number of topics, \( \alpha = \frac {50}{ n\_topics} \), β = 0.01, and the number of iterations = 1000. Figure 5 illustrates the accuracy of the ETM approach on clinical sentence classification. The best accuracy value for the representation of Raw was 87.10% using the NN classifier. The ETM outperformed the other methods on the representation when it used more than 10 topic clusters. Using SVM with 50 topic clusters slightly improved the representation of Raw with an accuracy of 87.27%. The highest difference between the representation of Raw and that of the ETM method occurred when the NN classifier was used with 10 topic clusters. This difference was approximately 2.3%.
As is shown in Fig. 5, with the same number of topic clusters, NN moderately improved the SVM classifier. The highest accuracy using the NN classifier was 89.40% for n_topics = 10, and the highest accuracy using the SVM classifier was 87.72% for the same number of topic clusters. Increasing the number of clusters to 50 did not improve classification performance. Using 10 to 20 clusters yielded the best results on our data set in terms of accuracy.
Table 2 shows the results in terms of macro-average precision, recall and F1 score to compare the performance of the SVM and NN algorithms on clinical sentence classification.
Table 2
Macro-average precision, recall and F1 score of the assessment of classification performance of Raw methods and the ETM algorithm using N clusters
Method
Precision
Recall
F1 score
Raw (SVM)
82.21
88.16
85.08
Raw (NN)
82.56
88.47
85.41
ETM N = 5 (SVM)
83.00
89.54
86.15
ETM N = 5 (NN)
85.79
89.68
87.69
ETM N = 10 (SVM)
83.65
89.82
86.63
ETM N = 10 (NN)
85.14
89.72
87.37
ETM N = 20 (SVM)
83.77
89.57
86.57
ETM N = 20 (NN)
84.39
89.06
86.66
ETM N = 50 (SVM)
83.02
89.46
86.12
ETM N = 50 (NN)
85.01
88.44
86.69
Table 2 shows that the ETM approach improved classification performance considerably compared with Raw in terms of precision and recall. By comparing the precision results, we see that results for Raw were better than those of the ETM using the SVM classifier but inferior to those of the ETM using the NN algorithm.
Table 2 shows that using 10 clusters in the ETM approach yielded the best performance in terms of recall. When n_topics = 10, the SVM and NN classifiers attained recall values of 89.82% and 89.72%, respectively. The NN classifier yielded the best value of 85.79% using the ETM approach with n_topics = 5, and the SVM algorithm obtained a highest value of 83.77% using the ETM approach with n_topics = 20. For nearly all settings, the results remained fairly stable when the number of topic clusters was increased from five to 10, but a slight decline in classification performance was noted when the number of topic clusters was increased from 20 to 50.
These results show that the ETM approach improved classification performance considerably compared with the Raw representation on almost all parameter settings. The ETM approach is robust against changes in the number of topic clusters from five to 20. Even when N was five, the ETM improved the classification performance. This shows its power in enriching representation by using topic clusters.

5.5.2 Evaluation using unlabeled data

The previous sets of experiments employed only labeled sets of UMCU data. By using unlabeled data, the ETM can check whether there are words absent from the labeled set. Tables 3 and 4 show the results of applying the ETM approach using 10 topic clusters on the unlabeled data set in addition to the labeled set.
Table 3
Precision, recall, and F1 score of the ETM algorithm using the unlabeled data set in addition to the labeled set
Classifier
Class
Precision
Recall
F1 score
SVM
Medical history
77.12
93.62
84.57
 
No medical history
88.43
89.36
88.89
NN
Medical history
82.64
94.09
87.99
 
No medical history
89.17
91.32
90.23
Table 4
Micro- and macro-average precision, recall and F1 score of the ETM algorithm using the unlabeled data set in addition to the labeled set
Classifier
Metric
Precision
Recall
F1 score
SVM
Micro-avg.
81.97
83.66
82.81
 
Macro-avg.
82.78
91.49
86.73
NN
Micro-avg.
86.25
86.47
86.36
 
Macro-avg.
85.91
92.71
89.11
Table 3 shows the results for precision, recall, and the F1 score on the test set for the classes in the data set. The number of sentences with the label Medical history in the test set was 576, and was 1635 for the class label No medical history. It is notable that the recall values for the label Medical history were the highest for both the SVM and the NN classifiers, where the precision values for the label No medical history were significantly higher than the precision for the Medical history class. This might have occurred because the number of texts in the first class label was smaller than in the second class label, and thus the percentage of retrieved relevant sentences was lower than the total number of retrieved texts.
Comparing the results in Table 4 with those in Table 2 shows the improvement in the performance of the proposed approach obtained by adding the unlabeled set to the labeled set. It is remarkable that the results for recall were higher than those for precision in both classes and for both classifiers. A higher recall than precision means that the classifier tends to extract more of the relevant outputs rather than retrieving correct outputs. As shown in Table 2, the highest values for precision and recall without the unlabeled data set were 85.79% and 89.82%, respectively. The former was obtained for the ETM with five clusters using the NN classifier and the latter is for the ETM with 10 clusters using the SVM classifier. The highest macro-average precision and recall of the ETM approach in this experiment were 85.91% and 92.71%, respectively, obtained using the NN classifier with 10 topic clusters. Table 4 shows that the NN classifier obtained better results than the SVM classifier. The highest F1 score for the ETM using NN classifier was 90.23% and that for it with the SVM classifier was 88.89%. Both the NN and SVM classifiers were influenced by the enrichment of the data set through the unlabeled data. Thus, when more data are available, the models have a higher chance of improving performance. Moreover, with more data for clinical text classification, the chances of encountering new words in new samples decrease.

5.5.3 Comparison study: Crest, CNN, and ETM

We compared the results of the ETM algorithm with the following two methods:
Crest:
Crest (Dai et al. 2013) generates topic clusters from training data by exploiting a clustering method, and then uses the topic information to extend the representation of short texts. This approach is similar to that of the ETM as it uses a clustering method. The difference is that Crest uses the cosine similarity between a short text and a topic cluster as similarity vector that is then used for text representation. The ETM does not use a similarity metric but the probability distributions of documents and topics inferred from the generative process of the LDA. Crest increase the dimensions of the feature space by the number of clusters whereas the ETM uses the same dimensions as the training set.
CNN:
As mentioned in Section 2, Hughes et al. (2017) implemented a deep CNN model for medical text classification at the sentence level. A CNN model requires that the length of the text have a fixed size as input. Therefore, they chose a maximum word length of 50 for a text, and applied a Word2vec layer of size 100. Their model consisted of two sets of convolutional layers followed by two max pooling layers. They used convolutional filters and applied a dropout function to help prevent overfitting. Then, a fully connected layer with 128 units was followed by a dense layer using a softmax function.
Figure 6 shows the results of a comparison among Crest, CNN, and ETM. In the experiments, the CNN model was used with two settings: one experiment used two convolutional layers (‘CNN + 2conv’) and the other, ‘CNN + Word2vec’, applied the CNN approach using two pairs of convolutional layers followed by two max-pooling layers and dense layers. As shown in the figure, the CNN models had lower accuracy than the Crest and ETM. There are two reasons for this: (1) Feature engineering in the Crest and ETM approaches has been proposed especially for the short text classification problem. (2) The trained word vectors are not rich enough to capture the semantics and diversity in our clinical text collection of Dutch language. While there is no publicly available pre-trained word vectors for Ducth clinical text, Dutch word vectors trained on social media and Wikipedia can be experimented as initial weights for the deep learning models in future work.
The highest accuracy in the experiments on the CNN models using the test set was 79.95% whereas the closest model to this was that of Crest using the SVM classifier, with a value of 86.65%. The models with enriched representations delivered better performance than the CNN classifier, which proves the effectiveness of using smoothing methods to enrich the original representation. The accuracy of Crest using the NN classifier was higher than that of the ETM using the SVM algorithm. The differences between ‘Crest + NN’, and ‘ETM(unlabeled) + SVM’ and ‘ETM + SVM’ were 1.44% and 0.15%, respectively. This shows the positive effect of using a neural network approach compared with an SVM classifier. In all approaches used in these experiments, the NN classifier had an accuracy of approximately 2% higher than the SVM classifier. The highest accuracy was obtained by the ETM method, 89.64%, when it used the unlabeled data set with the NN classifier. This shows the power of the ETM approach in overcoming the brevity and sparsity of sentences by utilizing topic clusters extracted from the training data for better representation.

6 Conclusions

EHRs usually store patients’ disease history in free text form. Although this lack of structure might not directly affect patient care in clinical settings, it does affect other uses of the EHR, such as patient recruitment for clinical trials. Automated text analysis using text mining algorithms eliminates administrative burdens and is important for research. The textual classification of clinical sentences is a first step in the automated extraction of medical history. Because of the limited number of words used in clinical sentences, this problem is considered that of short text classification. Current approaches to clinical sentence classification mainly use external dictionaries but this has a number of drawbacks, including the lack of a universal medical dictionary for different languages. This study proposed an unsupervised model-based smoothing method, the ETM approach, that uses an internal knowledge acquisition mechanism without employing any external dictionary. The ETM considers the length of each document in the enrichment phase and adds hidden information behind the topic clusters gained from the clustering algorithm. It is notable that the purpose of the enrichment is to improve the text classification workflow; we do not change the original record or the results displayed to a physician. While model interpretability is difficult to achieve in practice, using BOW representation with the ETM approach makes prediction explainable. To mitigate the error in sentence classification, we trained the enriched representation on the SVM and NN classification algorithms, and used clinical cardiovascular notes from the UMCU hospital in the Netherlands. Experimental results showed that applying the proposed ETM approach delivers good classification performance, and is comparable to prevalent alternatives. Moreover, it is simple and easy to implement, where this makes the ETM a promising tool for the analysis of short texts for various applications. With sentences and even short notes that include two or three sentences we may not have enough information to predict heart failure, or to find patients with arrhythmia for clinical trials. In these situations the proposed ETM algorithm, as an internal source for enriching clinical notes, can help to improve accuracy of the disease prediction and the performance in the process of patient recruitment. In future work, we plan to look into the performance of the ETM approach in prognostic prediction models by incorporating other variables from EHRs, and evaluate the efficiency of text mining in creation of clinical trials. Furthermore, we will study the impact of the size of the data set on performance and investigate the use of enriched representations in complex deep learning models.
Open AccessThis article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://​creativecommons.​org/​licenses/​by/​4.​0/​.

Publisher’s note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Literatur
Zurück zum Zitat Aggarwal, C.C. (2018). Machine learning for text. Springer. Aggarwal, C.C. (2018). Machine learning for text. Springer.
Zurück zum Zitat Bird, S., Klein, E., & Loper, E. (2009). Natural language processing with Python: analyzing text with the natural language toolki. O’Reilly Media Inc. Bird, S., Klein, E., & Loper, E. (2009). Natural language processing with Python: analyzing text with the natural language toolki. O’Reilly Media Inc.
Zurück zum Zitat Blanco, A , Casillas, A., Pérez, A., & de Ilarraza, A.D. (2019). Multi-label clinical document classification: Impact of label-density. Expert Systems with Applications, 138, 112835.CrossRef Blanco, A , Casillas, A., Pérez, A., & de Ilarraza, A.D. (2019). Multi-label clinical document classification: Impact of label-density. Expert Systems with Applications, 138, 112835.CrossRef
Zurück zum Zitat Blei, D., Ng, A., & Jordan, M. (2003). Latent Dirichlet allocation. Journal of Machine Learning Research, 3(1), 993–1022.MATH Blei, D., Ng, A., & Jordan, M. (2003). Latent Dirichlet allocation. Journal of Machine Learning Research, 3(1), 993–1022.MATH
Zurück zum Zitat Bollegala, D., Atanasov, V., Maehara, T., & Kawarabayashi, K. (2018). Classinet–predicting missing features for short-text classification. arXiv:1804.05260. Bollegala, D., Atanasov, V., Maehara, T., & Kawarabayashi, K. (2018). Classinet–predicting missing features for short-text classification. arXiv:1804.​05260.
Zurück zum Zitat Bui, D.D.A., & Zeng-Treitler, Q. (2014). Learning regular expressions for clinical text classification. Journal of the American Medical Informatics Association, 21(5), 850–857.CrossRef Bui, D.D.A., & Zeng-Treitler, Q. (2014). Learning regular expressions for clinical text classification. Journal of the American Medical Informatics Association, 21(5), 850–857.CrossRef
Zurück zum Zitat Byrd, R., Steinhubl, S., Sun, J., Ebadollahi, S., & Stewart, W. (2014). Automatic identification of heart failure diagnostic criteria, using text analysis of clinical notes from electronic health records. International Journal of Medical Informatics, 83 (12), 983–992.CrossRef Byrd, R., Steinhubl, S., Sun, J., Ebadollahi, S., & Stewart, W. (2014). Automatic identification of heart failure diagnostic criteria, using text analysis of clinical notes from electronic health records. International Journal of Medical Informatics, 83 (12), 983–992.CrossRef
Zurück zum Zitat Cao, S., Qian, B., Yin, C., Li, X., Wei, J., Zheng, Q., & Davidson, I. (2017). Knowledge guided short-text classification for healthcare applications. In Proceedings of IEEE International Conference on Data Mining (ICDM) (pp. 31–40). Cao, S., Qian, B., Yin, C., Li, X., Wei, J., Zheng, Q., & Davidson, I. (2017). Knowledge guided short-text classification for healthcare applications. In Proceedings of IEEE International Conference on Data Mining (ICDM) (pp. 31–40).
Zurück zum Zitat Chen, M., Jin, X., & Shen, D. (2011). Short text classification improved by learning multi-granularity topics. In AAAI, Twenty-Second International Joint Conference on Artificial Intelligence (pp. 1776–1781). Chen, M., Jin, X., & Shen, D. (2011). Short text classification improved by learning multi-granularity topics. In AAAI, Twenty-Second International Joint Conference on Artificial Intelligence (pp. 1776–1781).
Zurück zum Zitat Cheng, X., Yan, X., Lan, Y., & Guo, J. (2014). BTM: Topic Modeling over short texts. IEEE Transactions on Knowledge and Data Engineering, 26(12), 2928–2941.CrossRef Cheng, X., Yan, X., Lan, Y., & Guo, J. (2014). BTM: Topic Modeling over short texts. IEEE Transactions on Knowledge and Data Engineering, 26(12), 2928–2941.CrossRef
Zurück zum Zitat Cohen, W.W. (1998). Integration of heterogeneous databases without common domains using queries based on textual similarity. In ACM SIGMOD Record, (Vol. 27 pp. 201–212): ACM. Cohen, W.W. (1998). Integration of heterogeneous databases without common domains using queries based on textual similarity. In ACM SIGMOD Record, (Vol. 27 pp. 201–212): ACM.
Zurück zum Zitat Dai, Z., Sun, A., & Liu, X. (2013). Crest: Cluster-based representation enrichment for short text classification. In Springer, Pacific-Asia Conference on Knowledge Discovery and Data Mining (pp. 256–267). Dai, Z., Sun, A., & Liu, X. (2013). Crest: Cluster-based representation enrichment for short text classification. In Springer, Pacific-Asia Conference on Knowledge Discovery and Data Mining (pp. 256–267).
Zurück zum Zitat Demner-Fushman, D., Chapman, W., & McDonald, C. (2009). What can natural language processing do for clinical decision support?. Journal of Biomedical Informatics, 42(5), 760–772.CrossRef Demner-Fushman, D., Chapman, W., & McDonald, C. (2009). What can natural language processing do for clinical decision support?. Journal of Biomedical Informatics, 42(5), 760–772.CrossRef
Zurück zum Zitat Fodeh, S.J., Finch, D., Bouayad, L., Luther, S.L., Ling, H., Kerns, R.D., & Brandt, C. (2018). Classifying clinical notes with pain assessment using machine learning. Medical & Biological Engineering & Computing, 56(7), 1285–1292.CrossRef Fodeh, S.J., Finch, D., Bouayad, L., Luther, S.L., Ling, H., Kerns, R.D., & Brandt, C. (2018). Classifying clinical notes with pain assessment using machine learning. Medical & Biological Engineering & Computing, 56(7), 1285–1292.CrossRef
Zurück zum Zitat Friedman, C., Shagina, L., Lussier, Y., & Hripcsak, G. (2004). Automated encoding of clinical documents based on natural language processing. Journal of the American Medical Informatics Association, 11(5), 392–402.CrossRef Friedman, C., Shagina, L., Lussier, Y., & Hripcsak, G. (2004). Automated encoding of clinical documents based on natural language processing. Journal of the American Medical Informatics Association, 11(5), 392–402.CrossRef
Zurück zum Zitat Ghassemi, M., Naumann, T., Doshi-Velez, F., Brimmer, N., Joshi, R., Rumshisky, A., & Szolovits, P. (2014). Unfolding physiological state: Mortality modelling in intensive care units. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining (pp. 75–84): ACM. Ghassemi, M., Naumann, T., Doshi-Velez, F., Brimmer, N., Joshi, R., Rumshisky, A., & Szolovits, P. (2014). Unfolding physiological state: Mortality modelling in intensive care units. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining (pp. 75–84): ACM.
Zurück zum Zitat Hill, F., Cho, K., & Korhonen, A. (2016). Learning distributed representations of sentences from unlabelled data. arXiv:1602.03483. Hill, F., Cho, K., & Korhonen, A. (2016). Learning distributed representations of sentences from unlabelled data. arXiv:1602.​03483.
Zurück zum Zitat Hughes, M., Li, I., Kotoulas, S., & Suzumura, T. (2017). Medical text classification using convolutional neural networks. Stud Health Technol Inform, 235, 246–250. Hughes, M., Li, I., Kotoulas, S., & Suzumura, T. (2017). Medical text classification using convolutional neural networks. Stud Health Technol Inform, 235, 246–250.
Zurück zum Zitat Jonnagaddala, J., Liaw, S., Ray, P., Kumar, M., Chang, N., & Dai, H. (2015). Coronary artery disease risk assessment from unstructured electronic health records using text mining. Journal of Biomedical Informatics, 58, S203–S210.CrossRef Jonnagaddala, J., Liaw, S., Ray, P., Kumar, M., Chang, N., & Dai, H. (2015). Coronary artery disease risk assessment from unstructured electronic health records using text mining. Journal of Biomedical Informatics, 58, S203–S210.CrossRef
Zurück zum Zitat Jurafsky, D., & Martin, J.H. (2019). Speech and Language processing: An introduction to speech recognition, computational linguistics and natural language processing. 3rd Edn, Prentice Hall. Jurafsky, D., & Martin, J.H. (2019). Speech and Language processing: An introduction to speech recognition, computational linguistics and natural language processing. 3rd Edn, Prentice Hall.
Zurück zum Zitat Khalifa, A., & Meystre, S. (2015). Adapting existing natural language processing resources for cardiovascular risk factors identification in clinical notes. Journal of Biomedical Informatics, 58, S128–S132.CrossRef Khalifa, A., & Meystre, S. (2015). Adapting existing natural language processing resources for cardiovascular risk factors identification in clinical notes. Journal of Biomedical Informatics, 58, S128–S132.CrossRef
Zurück zum Zitat Khoo, A., Marom, Y., & Albrecht, D. (2006). Experiments with sentence classification. In Proceedings of the Australasian Language Technology Workshop (pp. 18–25). Khoo, A., Marom, Y., & Albrecht, D. (2006). Experiments with sentence classification. In Proceedings of the Australasian Language Technology Workshop (pp. 18–25).
Zurück zum Zitat Kim, Y. (2014). Convolutional neural networks for sentence classification. arXiv:1408.5882. Kim, Y. (2014). Convolutional neural networks for sentence classification. arXiv:1408.​5882.
Zurück zum Zitat Kocbek, S., Cavedon, L., Martinez, D., Bain, C., Mac Manus, C., Haffari, G., Zukerman, I., & Verspoor, K. (2016). Text mining electronic hospital records to automatically classify admissions against disease: measuring the impact of linking data sources. Journal of Biomedical Informatics, 64, 158– 167.CrossRef Kocbek, S., Cavedon, L., Martinez, D., Bain, C., Mac Manus, C., Haffari, G., Zukerman, I., & Verspoor, K. (2016). Text mining electronic hospital records to automatically classify admissions against disease: measuring the impact of linking data sources. Journal of Biomedical Informatics, 64, 158– 167.CrossRef
Zurück zum Zitat Kozlowski, M., & Rybinski, H. (2017). Semantic enriched short text clustering. In International Symposium on Methodologies for Intelligent Systems (pp. 435–445): Springer. Kozlowski, M., & Rybinski, H. (2017). Semantic enriched short text clustering. In International Symposium on Methodologies for Intelligent Systems (pp. 435–445): Springer.
Zurück zum Zitat Kozlowski, M., & Rybinski, H. (2019). Clustering of semantically enriched short texts. Journal of Intelligent Information Systems, 53(1), 69–92.CrossRef Kozlowski, M., & Rybinski, H. (2019). Clustering of semantically enriched short texts. Journal of Intelligent Information Systems, 53(1), 69–92.CrossRef
Zurück zum Zitat Lee, J.Y., & Dernoncourt, F. (2016). Sequential short-text classification with recurrent and convolutional neural networks. arXiv:1603.03827. Lee, J.Y., & Dernoncourt, F. (2016). Sequential short-text classification with recurrent and convolutional neural networks. arXiv:1603.​03827.
Zurück zum Zitat Lv, Y., Deng, Y., Liu, M., Cui, Y., & Lu, Q. (2016). Short text classification of EMR based on entities and dependency parser. Chinese Journal of Medical Instrumentation, 40(4), 245–249. Lv, Y., Deng, Y., Liu, M., Cui, Y., & Lu, Q. (2016). Short text classification of EMR based on entities and dependency parser. Chinese Journal of Medical Instrumentation, 40(4), 245–249.
Zurück zum Zitat Menger, V., Scheepers, F., van Wijk, L.M., & Spruit, M. (2018). DEDUCE: A Pattern matching method for automatic de-identification of Dutch medical text. Telematics and Informatics, 35 (4), 727– 736.CrossRef Menger, V., Scheepers, F., van Wijk, L.M., & Spruit, M. (2018). DEDUCE: A Pattern matching method for automatic de-identification of Dutch medical text. Telematics and Informatics, 35 (4), 727– 736.CrossRef
Zurück zum Zitat Mirończuk, M.M., & Protasiewicz, J. (2018). A recent overview of the state-of-the-art elements of text classification. Expert Systems with Applications, 106, 36–54.CrossRef Mirończuk, M.M., & Protasiewicz, J. (2018). A recent overview of the state-of-the-art elements of text classification. Expert Systems with Applications, 106, 36–54.CrossRef
Zurück zum Zitat Mujtaba, G., Shuib, L., Idris, N., Hoo, W.L., Raj, R.G., Khowaja, K., Shaikh, K., & Nweke, H.F. (2019). Clinical text classification research trends: systematic literature review and open issues. Expert Systems with Applications, 116, 494–520.CrossRef Mujtaba, G., Shuib, L., Idris, N., Hoo, W.L., Raj, R.G., Khowaja, K., Shaikh, K., & Nweke, H.F. (2019). Clinical text classification research trends: systematic literature review and open issues. Expert Systems with Applications, 116, 494–520.CrossRef
Zurück zum Zitat Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., Thirion, B., Grisel, O., Blondel, M., Prettenhofer, P., Weiss, R., Dubourg, V., & et al. (2011). Scikit-learn: Machine learning in Python. Journal of Machine Learning Research, 12, 2825–2830.MathSciNetMATH Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., Thirion, B., Grisel, O., Blondel, M., Prettenhofer, P., Weiss, R., Dubourg, V., & et al. (2011). Scikit-learn: Machine learning in Python. Journal of Machine Learning Research, 12, 2825–2830.MathSciNetMATH
Zurück zum Zitat Sevenster, M., Bozeman, J., Cowhy, A., & Trost, W. (2015). A natural language processing pipeline for pairing measurements uniquely across free-text CT reports. Journal of Biomedical Informatics, 53, 36–48.CrossRef Sevenster, M., Bozeman, J., Cowhy, A., & Trost, W. (2015). A natural language processing pipeline for pairing measurements uniquely across free-text CT reports. Journal of Biomedical Informatics, 53, 36–48.CrossRef
Zurück zum Zitat Shen, Y., Zhang, Q., Zhang, J., Huang, J., Lu, Y., & Lei, K. (2018). Improving medical short text classification with semantic expansion using word-cluster embedding. In International Conference on Information Science and Applications (pp. 401–411): Springer. Shen, Y., Zhang, Q., Zhang, J., Huang, J., Lu, Y., & Lei, K. (2018). Improving medical short text classification with semantic expansion using word-cluster embedding. In International Conference on Information Science and Applications (pp. 401–411): Springer.
Zurück zum Zitat Sriram, B., Fuhry, D., Demir, E., Ferhatosmanoglu, H., & Demirbas, M. (2010). Short text classification in twitter to improve information filtering. In ACM 841–842. Proceedings of the 33rd International ACM SIGIR Conference on Research and Development in Information Retrieval (pp. 841–842). Sriram, B., Fuhry, D., Demir, E., Ferhatosmanoglu, H., & Demirbas, M. (2010). Short text classification in twitter to improve information filtering. In ACM 841–842. Proceedings of the 33rd International ACM SIGIR Conference on Research and Development in Information Retrieval (pp. 841–842).
Zurück zum Zitat Torii, M., Fan, J., Yang, W., Lee, T., Wiley, M., Zisook, D., & Huang, Y. (2015). Risk factor detection for heart disease by applying text analytics in electronic medical records. Journal of Biomedical Informatics, 58, S164–S170.CrossRef Torii, M., Fan, J., Yang, W., Lee, T., Wiley, M., Zisook, D., & Huang, Y. (2015). Risk factor detection for heart disease by applying text analytics in electronic medical records. Journal of Biomedical Informatics, 58, S164–S170.CrossRef
Zurück zum Zitat Unnikrishnan, P., Govindan, V., & Kumar, S.M. (2019). Enhanced sparse representation classifier for text classification. Expert Systems with Applications, 129, 260–272.CrossRef Unnikrishnan, P., Govindan, V., & Kumar, S.M. (2019). Enhanced sparse representation classifier for text classification. Expert Systems with Applications, 129, 260–272.CrossRef
Zurück zum Zitat Yang, S., Huang, G., & Cai, B. (2019). Discovering topic representative terms for short text clustering. IEEE Access, 7, 92037–92047.CrossRef Yang, S., Huang, G., & Cai, B. (2019). Discovering topic representative terms for short text clustering. IEEE Access, 7, 92037–92047.CrossRef
Zurück zum Zitat Yang, S., Lu, W., Yang, D., Yao, L., & Wei, B. (2015). Short text understanding by leveraging knowledge into topic model. In Association for Computational Linguistics. Proceedings of the 2015 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies (pp. 1232–1237). Denver, Colorado. Yang, S., Lu, W., Yang, D., Yao, L., & Wei, B. (2015). Short text understanding by leveraging knowledge into topic model. In Association for Computational Linguistics. Proceedings of the 2015 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies (pp. 1232–1237). Denver, Colorado.
Zurück zum Zitat Yao, L., Mao, C., & Luo, Y. (2019). Clinical text classification with rule-based features and knowledge-guided convolutional neural networks. BMC Medical Informatics and Decision Making, 19(3), 71.CrossRef Yao, L., Mao, C., & Luo, Y. (2019). Clinical text classification with rule-based features and knowledge-guided convolutional neural networks. BMC Medical Informatics and Decision Making, 19(3), 71.CrossRef
Zurück zum Zitat Yin, C., Shi, L., & Wang, J. (2017). Short text classification technology based on KNN + hierarchy SVM. In Springer, Advanced Multimedia and Ubiquitous Engineering, May 22–24 (pp. 633–639). Yin, C., Shi, L., & Wang, J. (2017). Short text classification technology based on KNN + hierarchy SVM. In Springer, Advanced Multimedia and Ubiquitous Engineering, May 22–24 (pp. 633–639).
Zurück zum Zitat Zelikovitz, S., & Hirsh, H. (2000). Improving short text classification using unlabeled background knowledge to assess document similarity. In Proceedings of the Seventeenth International Conference on Machine Learning (pp. 1183–1190). Zelikovitz, S., & Hirsh, H. (2000). Improving short text classification using unlabeled background knowledge to assess document similarity. In Proceedings of the Seventeenth International Conference on Machine Learning (pp. 1183–1190).
Metadaten
Titel
ETM: Enrichment by topic modeling for automated clinical sentence classification to detect patients’ disease history
verfasst von
Ayoub Bagheri
Arjan Sammani
Peter G. M. van der Heijden
Folkert W. Asselbergs
Daniel L. Oberski
Publikationsdatum
28.04.2020
Verlag
Springer US
Erschienen in
Journal of Intelligent Information Systems / Ausgabe 2/2020
Print ISSN: 0925-9902
Elektronische ISSN: 1573-7675
DOI
https://doi.org/10.1007/s10844-020-00605-w

Weitere Artikel der Ausgabe 2/2020

Journal of Intelligent Information Systems 2/2020 Zur Ausgabe

Premium Partner