Skip to main content

Utilizing dynamic treatment information for MACE prediction of acute coronary syndrome

Abstract

Background

Main adverse cardiac events (MACE) are essentially composite endpoints for assessing safety and efficacy of treatment processes of acute coronary syndrome (ACS) patients. Timely prediction of MACE is highly valuable for improving the effects of ACS treatments. Most existing tools are specific to predict MACE by mainly using static patient features and neglecting dynamic treatment information during learning.

Methods

We address this challenge by developing a deep learning-based approach to utilize a large volume of heterogeneous electronic health record (EHR) for predicting MACE after ACS. Specifically, we obtain the deep representation of dynamic treatment features from EHR data, using the bidirectional recurrent neural network. And then, the extracted latent representation of treatment features can be utilized to predict whether a patient occurs MACE in his or her hospitalization.

Results

We validate the effectiveness of our approach on a clinical dataset containing 2930 ACS patient samples with 232 static feature types and 2194 dynamic feature types. The performance of our best model for predicting MACE after ACS remains robust and reaches 0.713 and 0.764 in terms of AUC and Accuracy, respectively, and has over 11.9% (1.2%) and 1.9% (7.5%) performance gain of AUC (Accuracy) in comparison with both logistic regression and a boosted resampling model presented in our previous work, respectively. The results are statistically significant.

Conclusions

We hypothesize that our proposed model adapted to leverage dynamic treatment information in EHR data appears to boost the performance of MACE prediction for ACS, and can readily meet the demand clinical prediction of other diseases, from a large volume of EHR in an open-ended fashion.

Peer Review reports

Background

Acute coronary syndrome (ACS) is a term used to describe a range of conditions associated with sudden, reduced blood flow to the heart, including ST-elevation myocardial infarction (STEMI), non- ST-elevation myocardial infarction (NSTEMI), and unstable angina (UA) [1]. ACS is the most common type of coronary artery disease (CVD) [2,3,4]. Every year, CVD and ACS together account for approximately 7 million deaths [5, 6], accounting for around half of the global burden [7], and about 30% people are at risk of having ACS during their lifetime [8].

Main adverse cardiac event (MACE) refers to a type of composite end-event point event that contains unstable angina, myocardial infarction, death, and revascularization during hospitalization. As a vital composite endpoint, MACE has been frequently used in assessing safety and efficacy of treatment processes of ACS patients [9,10,11,12]. MACE prediction can be used to anticipate whether an individual is likely to experience unexpected adverse cardiac events during his or her hospitalization and after discharge [5, 13, 14]. Traditionally, cohort-based studies are conducted to develop MACE prediction tools. Recently, with the increasing availability of a large volume of electronic health record (EHR) data, there is a gradual attention to use data-driven approaches to construct efficient tools for MACE prediction [12, 15,16,17]. Theoretically speaking, the two types of studies have different concerns. Cohort-based studies are usually based on a small set of handpicked patient features which are collected in costly trials, and the generated tools are relatively simple to use in clinical practice. On the contrary, EHR data-driven models can remedy the limitations of cohort-based studies, but are usually complex and difficult to interpret. Although valuable, most existing models proposed by both types of studies have a common serious limitation, i.e., they are built on static patient features and neglect the influence of dynamic treatment information on MACE prediction. Since there have been considerable evidence that clinical conditions of patients are dynamically changed when treatments are performed, dynamic treatment information has the potential to boost the performance of MACE prediction.

To this end, this study proposes a data-driven model that leverages recurrent neural networks (RNN) to learn the deep feature representation of dynamic features which are extracted from EHR [18,19,20]. In comparison with traditional temporal analysis methods, such as the Cox proportional hazard model [21], RNN provides a substantial nonlinear improvement in model generalization and is more scalable [7]. RNN has proven effective in many difficult machine learning tasks, such as image processing [18] and language translation [19]. To fully utilize the dynamic information and avoid the influence of gradient vanishing, we adopt a specific type of RNN structure, i.e., bi-directional RNN with long-short time memory (Bi-LSTM) [20, 22], to extract dynamic features from EHR data to predict MACE. To our best knowledge, this is the first work for MACE prediction by taking into account not only the static patient features but also dynamic treatment information into a deep neural network model.

The contributions of this paper can be summarized as follows:

  • We present a deep learning model to utilize dynamic treatment information for predicting MACE after ACS, and the incorporation of dynamic treatment information into learning boosts the performance of MACE prediction.

  • The proposed model extracts the latent representation of dynamic treatment features via Bi-LSTM, which can be used to predict whether a patient occurs MACE in his or her hospitalization.

  • Extensive experiments are conducted on a real EHR dataset, which consists of 2930 ACS patient samples collected from a Chinese hospital, to demonstrate the effectiveness of our proposed model for MACE prediction.

