Skip to main content

A risk factor attention-based model for cardiovascular disease prediction

Abstract

Background

Cardiovascular disease (CVD) is a serious disease that endangers human health and is one of the main causes of death. Therefore, using the patient’s electronic medical record (EMR) to predict CVD automatically has important application value in intelligent assisted diagnosis and treatment, and is a hot issue in intelligent medical research. However, existing methods based on natural language processing can only predict CVD according to the whole or part of the context information of EMR.

Results

Given the deficiencies of the existing research on CVD prediction based on EMRs, this paper proposes a risk factor attention-based model (RFAB) to predict CVD by utilizing CVD risk factors and general EMRs text, which adopts the attention mechanism of a deep neural network to fuse the character sequence and CVD risk factors contained in EMRs text. The experimental results show that the proposed method can significantly improve the prediction performance of CVD, and the F-score reaches 0.9586, which outperforms the existing related methods.

Conclusions

RFAB focuses on the key information in EMR that leads to CVD, that is, 12 risk factors. In the stage of risk factor identification and extraction, risk factors are labeled with category information and time attribute information by BiLSTM-CRF model. In the stage of CVD prediction, the information contained in risk factors and their labels is fused with the information of character sequence in EMR to predict CVD. RFAB makes well use of the fine-grained information contained in EMR, and also provides a reliable idea for predicting CVD.

Introduction

Cardiovascular disease (CVD) is characterized by high morbidity and high mortality, which continues to plague human beings [1,2,3]. Data released by the World Health Organization shows that CVD causes more deaths each year than any other cause of death. Around 17.9 million people worldwide died of CVD in 2016, accounting for 31% of all deaths. According to the report of the China National CVD Research Center in 2018, the mortality rate caused by CVD ranked first in 2016, higher than cancer and other diseases, and the number of patients reached 290 million. CVD, as a chronic disease, does not obviously show corresponding characteristics in its hidden period of daily life. What worries us is that once its symptoms are manifested, the life safety of patients will be affected. Therefore, we hope to help clinicians achieve timely and rapid diagnoses by analyzing the electronic medical records (EMRs) of patients during daily physical examinations.

Table 1 Attributes of CVD

CVD has become an important public health problem in China, and the need for coping strategies is imminent. From a realistic point of view, the effective information we can get about CVD in our daily life is limited. Fortunately, more and more hospitals in China have established standard EMR systems in recent years, which makes a large number of patients’ cases systematically recorded. With the rise of deep learning, the application based on the increasing EMRs has been continuously explored in the medical field [4, 5]. In particular, several studies have been conducted to predict the risk of CVD with the aim of targeting the attribute of high mortality due to CVD [6].

EMR can proactively make judgments based on the information and knowledge they have mastered, make timely and accurate prompts when individual health status needs to be adjusted, and provide optimal solutions and implementation plans. The EMR of patients with CVD contains accurate pathogenesis information. However, when we focused on the specific content of the EMR, it was found that it contained more information that was not very relevant to CVD. The information mainly involves the basic condition of the patient’s body or the declarative dialogue between the doctor and the patient. Moreover, when the information about possible CVD in a medical record text accounts for a small proportion, it will become difficult to effectively discover and utilize this information.