The remainder of this paper is organized as follows. The related work is introduced in Section 2. In Section 3, we present our proposed model of utilizing dynamic treatment information for predicting MACE after ACS, via a typical deep neural network architecture, i.e., Bi-LSTM. In Section 4, we present experimental results and evaluate the performance of our method in comparison with the state-of-the-art models. The merits and limitations of our proposed model are discussed in Section 5. Finally, Section 6 concludes our work and discusses future directions.

Related work

From the technique perspective, the work on MACE prediction can be categorized as cohort-based studies and data-driven studies, respectively.

As a traditional approach of medical research, cohort-based studies have been widely adopted to investigate specific clinical hypothesis questions, e.g., the relationship between potential risk factors and MACE [23, 24]. In general, a hypothetical question is firstly proposed by clinical researchers, and then a group of subjects are recruited into the cohort and observed over a period, to collect data that may be relevant to the hypothesis. The prediction models can be furtherly developed based on the collected cohort data, via univariate, multivariate logistic regression or Cox proportional hazards regression model, etc. The most famous cohort-based models for MACE prediction include the Global Registry of Acute Coronary Events (GRACE) [2], the Thrombolysis in Myocardial Infarction (TIMI) [3], and the Platelet Glycoprotein IIb/IIIa Unstable Angina: Receptor Suppression Using Integrilin Therapy (PURSUIT) [5], etc.

Although useful, there is a serious flaw of cohort-based studies: they usually select a small set of patient variables, to simplify the model and facility its use in clinical practice [25]. However, the inclusion of fewer risk factors into the model learning may lead to the degradation of the model’s predictive performance. On the contrary, more potential risk factors (e.g., Cystain C, homocysteine in MACE prediction) are recently identified in the literature [26], but are not included in the existing cohort-based models, and therefore eventually limits the value of the cohort-based models.

Recently, with the widely application of EHR in healthcare facilities, thousands of data-driven models have been developed by exploring the huge potential of EHR data in various clinical applications, e.g., screening, diagnosis, treatment, prognosis and monitoring [27]. Compared with the traditional cohort-based studies, EHR data-driven models can well address the limitations of cohort-based studies [25].

Early work on data-driven prediction has been performed based on conventional machine learning and data mining methods. For example, Hu et al. proposed a hybrid model that combines both random forest and support vector machine to predict the risk of MACE [11]. Bandyopadhyay et al. proposed a Bayesian network to predict cardiovascular risk [28]. In [29], a vector spline multinomial logistic regression model was presented to predict risks of patients with ovarian tumors. These works show the usefulness of utilizing medical data for clinical risk prediction. Recently, many deep learning models, e.g., Stacked Denoising Auto-encoder (SDAE), and Convolutional Neural Network (CNN), etc., have been adopted for the prediction/detection task in medical domain and achieved a promising performance. For example, Raghavendra et al. proposed a CNN-based model to diagnosis the glaucoma using digital fundus images [15], and afterwards they applied CNN to detect the myocardial infarction and ventricular arrhythmias in ECG singles [16, 17]. Huang et al. proposed a regularized SDAE to predict the risk of ACS patients [30]. Li et al. developed a deep belief network based model to predict the risk factors of bone disease progression [31].

Although successful, not the full potential of EHR data has been explored. To the best of our knowledge, most of existing data-driven models were trained based on static patient features, and lack the ability to model time-dependent co-variates in the observation window such that an individual’s disease progression mediated by dynamic treatment information cannot be reliably measured, which limits the performance of predictive models.

Methods

Figure 1 illustrates our idea of utilizing temporal treatment information for MACE prediction of ACS patients during their hospitalizations. More details of our approach are presented as follows:

Fig. 1
figure 1

Utilizing EHR data to support MACE prediction during ACS patients’ hospitalization

Patient feature processing and embedding

Clinical information is regularly observed/recorded in EHR data. From the temporal perspective, clinical data of a patient’s EHR d = 〈xs, Xd〉 can be categorized as both static features xs and dynamic features Xd. As shown in Fig. 2, our encoders firstly map the dynamic part of an input to a sequence of K-dimensional embeddings Xd= (x(1), x(2),  … , x(T)), using a lookup table with one vector for each time epoch (e.g., one hospitalization day in this study), where x(t)= [x1, x2, xK] (1 ≤ t ≤ T) is the encoded vector, K is the cardinal number of dynamic features, and T is the length of stay (LOS) of that patient. The dimensions of dynamic features observed in that time epoch are set to 1 and the rest are 0.

Fig. 2
figure 2

Representing dynamic features found on each hospitalization day as a specific vector

The aim of this study is to utilize dynamic treatment information to boost the performance of MACE prediction for ACS patients. To this end, we need to deal with information that may cause MACE, i.e., the record happened before MACE. To this end, we need to truncate our data to eliminate the influence of clinical information that would not cause MACE. Specifically, if an adverse cardiac event is observed at time stamp t for a particular patient sample 〈xs, (x(1), x(2),  … , x(t),  … , x(T))〉 with LOS T, the prefix of the original input sequence, i.e., 〈xs, (x(1), x(2),  … , x(t))〉, is selected as a training sample (〈xs, (x(1), x(2),  … , x(t))〉, c), where c {0 : none, 1 : MACE } denotes the MACE label at time stamp t. If multiple MACEs are observed in one patient’s hospitalization, the firstly happened MACE and its’ previous observed treatment information are selected to be the MACE label and the training sample, respectively.

Note that, (x(1), x(2),  … , x(T)) is a sequence of dynamic features observed during a patient’s hospitalization. Intuitively, we initialize the representation for these dynamic features of each individual patient. A widely adopted strategy is to represent each word (a.k.a. dynamic feature) by using one-hot vector. However, these dynamic features observed on a specific time-period (i.e., one day, etc.) and thus may have no strict order. In fact, these dynamic features are treatment interventions, which can be performed on the patient in a loosely-structure manner [32]. Therefore, as depicted in Fig. 2, we embed the set of dynamic features observed on each hospitalization day to a vector, and then apply the standard Bi-LSTM to encode contextual semantic representations for dynamic features.

Using Bi-LSTM to generate deep representations of treatment information

Our method assumes use of both RNN and logistic regression to predict MACEs of ACS patients during their hospitalizations. The simplified layer architecture that generates deep representation of our mix model is presented in Fig. 3.

Fig. 3
figure 3

The framework of bi-directional LSTM used in this proposed MACE prediction model

Original RNN is a neural network architecture designed to handle sequential input data, but it lacks the ability to model long-term dependencies. A LSTM is a type of RNN cell that addresses this issue by keeping a memory cell to serve as a summary of the preceding elements of an input sequence. In this study, we adopt Bi-LSTM to extract deep features from dynamic treatment information in EHR data. As can be seen in Fig. 3, it has four kinds of layers: input layer, dynamic feature-embedding layer, forward hidden layer, and backward hidden layer. The input layer encodes temporal treatment information extracted from raw EHR data. Then the dynamic feature-embedding layer converts the treatment information to an embedding vector, whose details are explained above. After dynamic feature-embedding layer, there are two parallel LSTM layers: forward hidden layer and backward hidden layer. At each time-step t, the forward hidden layer will compute a hidden representation \( \left({\overrightarrow{\boldsymbol{h}}}_1,\cdots, {\overrightarrow{\boldsymbol{h}}}_t\right) \) of the sub-sequence that contains treatment information from x1 to xt. For the backward LSTM, it processes each treatment sequence in its reverse order, and forms a sequence of hidden representation \( \left({\overleftarrow{\boldsymbol{h}}}_1,\cdots, {\overleftarrow{\boldsymbol{h}}}_t\right) \) of the sub-sentence that contains treatment information from xt to x1. We calculate the hidden states \( {\overrightarrow{\boldsymbol{h}}}_t \) by the following equations:

$$ {\boldsymbol{i}}_t=\sigma \left({\boldsymbol{W}}_i{\boldsymbol{x}}_t+{\boldsymbol{U}}_i{\overrightarrow{\boldsymbol{h}}}_{t-1}+{\boldsymbol{b}}_i\right) $$
(1)
$$ {\widehat{\boldsymbol{C}}}_t=\tanh \left({\boldsymbol{W}}_c{\boldsymbol{x}}_t+{\boldsymbol{U}}_c{\overrightarrow{\boldsymbol{h}}}_{t-1}+{\boldsymbol{b}}_c\right) $$
(2)
$$ {\boldsymbol{f}}_t=\sigma \left({\boldsymbol{W}}_f{\boldsymbol{x}}_t+{\boldsymbol{U}}_f{\overrightarrow{\boldsymbol{h}}}_{t-1}+{\boldsymbol{b}}_f\right) $$
(3)
$$ {\boldsymbol{C}}_t={\boldsymbol{i}}_t\cdotp {\widehat{\boldsymbol{C}}}_t+{\boldsymbol{f}}_t\cdotp {\boldsymbol{C}}_{t-1} $$
(4)
$$ {\boldsymbol{o}}_t=\sigma \left({\boldsymbol{W}}_o{\boldsymbol{x}}_t+{\boldsymbol{U}}_o{\overrightarrow{\boldsymbol{h}}}_{t-1}+{\boldsymbol{b}}_o\right) $$
(5)
$$ {\overrightarrow{\boldsymbol{h}}}_t={\boldsymbol{o}}_t\cdotp \tanh \left({\boldsymbol{C}}_t\right) $$
(6)

where σ represents the sigmoid activation function, W is the input-to-hidden weight matrix, U is the state-to-state recurrent weight matrix, and b is the bias vector. The hidden state of LSTM is the concatenation of \( \left({\boldsymbol{c}}_t,{\overrightarrow{\boldsymbol{h}}}_t\right) \). The long-term memory is saved in ct, and the forget gate and input gate are used to control the updating of Ct, and the output gate is used to control the updating of \( {\overrightarrow{\boldsymbol{h}}}_t \).