For the deep learning-based neural network model, these complicated sequential information not only reduces its attention to the information that may induce CVD, but also has a high possibility to reverse its prediction results. Huang et al. [7] have proposed to avoid redundant information in the text by allowing the model to have skip learning sequence information. Therefore, we intend to extract the necessary information from the EMR text by using the well-developed named entity recognition model. The key information considered, including 12 risk factors, is shown in Table 1. We can extract the risk factors and their attribute labels that may lead to CVD in the text of EMRs as the research objects of the experiment. However, although the training efficiency of the model can be improved based on the risk factor, the performance of the model is degraded. From the experimental analysis, we have realized that simply using relatively independent risk factors as a model to obtain knowledge sources is too single, which means that the contextual information of EMR texts is also indispensable. In response to this situation, we propose the risk factor attention-based (RFAB) Model, a two-layer architecture to model risk factors and the context of EMRs and fuse the information. We use the bi-directional long short-term memory (BiLSTM) as the encoder and decoder in the attention mechanism. BiLSTM can extract the information from the original EMRs so that our model can fully consider the global information in the EMRs of patients. For example, enhancing the information correlation between “hypertension” above and “controlling blood pressure” below is beneficial to the predictive performance of the model. At the same time, in the prediction model, we take the risk factors as the input of the attention mechanism decoder. In this way, the attention of the neural network can be focused on the vital information of risk factors leading to CVD. Experimental results show that the F-score reaches 0.9586, which fully demonstrates the effectiveness of our proposed method and network architecture. In summary, our contribution is four-fold, leading to the following conclusions:

  • We no longer simply utilize the entire EMR as in previous related works, but use the 12 risk factors proposed by Su et al. [8] instead. This can well avoid the interference of a large amount of redundant information in EMRs on CVD prediction.

  • The RFAB we propose contains two phases, first identifying risk factors, then predicting CVD based on the original EMR and risk factors, providing a meaningful and referential method for related predictive tasks.

  • Our method does not simply predict CVD through risk factors. Through BiLSTM-CRF identification, not only the risk factors themselves are extracted, but also their corresponding tags with category information and time attribute information, which can consider more comprehensive information for prediction tasks.

  • We use the character information of the original EMR text as the input of the encoder in the RFAB, the risk factor and its label as the decoder. The above two types of information are fused by the attention mechanism. This makes the predictive task focus on risk factors, and it can also take into account context information in the original EMR.

Methodology

The purpose of this paper is to focus on the risk factors in EMRs and to predict whether an individual suffers from CVD by machine learning methods. And the experiment is mainly divided into three stages: preprocessing the dataset, identification and extraction of risk factors, and prediction of CVD. In the data preprocessing stage, there are some missing and duplicate data in a few EMR texts, so we have carried out data cleaning and interpolation. In the stage of identifying risk factors, we use named entity recognition technology that has been widely used in industry or scientific research. The purpose is to accurately and effectively identify and extract the risk factors and their categories and time attributes in the EMRs. When we compare the recognition performance of CRF and BiLSTM-CRF, both perform well, but the latter performs better in experiments. We have analyzed the reasons in the following two aspects: On the one hand, there are many repetitions of the 12 risk factors in the EMR. On the other hand, BiLSTM is good at capturing the contextual information of text sequences, which is beneficial to identify the boundaries of entities. In the CVD prediction stage, we used the neural network model (RFAB) proposed in this paper. We present the main flow described above in Fig. 1.

Fig. 1
figure 1

The main process of CVD prediction

Technical details of BiLSTM-CRF model

As shown in Fig. 2, BiLSTM-CRF identifies risk factors from EMRs with the BIO (Begin, Inside, Outside) annotation scheme [9]. The labels “HyC” and “HyD” in the figure both represent risk factors for hypertension. Their temporal attributes are, respectively, that they have been with the patient (Continue) and during the patient’s medical treatment (During). In the input layer, we determine the embedding of each input character by looking up the dictionary, expressed as \(Q=(q_{1},\ldots ,q_{k-3},\ldots ,q_{k})\). The character embeddings we pre-trained by the Skip-gram model [10] contain information about the words before and after it, that is, contextual information.

Fig. 2
figure 2

The architecture of BiLSTM-CRF model

The model identifies risk factors by predicting the label corresponding to each character. A sequence of length n is inputted to the model, and the embedding layer maps characters one by one to a vector, i.e., \(X=(x_{1},\ldots ,x_{t},\ldots ,x_{ n})\). Then, it is fed to the BiLSTM layer to continue encoding, and the forward and backward LSTM respectively calculate the corresponding sequence representation \({\mathop {h_{t}}\limits ^{\rightarrow }}\) and \({\mathop {h_{t}}\limits ^{\leftarrow }}\) for each character t. As in the LSTM memory cell implemented by Lample et al. [11], the representation of the character t has left and right contextual information, i.e., \(h_{t}=[{\mathop {h_{t}}\limits ^{\rightarrow }};{\mathop {h_{t}}\limits ^{\leftarrow }}]\).

Then, the eigenvalues are zero-averaged by the activation function tanh, which to calculate the confidence score of the labels that each character t may correspond to.

$$\begin{aligned} e_t=\tanh (W_eh_t), \end{aligned}$$
(1)

where the weight matrix \(W_{e}\) is the parameter to be learned in training.