To make full use of information hidden in Bi-LSTM, we merge the hidden representations of forward and backward layers by concatenating \( {\overrightarrow{\boldsymbol{h}}}_{\mathrm{t}} \) and \( {\overleftarrow{\boldsymbol{h}}}_1 \)., i.e., the last states of both layers, Hence, the output representation of Bi-LSTM layer can be denoted as \( {\boldsymbol{h}}_{\mathrm{e}}=\left[{\overleftarrow{\boldsymbol{h}}}_{\mathrm{t}},{\overrightarrow{\boldsymbol{h}}}_1\right] \). The output hidden layer he of input sequence xe is then incorporated with static patient features xs, which is already compressed, to represent the final state of the patient sample z = [xs, he].

MACE prediction

To predict a distribution P(yi) over MACE outcome yiC, the outputs z(i) are passed through a logistic regression layer \( {\widehat{y}}_{\mathrm{i}}=\upsigma \left({\mathbf{W}}_{\mathrm{z}}{\boldsymbol{z}}^{(i)}+{b}_z\right) \), where Wz and bz are learned parameters for logistic regression.

To learn the parameters of the proposed model, we set the cross-entropy of y as the loss function and minimize it in terms of Wr,Wc,Wf,Wo,Wz and bz. As our model is a supervised method, each patient sample x(i) has its golden MACE outcome y(i). The following loss function is used:

$$ \mathrm{Loss}=-\frac{1}{\left|D\right|}{\sum}_{i=1}^{\left|D\right|}\left({c}^{(i)}\mathit{\log}{y}^{(i)}+\left(1-{c}^{(i)}\right)\log \left(1-{y}^{(i)}\right)\right) $$
(7)

where D is the total number of training samples, c(i) is the MACE indicator for the i-th patient where 1 indicates the occurrence of MACE and 0 control, and y(i) is the output of the proposed model for an input x(i). The weights are updated during the training phase. Dynamic feature embeddings are fine-tuned as well. Optimization is performed using the back-propagation and the mini-batch stochastic gradient descent strategy.

Results

Data collection

This is a retrospective study assessing the performance of MACE prediction. The experimental dataset was extracted from the cardiology department of Chinese PLA General Hospital. Patients with ACS who admitted to the hospital between 2012 and 2016 were randomly selected in the experimental dataset. Three experienced clinicians were employed to ascertain MACE by reviewing medical records with a majority voting strategy. The experimental EHR dataset contains data for 2930 ACS patients. The dataset documented 233 static patient features including demographics, smoking status, alcohol consumption, laboratory values and diagnosis captured at the admission stage, etc. The dynamic data, including temporal treatment and care activities delivered during patients’ hospitalization, with 2194 features, is documented in EHR as well as static ones.

To be more specific, static patient features including demographic variables (e.g., age and gender), physical examination variables (e.g., blood pressure, heart rate and BMI), comorbidities, laboratory results, and disease/treatment history (e.g., Post-PCI, Post-CABG) were collected at the admission stage. All static features are time-invariant in a single hospitalization visit. Comorbidities were categorized as present or absent at the admission stage of patients’ hospitalizations. Variables with more than 30% missing values were not included in the analysis while the missing data belong to variables with less than 30% missing values is set by the median of that variable. Table 1 shows details of some critical static patient features.

Table 1 Baseline characteristics of the experimental dataset

Dynamic features refer to medical interventions and their occurring time-stamps. Figure 4 plots both names and occurring time-stamps of top 30 most used treatment interventions contained in the experimental dataset. These 30 interventions occupy almost 50% treatment behaviors for ACS patients, while the other 2194 interventions occupy the left 50%, indicating that they are infrequently adopted in ACS patients’ treatment processes such that our dataset is very sparse.

Fig. 4
figure 4

Number and frequency of top 30 treatment interventions in the collected EHR dataset

Approval by the Data Protection Committee at the Chinese PLA General Hospital was obtained prior to initiation of the study. Informed consent was waived because of the presence of de-identified data and lack of feasibility of obtaining informed consent from all participants in the experimental dataset. A local ethics committee ruled that no formal ethics approval was required in this particular case.

Experiment settings and baseline models

We present the following four learning strategies for MACE prediction:

  1. 1)

    Logistic regression based on static patient features, named LR. We build a LR classifier solely based on static patient features to construct a MACE prediction model. This model does not use dynamic treatment information into learning.

  2. 2)

    A boosted resampling model presented in our previous work [12], named Boosted-RMTM. This model was built based on static patient feature and dynamic treatment information was not used during learning, neither.

  3. 3)

    The proposed model was built based on both static patient features and dynamic treatment information, named mix model.

  4. 4)

    The proposed model was built based on dynamic treatment information, named dynamic model. This model does not use static patient features into learning.