Finally, the feature information is decoded at the CRF layer, and the best labels for characters are predicted. The tth column of score matrix P is outputted by the network correspond to the vector \(e_{t}\) calculated by Eq. (1), where the element \(P_{i,j}\) is the score of the jth tag of ith character in the sequence. We introduce a transition probability matrix T that can utilize previous annotation information when tagging the current position. \(T_{y_i, y_{i+1}}\) represents the probability when tag \(y_i\) moves to tag \(y_{i+1}\). The optimal tags of the sequence \(y=(y_{1},\ldots ,y_{t},\ldots ,y_{n})\) are obtained by solving the maximum value of Eq. (2):

$$\begin{aligned} s(X,y) = \sum _{i=0}^N(T_{y_i,y_{i+1}}+P_{i,y_i}), \end{aligned}$$
(2)

where the transition probability matrix will be used as a parameter of the model for training. Then, we use the softmax function to generate the conditional probability of path y by normalizing the scores above over all possible tag paths \({\tilde{y}}\):

$$\begin{aligned} p(y|X) = \frac{e^{s(X,y)}}{\sum _{{\tilde{y}}}e^s(X,{\tilde{y}})}, \end{aligned}$$
(3)

In the training process, the model predicts the best label path to obtain the highest score by computing the log probability of maximizing the correct label sequence from Eq. (4):

$$\begin{aligned} \arg _{ {\tilde{y}}} \max s(X,{\tilde{y}}). \end{aligned}$$
(4)

The Viterbi algorithm [12] is utilized as the dynamic programming algorithm to obtain the optimal tagging path.

Technical details of RFAB model

As shown in Fig. 3, the purpose of our work is to comprehensively model EMRs text by using the characteristics of text content and risk factors in EMRs text, thus further realizing CVD prediction task. Generally speaking, RFAB consists of four parts: input layer, embedding layer, presentation layer, and prediction layer. The details are as follows.

Fig. 3
figure 3

The architecture of RFAB model

Input Layer mainly tackles the problem of Feature Acquisition of the input EMR text and the input risk factors. For a Chinese raw text T, it contains m characters, i.e., \(C=\{c_1,c_2,\ldots ,c_m\}\), where each character \(c_i\left( 1\le i\le m\right)\) is an independent item. Meanwhile, T contains n risk factor words \(W\ =\ \{w_1,w_2,\ldots ,w_n\}\), this is \(T^\prime\). Since a word can often be divided into several characters, it is obvious that \(n\ \le m\). Thus, the length of C is equal to \(E^C\), and the length of W is equal to \(E^F\), i.e., \(\left| C\right| =\left| E^C\right|\), \(\left| W\right| =\left| E^F\right|\).

Embedding Layer aims to represent each item from Input Layer in a continuous space. It accepts the characteristics of two parts of content (i.e., \(E^C\), \(E^F\)) and outputs two embedding matrices by looking up embedding dictionary. For risk factors, we add each character-level embedding vector matched by the word correspondence, and then average to obtain the embedding vector corresponding to risk factors. As mentioned before, the lengths of the two-item features satisfy \(\left| C\right| =\left| E^C\right|\) and \(\left| W\right| =\left| E^F\right|\). To simplify the problem, we set the vector dimension of each of them to the same size D. Thus, a EMR text can be represented by two vector sequences, i.e., \(E^C=\{e_1^c,e_2^c,\ldots ,e_m^c\}\), \(E^F=\{e_1^f,e_2^f,\ldots ,e_n^f\}\). Exactly, these two vector sequences are also four embedding matrices, i.e., \(E^C\in R^{m\times D}\) and \(E^F\in R^{n\times D}\).

Representation Layer aims to generate a comprehensive representation of input EMR text by combining the context and risk factors information together. Corresponding to the property of character sharing, the recurrent structure of LSTM naturally processes words and characters one by one, which memorizes the characters or words that have already appeared [13]. In view of this advantage, we utilize an implementation of LSTM proposed by [14] and apply the bidirectional setting (i.e., BiLSTM) to capture both the forward and backward context information. Formally, given a specific feature embedding sequence of a sentence \(s=\{x_1,x_2,\ldots ,x_N\}\), the hidden vector of a BLSTM is calculated as follows:

$$\begin{aligned}&\overrightarrow{h_t}\ =LSTM\left( \overrightarrow{h_{t-1}},x_t\right) , \\&\overleftarrow{h_t}\ =LSTM\left( \overleftarrow{h_{t-1}},x_t\right) , \\&y_t\ =\left[ \overrightarrow{h_t},\overleftarrow{h_t}\right] , \end{aligned}$$
(5)

where \(\overrightarrow{h_t}\) and \(\overleftarrow{h_t}\) is the forward hidden vector and backward hidden vector respectively at the tth step in the BiLSTM. And \(y_t\) is the hidden output of each BiLSTM at the tth step, which is the concatenation of \(\overrightarrow{h_t}\) and \(\overleftarrow{h_t}\).

As shown in Fig. 3, there are two serialized BiLSTMs in the representation layer (i.e., \(BiLSTM^c+BiLSTM^f\)). In \(BiLSTM^c\), the values of their initial hidden states are set to zero. Meanwhile, \(BiLSTM^f\) receives the last hidden states of \(BiLSTM^c\) as input, which allows the context information of characters can be further combined with the information of risk factors.

Additionally, to assign important weights to certain risk factors thus model the risk factor sharing property when integrating information, we design an attention mechanism which can capture the interrelations between risk factors and their corresponding Specific EMRs content. Everytime \(BiLSTM^f\) receives a vector embedding of a risk factor (i.e., \(e_i^f\)), each \(y_\epsilon ^c\in Y^c=\{y_1^c,y_2^c,\ldots ,y_m^c\}\) will conduct the dot product operation with \(e_i^f\). Thus, the attention vector \(\alpha ^\prime\) for \(e_i^f\) is obtained as follows:

$$\begin{aligned} \alpha ^\prime =\left[ \alpha _1^\prime ,..,\alpha _i^\prime ,\ldots ,\alpha _n^\prime \right] ,\alpha _i^\prime =f\left( y_\epsilon ^c,e_i^f\right) ,1\le \epsilon \le m,1\le i\le n, \end{aligned}$$
(6)

where \(\alpha _\epsilon ^\prime\) denote the \(\epsilon\)th weight of a risk factor, and \(f\left( a,b\right)\) denotes the dot product function. But before the weighted sum operation, we need to normalize these weights using the softmax function, i.e., \(\alpha _i\) is obtained as follows:

$$\begin{aligned} \alpha _i=\frac{exp\left( \alpha _n^\prime \right) }{\sum _{i=1}^{n}exp\left( \alpha _i^\prime \right) },where\sum _{1}^{n}\alpha _i=1, \end{aligned}$$
(7)

then the vector embedding of \(r_i^f\) will be modified as:

$$\begin{aligned} \widetilde{e^f}=\sum _{i=1}^{n}\alpha _iy_\epsilon ^c, \end{aligned}$$
(8)

where \(y_\epsilon ^c\) denotes the \(\epsilon\)th item of \(Y^c\). After the attention operation (i.e., \(att_i\) in Fig. 3), \(\widetilde{e^f}\) have fused the weight information of risk factors. Then, \(BiLSTM^f\) will further learn the contextual information of \(\widetilde{e^f}\) through the calculations described in Eq. (5).

Prediction Layer As a result, we take the final hidden layer states of \(BiLSTM^f\) (i.e., \(y_o\)) as the final output, and redefine it as \(Z\in R^D\). Here, Z is exactly the ultimate representation of input EMR text T. After that, we feed Z into a fully-connected neural network to get an output vector \(O\in R^K\) (K is the number of classes, i.e., \(K=\left| U\right|\)):

$$\begin{aligned} O=sigmoid\left( Z\times W\right) , \end{aligned}$$
(9)

where \(W\in R^{D\times K}\) is the weight matrix for dimension transformation, and \(sigmoid\left( \cdot \right)\) is a non-linear activation function. Finally, we apply a softmax layer to map each value in O to conditional probability and realize the prediction as follows:

$$\begin{aligned} P=argmax\left( softmax\left( O\right) \right) , \end{aligned}$$
(10)

Model Training Since what we are trying to solve is a prediction task, we follow the work in [15] to apply the cross-entropy loss function to train our model, and the goal is to minimize the following Loss:

$$\begin{aligned} Loss=-\sum _{T\in C o r p u s}\sum _{i=1}^{K}{p_i\left( T\right) logp_i\left( T\right) }. \end{aligned}$$
(11)