We employ the four models to verify that if the utilization of dynamic treatment information can boost the performance of MACE prediction for ACS patients. The accuracy and AUC are selected as evaluation metrics in the experiments. These measure criterions are widely used in the evaluation of classification and prediction tasks in clinical applications.

All four models were trained using the experimental dataset. We iteratively divided the data into the train and test set with a ratio of 4:1, and reported the model performance on the test set. Specifically, we took four folds of data as the training set and the remaining one-fold as the test set. We conducted this for five different folds and calculated the average performance. Both the dynamic and mix models were trained ten times because of the non-convex character of the neural network. The results obtained by both dynamic and mix model are the average performances of 10 results. The performance of both Boosted-RMTM and LR was derived from our previous work [12].

As to the hyper-parameter setting of the proposed models, the learning rate is 0.01, the L2 coefficient is 0.01, the epoch is 200, the hidden state of Bi-LSTM is 256, and the static data is transformed into a 128-dimensional vector. To avoid overfitting, we used early stop and weight decay as regularization tricks. The proposed models were implemented by Python 3.5 in the Tensor flow framework. The source code is available in https://github.com/ZJU-BMI/mace_prediction.

Data analysis

In the experiments, we used two metrics, i.e., AUC and accuracy, to evaluate the performance of MACE prediction. The value of AUC is invariant to the calibration [33]. Regarding the accuracy, different models have their specific optimal thresholds, which derives different calibration strategies [34]. However, it would be inappropriate to compare the performance between models if these models are calibrated with different strategies. To this end, we selected 0.5, which is the widely used threshold in literature, in our experiments for measuring the performance of MACE prediction.

Table 2 shows the evaluation results on both accuracy and AUC. Specifically, the proposed dynamic model obtains the best result in terms of both AUC and accuracy for MACE prediction. It indicates that the utilization of dynamic treatment information can improve the prediction performance for ACS. As can be seen in Table 2, the proposed mix model does not achieve expected performance for MACE prediction. The performance of the mix model is even worse than that of Boosted-RMTM. It is possible that the static data is sparser than that of dynamic data, and thus deteriorates the performance for MACE prediction.

Table 2 Experimental results with 7 days’ dynamic information

Note that there are just 22.5% patient samples who have MACE during their length of stay (as shown in Table 1), indicating that our dataset is typically imbalanced. To enhance the generalize ability of our model, some sampling tricks, such as over-sampling or under-sampling, can be imposed to address the data imbalance problem. We are sure that incorporating the proposed RNN-based learning strategy into the boosted resampling framework can further improve the performance of MACE prediction. However, it is beyond the scope of this study, and we plan to implement it in our future work.

Effect of length of stay

The longer one patient stays in a hospital, the more EHR data are accumulated. Intuitively, we hold the idea that the learning model will perform better if more data are integrated into learning. To validate this assumption, we explore the tendency of performance with the different length of stay.

As can be seen in Fig. 5, we notice that both the AUC and accuracy curves dramatically increases with the increase of LOS. It indicates that incorporating more dynamic treatment information into learning can boost the prediction performance. Also, we can see from Fig. 5, that the dynamic model significantly performs better than the mix model regardless of the increase in LOS. This phenomenon, which is similar to the result listed in Table 2, proves the static features indeed deteriorate the performance.

Fig. 5
figure 5

Impact of the different length of stay on the performance of MACE prediction regarding (a) AUC and (b) Accuracy

Effect of training set size

Next, we study how the proposed approach performs with the increasing size of experimental data. As presented in Fig. 6a, the proposed dynamic model converges using only about 30% of data in terms of AUC, while the curve of the mix model increases consistently with the increase in the ratio of size. Figure 6b shows similar trends in terms of accuracy. The curve of the dynamic model increases slowly with the increase in the ratio of data and significantly outperforms the mix model. It suggests that the dramatic robustness of the dynamic model. As well, it can be anticipated that the prediction performance of the mix model can be improved when to learn with more data.

Fig. 6
figure 6

Impact of the different ratio of training data for MACE prediction, in terms of (a) AUC, and (b) Accuracy

Statistical test

We perform a paired comparison t-test to verify if the performance improvement of the proposed approach over benchmark models is statistically significant. The paired sample t-test is a statistical procedure used to determine whether the mean difference between the two sets of observations is zero. Shifting to our problem, MACE of all patient samples was predicted using both our proposed models and baseline models, resulting in pairs of observations between each pair of models.

The performance of our approach showed considerable improvements regarding AUC in predicting MACE of ACS patients and the t-test showed in Table 3 demonstrated that there are indeed statistically significant differences between our model and benchmark models. As can be seen in Table 3, each model we implemented has a substantial difference compared to the others. All model pairs have a p-value< 0.05, which suggests that the proposed deep learning approach, especially the dynamic model, obtains a competitive and statistically significant performance in MACE prediction in comparison with the benchmark models.