where T is the input EMR text, Corpus denotes the training corpus and K is the number of classes. In the training process, we apply Adagrad as optimizer to update the parameters of RFAB, including W and all parameters (weights and biases) in each BiLSTM. To avoid the overfitting problem, we apply the dropout mechanism at the end of the embedding layer.

Fig. 4
figure 4

Generate the character embedding for experiments

Results

Dataset and evaluation metrics

The corpus involved in the experiment mainly consists of two parts: about 800,000 unlabeled EMRs and 1186 systematically labeled EMRs. The unlabeled corpus comes from the internal medicine department of a hospital in Gansu Province, and is mainly used for training and generating character-level embeddings required in the experiment process. As shown in Fig. 4, we add a risk factor dictionary during character-level embedding training. This can make the character-level embeddings trained by the skip-gram model in word2vec more relevant. Another corpus comes from the Network Intelligence Research Laboratory of Language Technology Research Center, School of Computer Science, Harbin Institute of Technology, which is mainly used to train the CVD prediction models. This corpus intends to be used to develop a risk factor information extraction system that, in turn, can be applied as a foundation for the further study of the progress of risk factors and CVD [8].

For EMRs used for CVD prediction, we need to label them as whether CVD is confirmed or not. The basis used comes from the following three parts: the first part, mainly based on the diagnosis results of clinicians in the EMR; the second part, based on the specific definition of CVD by the World Health Organization [16]; the third part, according to the first (Symptoms) and the third (Diseases) chapters of “Clinical Practical Cardiology”, an authoritative textbook for training clinicians in China, the exposition of CVD [17]. In the above three parts, the second and third parts are supplementary confirmations to the first part.

It is based on the 12 risk factors included in EMRs and their labels with category and time attributes to predict CVD, rather than directly based on the sequence information of the text of EMRs. As well as the statistics of the number of risk factors as shown in Table 2, each EMR contains multiple risk factors. From this perspective, as long as the ratio of positive and negative datasets is not seriously out of balance, we no longer suffer from the relatively small number of datasets due to the inaccessibility and legal utilization of EMRs. For the time attribute, four main types are considered in the dataset: always accompanying the patient (Continue); during the patient’s medical treatment (During); after the patient’s medical treatment (After); before the patient’s medical treatment (After). Since the Age and Gender of the risk factors do not have a time attribute, we added a time attribute as: None.

Table 2 Distribution of CVD risk factors and their occurrence times

The experiment consists of two stages: the risk factor identification stage and the CVD prediction stage. In the first stage, we utilized all the labeled EMRs, including 830 in the training set, 119 in the development set, and 237 in the test set. In the second stage, we will extract the risk factors from the EMRs that need to be used to train the prediction model through the recognition model trained in the first stage. Among the EMRs utilized to train CVD prediction models, there are 461 training sets, 66 development sets, and 132 test sets. In the experiments, we used Accuracy (A), Precision (P), Recall (R), and F-score (F) as metrics for evaluating performance [18, 19]:

$$\begin{aligned} F=\frac{2*P*R}{P+R} \end{aligned}$$
(12)

Models and parameters

As a comparison, we use different or in the case of ablation models for both stages of the experiment. In the models described next, the first two models are used in the risk factor identification stage, and the latter models are utilized for the CVD prediction stage.

CRF As a widely used traditional machine learning method, this model has been applied by Mao et al. [20] to the research of named entity recognition based on electronic medical records.

BiLSTM-CRF This model is a good example of combining deep learning with traditional machine learning methods. In the research on the automatic recognition of named entities in an extracted medical text, Li et al. [21] applied a model architecture that combines a bi-directional long short-term memory network (BiLSTM) and a conditional random field algorithm (CRF). The contextual information of sequences in the text is well encoded by BiLSTM and decoded using CRF.

SVM As one of the data mining techniques, support vector machine (SVM) is used by Menaria et al. [22] to support the research of medical decisions for correct diagnosis and treatment of diseases, and then explore to minimize the workload of experts.

ConvNets This model has a great influence in the field of text classification. Xiang et al. [23] proposed to represent each character with one-hot encoding and use a six-layer convolutional neural network to capture sequence information.

LSTM/RFAB (no att) As a special kind of recurrent neural network, Xin et al. [24] believes that it may be able to connect previous information with the current task and apply it in Alzheimer’s disease prediction research. On this basis, we construct a BiLSTM network model with one activation layer and one fully connected layer for CVD prediction. In fact, this is the RFAB model without the attention mechanism.

RFAB This model is proposed in this paper. In the experiments, we tune the hyperparameters by random search, and share all the experimentally selected hyperparameters as much as possible in Table 3.

Table 3 Hyper parameters of RFAB
Fig. 5
figure 5

Comparison of CRF and BiLSTM-CRF models

Experimental results

For the risk factor identification stage and cardiovascular disease prediction stage, we have carried out specific comparative experiments. In the second stage, we have done abundant experimental exploration from the aspects of input, embedding, and model ablation.

In Fig. 5, we compare the performance of CRF and BiLSTM-CRF on three evaluation indicators. On the whole, both of them perform well, but the latter’s F-score is better than the former. Therefore, we chose BiLSTM-CRF model as the risk factor extractor.

In Table 4, we show the comparison between the previous model and our proposed RFAB model for Accuracy, Precision, Recall, and F-score. And the performance of each model when the dataset is the original EMRs, the risk factor with the label, or the risk factor without the label. As shown in Figs. 1 and 2, the labels contain the corresponding category and time attributes for each risk factor. The \(|\Delta |\) in the table represents the absolute value of the difference between the average of each model’s above four evaluation values and the best average.

In Table 5, we compared four cases: (1) The performance of the ConvNets model in random embedding. (2) The performance of the LSTM model in random embedding. (3) The performance of our model without attention mechanism, that is, the performance of the BiLSTM model. (4) When our model is in random embedding.

In Fig. 6, we have made a visual example of the attention mechanism, which consists of the following two parts: (a) The specific conditions of the patient’s examination after entering the hospital in EMR. (b) A sentence from the case characteristics module in EMR. The label on the y-axis in the figure is a risk factor.

Table 4 The comparison of each model for CVD prediction results
Table 5 The performance of each model at random embedding
Fig. 6
figure 6

Visualization of learned attention α. a Basic physical status of a patient on EMR. b A description in the Case Characteristics module of a patient in EMR

Discussion

In Table 4, we compare the predictive performance of each model on different forms of corpora. When we utilize pre-trained embeddings along with labeled risk factors as the corpus, the RFAB model outperforms the other models on all four evaluation metrics. In addition, by comparing the performance of LSTM and BiLSTM models on the preprocessed raw EMRs and the labeled risk factor corpus, respectively, we can find that the prediction effect is not optimistic when the contextual information of the text sequence is not considered. Meanwhile, compared with the ConvNets proposed by Xiang et al. [23], we can find that the sequence models can better capture the contextual information of the EMR text than the convolutional neural network-based model. From the performance of RFAB in Tables 4 and 5, we can help improve the model’s accuracy in predicting CVD with the help of pre-trained character embeddings with a medical background. Moreover, from the performance of our model in Table 4 without attention mechanism, the significance of attention mechanism to the performance of this model is clearly reflected, and it also shows that the information of risk factors is more important to this prediction task. We exemplify the core part of the diagnostic basis in an electronic medical record based on the \(\alpha\) learned by the attention mechanism in Fig. 6a. In addition, we also exemplify the associations between the three risk factors and their original character-level sequences in Fig. 6b. For Fig. 6, we emphasize that it can reduce the reading burden for doctors or individuals.

Conclusions

Disease prediction research based on machine learning methods plays a pivotal role in supporting medical decisions for the correct diagnosis and treatment of diseases. Through the study of related technologies, doctors or individuals can quickly and accurately obtain key information and possible predictions after seeing a doctor, which is of great significance for reducing the pressure on experts and preventing diseases for individuals.

Aiming at the study of predicting CVD based on electronic medical records, this paper proposes an effective and reference idea to identify and extract risk factors and then rely on these key information to predict CVD. Meanwhile, we propose a corresponding CVD prediction model, a risk factor attention-based model (RFAB). With the help of the attention mechanism, the model effectively integrates the information between the risk factors and the context of the EMR text, and also considers the category and time attributes of the risk factors by the mean of labels. This enables the model to avoid redundant and confusing information, while focusing on effective key information, and can also take into account the original information of the EMR.