Table 3 Statistical AUC differences in MACE prediction between models

Discussions

With these experimental results, we summarize several interesting findings as follows:

  • In most cases, our proposed dynamic model outperforms benchmark models for predicting MACE after ACS. The p-values between the proposed model and benchmark models show that there is a significant difference between the performances obtained by the employed models. Our proposed dynamic model has an average AUC of 0.713 and is thus the best MACE predictor. These findings confirm our assumption that leveraging dynamic treatment information contained in a large volume of heterogeneous EHR appears to boost the performance of MACE prediction, and has significant potential to meet the demand clinical prediction of other diseases, from a large volume of EHR in an open-ended fashion.

  • With the gradual inclusion of more treatment information into learning for individuals, the prediction performance dramatically increases. The tendency of the curve in Fig. 5 arises as the hospitalization day per patient increases. As well, it is clearly to see that the curve surpasses 0.7 in terms of AUC after the number of hospitalization days is larger than five. It indicates that we need at least 5 days’ treatment information per patient to obtain the stable prediction results.

  • It is not surprising to see from Fig. 6 that with sufficient training data samples, the proposed model can achieve a better prediction performance since deep learning method can achieve accurate representations from the big data. Due to the large amount of EHR data generated over time, we plan to investigate the suitability of deep neural networks for discovering nontrivial knowledge that best describe the inpatient treatment journeys and then improve the performance of MACE prediction.

Overall, compared with benchmark models, our model improves the performance of MACE prediction of ACS. Theoretically, many state-of-the-art machine learning algorithms, such as logistic regression, rely on aggregate features to produce a MACE prediction model based on static patient features and are not suitable for coping with the dynamic nature of treatment information during the hospitalization of ACS patients [35]. As a result, they lack the ability to model time-dependent co-variates in the observation window such that an individual’s progression mediated by dynamic treatment information cannot be reliably measured to improve the performance of predictive models in a continuous manner. To address this challenge, we utilize deep learning tacit to generate latent representations of dynamic treatment information for ACS patients from their heterogeneous EHRs. It provides a possible avenue to predict MACE in a real-time manner.

The experimental results were evaluated by clinical experts from Chinese PLA General hospital. In general, physicians from the hospital are satisfied with the prediction performance, and they indicate that the proposed model can provide a continuous MACE prediction service to monitor treatment processes of ACS patients predictively. It is also applicable to clinical decision support systems that recommend proper treatment interventions for physicians, which can significantly minimize the possibility of MACE occurrences.

Limitations

Although our study reveals that the proposed model is useful in predicting MACE after ACS, there are complex and critical tasks that need to be further considered.

  • For one thing, the dynamic nature of patient status is often essential/critical to the selection of treatment interventions. To address this challenge, we expect that our proposed model can incorporate richer execution information, e.g., vital signs, symptoms, and clinical observations on patient status, etc., into learning, which would make our proposed model more intelligent in the treatment adoption and MACE prevention.

  • For the other thing, our proposed model neglects the causal relations between treatment interventions and effects. Note that causal effect analysis is useful to find out unexpected changes in treatment interventions and explain why scheduled treatment plans are changed to obtain the optimal treatment effects. As an open medical problem, the causal effect analysis can be benefited in mining a large scale of EHR data in a maximum-informative manner.

Conclusion

This paper proposes a novel deep learning based approach to address the MACE prediction problem for ACS patients during their hospitalization. In comparison with existing ACS risk scoring models that can only rely on a small set of patient features, our proposed model can predict the occurrence probabilities well of MACE by utilizing a large volume of longitudinal and heterogeneous EHR data, especially the dynamic treatment information. The proposed model relies on a Bi-LSTM-based deep learning structure to aggregate dynamic treatment information in patients’ hospitalization. Then, the extracted latent dynamic treatment features are concatenated with static patient features to induce a regression layer for MACE prediction. Experiments conducted on a real clinical dataset illustrate that our proposed model can reach a highly competitive performance in predicting MACE for ACS patients, compared to state-of-the-art machine learning models, e.g., logistic regression, and the boosted-RMTM model proposed in our previous work.

We plan to carry out our future work along two directions. First, we intend to conduct a large scale of experiments and evaluate the performance of our proposed model on a larger scale of EHRs with more complex diseases. In addition, we plan to develop and deploy a dynamic MACE prediction service in treatment processes of ACS patients. As advocated by our clinical collaborators, the dynamic MACE prediction service can support healthcare professionals for estimating clinical risks of ACS patients nearly real-time and therefore adjusting/scheduling appropriate treatment interventions to reduce the occurrences of MACE in a continuous and predictive manner.

Abbreviations

ACC:

Accuracy

ACS:

Acute coronary syndrome

AUC:

Area under the curve

Bi-LSTM:

Bidirectional long short term memory

EHR:

Electronic health record

LR:

Logistic regression

MACE:

Major adverse cardiac event

RNN:

Recurrent neural network

References

  1. Amsterdam EA, Wenger NK, Brindis RG, Casey DE, Ganiats TG, Holmes DR, Jaffe AS, Jneid H, Kelly RF, Kontos MC, Levine GN, Liebson PR, Mukherjee D, Peterson ED, Sabatine MS, Smalling RW, Zieman SJ. 2014 AHA/ACC Guideline for the Management of Patients With Non-ST-Elevation Acute Coronary Syndromes: A Report of the American College of Cardiology/American Heart Association Task Force on Practice Guidelines. Circulation. 2014;130(25):e344–426.

    PubMed  Google Scholar 

  2. Goodman SG, et al. The expanded global registry of acute coronary events: baseline characteristics, management practices, and hospital outcomes of patients with acute coronary syndromes. Am Heart J. 2009;158(2):193–201.

    Article  Google Scholar 

  3. Antman EM, et al. The TIMI risk score for unstable angina/non-ST elevation MI: a method for prognostication and therapeutic decision making. J Am Med Assoc. 2000;284(7):835–42.

    Article  CAS  Google Scholar 

  4. Mega JL, et al. Rivaroxaban in patients with a recent acute coronary syndrome. N Engl J Med. 2012;366(1):9–19.

    Article  CAS  Google Scholar 

  5. Mozaffarian D, et al. American Heart Association statistics committee and stroke statistics – 2015 update: a report from the American Heart Association. Circulation. 2015;131(4):e29–322.

    PubMed  Google Scholar 

  6. Weiwei Chen, et al. Report on Cardiovascular Disease in China 2014,Encyclopedia of China Publishing House, 2015, ISBN 978-7-5000-9510-1.

  7. Ohira T, Iso H. Cardiovascular disease epidemiology in Asia: an overview. Circ J. 2013;77:1646–52.

    Article  Google Scholar 

  8. Brindle PM, et al. The accuracy and impact of risk assessment in the primary prevention of cardiovascular disease: a systematic review. Heart. 2006;92(12):1752–9.

    Article  CAS  Google Scholar 

  9. Goff DC, et al. 2013 ACC/AHA guideline on the assessment of cardiovascular risk: a report of the American College of Cardiology/American Heart Association task force on practice guidelines. Circulation. 2014;129:S49–73.

    Article  Google Scholar 

  10. Boersma E, et al. Predictors of outcome in patients with acute coronary syndromes without persistent ST-segment elevation. Results from an international trial of 9461 patients. Circulation. 2000;101(22):2557–67.

    Article  CAS  Google Scholar 

  11. D. Hu, et al. Utilizing Chinese admission records for MACE prediction of acute coronary syndrome, international journal of environmental research and public health, 13(9):912, 2016.

  12. Huang Z, et al. MACE prediction of acute coronary syndrome via boosted resampling classification using electronic medical records. J Biomed Inform. 2017;66:161–70.

    Article  Google Scholar 

  13. Acute Coronary Syndrome. Available online: https://en.wikipedia.org/wiki/Acute_coronary_syndrome (Access 26 Sept 2018).

  14. Ye S. Coronary event. In: Gellman MD, Turner JR, editors. Encyclopedia of Behavioral Medicine. New York, NY: Springer New York; 2013. p. 503.

    Chapter  Google Scholar 

  15. Raghavendra U, et al. Deep convolution neural network for accurate diagnosis of glaucoma using digital fundus images. Inf Sci. 2018;441:41–9.

    Article  Google Scholar 

  16. Raghavendra U, et al. Automated identification of shockable and non-shockable life-threatening ventricular arrhythmias using convolutional neural network. Futur Gener Comput Syst. 2018;79(3):952–9.

    Google Scholar 

  17. Raghavendra U, et al. Application of deep convolutional neural network for automated detection of myocardial infarction using ECG signals. Inf Sci. 2017;415:190–8.

    Google Scholar 

  18. Cho K, Van Merrienboer B, Gulcehre C, et al. Learning phrase representations using RNN encoder-decoder for statistical machine translation. In empirical methods in natural language processing (EMNLP). 2014:1724–1734. Doha, Qatar.

  19. Karpathy A, Li F. Deep visual-semantic alignments for generating image descriptions. Computer vision and pattern recognition (CVPR), 2015:3128–3137. Boston, MA, USA.

  20. Hochreiter S, Schmidhuber J. Long short-term memory. Neural Comput. 1997;9(8):1735–80.

    Article  CAS  Google Scholar 

  21. D.R. Cox. Regression models and life-tables, journal of the Royal Statistical Society, series B (methodological), 34(2):187–220, 1972.

  22. O. Melamud, J. Goldberger, and I. Dagan. Context2vec: learning generic context embedding with bidirectional LSTM. In CoNLL, 2016.

  23. Adams TD, Gress RE, Smith SC, et al. Long-term mortality after gastric bypass surgery. N Engl J Med. 2007;357(8):753–61.

    Article  CAS  Google Scholar 

  24. Pai JK, Pischon T, Ma J, et al. Inflammatory markers and the risk of coronary heart disease in men and women. N Engl J Med. 2004;351(25):2599–610.

    Article  CAS  Google Scholar 

  25. Zhengxing Huang, Zhenxiao Ge, Wei Dong and Huilong Duan, Utilizing electronic health records to predict multi-type major adverse cardiovascular events after acute coronary syndrome, Knowledge and Information Systems, 2018.

  26. Ponikowski P, Voors AA, Anker SD, et al. ESC guidelines for the diagnosis and treatment of acute and chronic heart failure: the task force for the diagnosis and treatment of acute and chronic heart failure of the European Society of Cardiology (ESC) developed with the special contribution of the heart failure association (HFA) of the ESC. Eur Heart J. 2016;37:2129–200.

    Article  Google Scholar 

  27. Blumenthal D, Tavenner M. The “meaningful use” regulation for electronic health records. N Engl J Med. 2010 Aug 5;363(6):501–4.

    Article  CAS  Google Scholar 

  28. Bandyopadhyay S, et al. Data mining for censored time-to-event data: a Bayesian network model for predicting cardiovascular risk from electronic health record data, Data Mining Knowl. Discovery. 2015;29(4):1033–69.

    Google Scholar 

  29. Van Hoorde K, Van Huffel S, Timmerman D, Bourne T, Van Calster B. A spline-based tool to assess and visualize the calibration of multiclass risk predictions. J Biomed Inform. 2015;54:283–93.

    Article  Google Scholar 

  30. Huang Z, Dong W, Duan H, Liu J. A regularized deep learning approach for clinical risk prediction of acute coronary syndrome using electronic health records. IEEE Trans Biomed Eng. 2018;65(5):956–68.

    Article  Google Scholar 

  31. Li H, et al. Identifying informative risk factors and predicting bone disease progression via deep belief networks. Methods. 2014;69(3):257–65.

    Article  CAS  Google Scholar 

  32. Huang Z, et al. Predictive monitoring of clinical pathways. Expert Syst Appl. 2016;56:227–41.

    Article  Google Scholar 

  33. Emilio Soria Olivas et al. Handbook of Research on Machine Learning Applications and Trends: Algorithms, Methods, and Techniques, Hershey, IGI-global, 2009.

  34. Van Calster B, Nieboer D, Vergouwe Y, De Cock B, Pencina MJ, Steyerberg EW. A calibration hierarchy for risk models was defined: from utopia to empirical data. J Clin Epidemiol. 2016;74:167–76.

    Article  Google Scholar 

  35. Choi E, Schuetz A, Stewart WF, Sun J. Using recurrent neural network models for early detection of heart failure onset. J Am Med Inform Assoc. 2017;24(2):361–70.

    PubMed  Google Scholar 