In the future, we will focus more on the research of CVD itself. Although the factors that can be found in EMRs that lead to CVD in individuals can be determined, it is undeniable that factors such as environment are diverse. Therefore, we will explore more comprehensive information sources, and then rely on machine learning methods to predict CVD efficiently and accurately.

Availability of data and materials

The datasets used and analyzed during the current study are available from the corresponding author upon reasonable requests. And, the related annotation resources are publicly available at https://github.com/nudt-nlp/RiskFactor.

Abbreviations

CVD:

Cardiovascular disease

RFAB:

A risk factor attention-based model

LSTM:

Long short-term memory

CRF:

Conditional random field

BiLSTM:

Bi-directional long short-term memory networks

BiLSTM-CRF:

Bidirectional LSTM with a CRF layer

SVM:

Support vector machine

ConvNets:

Character-level convolutional networks

References

  1. Li Y, Huo C, Pan T, Li L, Jin X, Lin X, Chen J, Zhang J, Guo Z, Xu J, Li X. Systematic review regulatory principles of non-coding RNAs in cardiovascular diseases. Brief Bioinform. 2019;20(1):66–76.

    Article  CAS  Google Scholar 

  2. Townsend N, Nichols M, Scarborough P, Rayner M. Cardiovascular disease in Europe—epidemiological update 2015. Eur Heart J. 2015;36(40):2696–705.

    Article  Google Scholar 

  3. Townsend N, Wilson L, Bhatnagar P, Wickramasinghe K, Rayner M, Nichols M. Cardiovascular disease in Europe: epidemiological update 2016. Eur Heart J. 2016;37(42):3232–45.

    Article  Google Scholar 

  4. Ng JY, Hausknecht MJ, Vijayanarasimhan S, Vinyals O, Monga R, Toderici G. Beyond short snippets: deep networks for video classification. In: IEEE conference on computer vision and pattern recognition, CVPR 2015, June 7–12, 2015. Boston: IEEE Computer Society; 2015. pp. 4694–702.

  5. Liang Z, Zhang G, Huang JX, Hu QV. Deep learning for healthcare decision making with EMRs. In: 2014 IEEE international conference on bioinformatics and biomedicine, BIBM 2014, November 2–5, 2014. Belfast: IEEE Computer Society; 2014. pp. 556–9.

  6. Wang J, Ding H, Bidgoli FA, Zhou B, Iribarren C, Molloi S, Baldi P. Detecting cardiovascular disease from mammograms with deep learning. IEEE Trans Med Imaging. 2017;36(5):1172–81.

    Article  Google Scholar 

  7. Huang T, Shen G, Deng Z. Leap-LSTM: enhancing long short-term memory for text categorization. In: Proceedings of the twenty-eighth international joint conference on artificial intelligence, IJCAI 2019, August 10–16, 2019. Macao: International Joint Conferences on Artificial Intelligence Organization; 2019, pp. 5017–23.

  8. Su J, He B, Guan Y, Jiang J, Yang J. Developing a cardiovascular disease risk factor annotated corpus of Chinese electronic medical records. BMC Med Inf Decis Mak. 2017;17(1):1–11.

    Google Scholar 

  9. Ratinov L, Roth D. Design challenges and misconceptions in named entity recognition. In: Proceedings of the thirteenth conference on computational natural language learning, CoNLL 2009, Boulder, Colorado, USA, June 4–5; 2009. pp. 147–55.

  10. Mikolov T, Chen K, Corrado G, Dean J. Efficient estimation of word representations in vector space. In: 1st International conference on learning representations, ICLR 2013, May 2–4, 2013. Scottsdale, Arizona, USA; 2013. arXiv:1301.3781.

  11. Lample G, Ballesteros M, Subramanian S, Kawakami K, Dyer C. Neural architectures for named entity recognition. In: NAACL HLT 2016, The 2016 conference of the North American chapter of the association for computational linguistics: human language technologies, June 12–17, 2016. San Diego: Association for Computational Linguistics; 2016. pp. 260–70.

  12. Viterbi AJ. Error bounds for convolutional codes and an asymptotically optimum decoding algorithm. IEEE Trans Inf Theory. 1967;13(2):260–9.

    Article  Google Scholar 

  13. Peng F, Feng F, McCallum A. Chinese segmentation and new word detection using conditional random fields. In: Proceedings of the 20th international conference on computational linguistics, August 23–27, 2004. Geneva: COLING; 2004. pp. 562–8.

  14. Graves A, Mohamed A, Hinton GE. Speech recognition with deep recurrent neural networks. In: IEEE international conference on acoustics, speech and signal processing, ICASSP 2013, May 26–31, 2013. Vancouver: IEEE; 2013, pp. 6645–9.

  15. Zhou Y, Xu B, Xu J, Yang L, Li C, Xu B. Compositional recurrent neural networks for Chinese short text classification. In: 2016 IEEE/WIC/ACM international conference on web intelligence, WI 2016, October 13–16, 2016. Omaha: IEEE Computer Society; 2016, pp. 137–44.

  16. The details of Cardiovascular diseases (CVDs) come from World Health Organization (WHO). https://www.who.int/news-room/fact-sheets/detail/cardiovascular-diseases-(cvds). Accessed 29 May 2022.

  17. Guo J. Clinical practical cardiology. Beijing: Peking University Medical Press; 2015.

    Google Scholar 

  18. Hotho A, Nürnberger A, Paass G. A brief survey of text mining. LDV Forum. 2005;20(1):19–62.

    Google Scholar 

  19. Qiao L, Zhao H, Huang X, Li K, Chen E. A structure-enriched neural network for network embedding. Expert Syst Appl. 2019;117:300–11.

    Article  Google Scholar 

  20. Mao X, Li F, Duan Y, Wang H. Named entity recognition of electronic medical record in ophthalmology based on CRF model. In: 2017 International conference on computer technology, electronics and communication (ICCTEC), December 19–21, 2017. Dalian: IEEE; 2017. pp. 785–8.

  21. Li W, Song W, Jia X, Yang J, Wang Q, Lei Y, Huang K, Li J, Yang T. Drug specification named entity recognition base on BILSTM-CRF model. In: 43rd IEEE annual computer software and applications conference, COMPSAC 2019, July 15–19, 2019. Milwaukee: IEEE; 2019. pp. 429–33.

  22. Woldemichael FG, Menaria S. Prediction of diabetes using data mining techniques. In: 2018 2nd international conference on trends in electronics and informatics (ICOEI), May 11–12, 2018. Tirunelveli: IEEE; 2018. pp. 414–8.

  23. Zhang X, Zhao JJ, LeCun Y. Character-level convolutional networks for text classification. In: Advances in neural information processing systems 28: annual conference on neural information processing systems 2015, December 7–12, 2015. Montreal: MIT Press; 2015. pp. 649–57.

  24. Hong X, Lin R, Yang C, Zeng N, Cai C, Gou J. Predicting Alzheimer’s disease using LSTM. IEEE Access. 2019;7:80893–901.

    Article  Google Scholar 