Download references

Acknowledgements

This work was supported by the National Nature Science Foundation of China under Grant No 61672450. The author would like to give special thanks to all experts who cooperated in the evaluation of the proposed method. The authors are especially thankful for the positive support received from Chinese People Liberate Army General Hospital as well as to all medical staff involved.

Funding

This study was funded by the National Nature Science Foundation of China under Grant No 61672450. The funder had no role in the design of the study, collection, analysis and interpretation of data, or writing the manuscript.

Availability of data and materials

The datasets generated and/or analyzed during the current study are not publicly available due to the hospital’s regulations, but are available from the corresponding author on reasonable request.

Author information

Authors and Affiliations

Authors

Contributions

All authors conceived of the proposed idea. ZH and WD planned the experiments. HD and ZS implemented the methods, carried out the experiments. ZS extracted experimental dataset from the hospital information system. WD evaluated the proposed models. ZH wrote the manuscript with the comments from HD, ZS, and WD. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Zhengxing Huang.

Ethics declarations

Ethics approval and consent to participate

Approval by the Data Protection Committee at the Chinese PLA General Hospital was obtained prior to initiation of the study. Informed consent was waived because of the presence of deidentified data and lack of feasibility of obtaining informed consent from all participants in the experimental dataset. The ethics committee at the Chinese PLA General Hospital ruled that no formal ethics approval was required in this particular case.

Consent for publication

Not applicable.

Competing interests

The authors declare that they have no competing interests.

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 distributed under the terms of the Creative Commons Attribution 4.0 International License (http://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons license, and indicate if changes were made. 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.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Duan, H., Sun, Z., Dong, W. et al. Utilizing dynamic treatment information for MACE prediction of acute coronary syndrome. BMC Med Inform Decis Mak 19, 5 (2019). https://doi.org/10.1186/s12911-018-0730-7

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s12911-018-0730-7

Keywords