Download references

Acknowledgements

We would like to thank the Network Intelligence Research Laboratory of the Language Technology Research Center, School of Computer Science, Harbin Institute of Technology, for providing the corpus for predicting cardiovascular disease. We would also like to thank anonymous reviewers for their insightful comments.

About this supplement

This article has been published as part of BMC Bioinformatics Volume 23 Supplement 8, 2022: Selected articles from the 16th International Symposium on Bioinformatics Research and Applications (ISBRA-20): bioinformatics. The full contents of the supplement are available online at https://bmcbioinformatics.biomedcentral.com/articles/supplements/volume-23-supplement-8.

Funding

Publication costs are funded by the National Natural Science Foundation of China (No.U1811462, No.61762081, No.61662067, No.61662068) and the Key Research and Development Project of Gansu Province (No.17YF1GA016).

Author information

Authors and Affiliations

Authors

Contributions

YQ, ZZ and CW had a part in conceiving the study, and have substantially contributed in writing and revising the manuscript. ZZ provided all datasets for this study. WW analyzed the risk factors for disease in Chinese electronic medical records and were the main contributors to the processing of experimental data. All authors read and reviewed the final manuscript.

Corresponding authors

Correspondence to Chengkun Wu or Zhichang Zhang.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

Additional information

Publisher's Note

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

Rights and permissions

Open Access This 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/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Qiu, Y., Wang, W., Wu, C. et al. A risk factor attention-based model for cardiovascular disease prediction. BMC Bioinformatics 23 (Suppl 8), 425 (2022). https://doi.org/10.1186/s12859-022-04963-w

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12859-022-04963-w

Keywords