Skip to main content

Heart failure classification using deep learning to extract spatiotemporal features from ECG

Abstract

Background

Heart failure is a syndrome with complex clinical manifestations. Due to increasing population aging, heart failure has become a major medical problem worldwide. In this study, we used the MIMIC-III public database to extract the temporal and spatial characteristics of electrocardiogram (ECG) signals from patients with heart failure.

Methods

We developed a NYHA functional classification model for heart failure based on a deep learning method. We introduced an integrating attention mechanism based on the CNN-LSTM-SE model, segmenting the ECG signal into 2 to 20 s long segments. Ablation experiments showed that the 12 s ECG signal segments could be used with the proposed deep learning model for superior classification of heart failure.

Results

The accuracy, positive predictive value, sensitivity, and specificity of the NYHA functional classification method were 99.09, 98.9855, 99.033, and 99.649%, respectively.

Conclusions

The comprehensive performance of this model exceeds similar methods and can be used to assist in clinical medical diagnoses.

Peer Review reports

Introduction

Heart failure is a syndrome with complex clinical manifestations. It can occur for a variety of reasons, including structural damage to the heart and changes in its function that prevent it from pumping blood to the body correctly, leaving the body without full circulation. As our population ages, the number of patients with heart failure increases yearly, with repeated hospitalization, reduced quality of life, and other problems. These problems highlight the need for timely diagnosis, treatment, and prognosis. Estimating the severity of patients with heart failure through its classification has important clinical significance in effective treatment.

Classifying heart failure is considered the most crucial step in treating it. The standard for classifying heart failure severity is the New York Heart Association (NYHA) functional classification [1], which pays attention to patients’ exercise habits and disease symptoms. NYHA Class I indicates that the patient with heart disease is physically active. NYHA Class II indicates the patient is somewhat limited in physical activity, engages in daily activities, but has begun to experience structural changes in the heart. NYHA Class III indicates the patient is significantly limited in physical activity, engages in little daily activity, and has significant structural changes in the heart. NYHA Class IV indicates that the patient cannot do any physical activity and has a considerable structural change in the heart.

The electrocardiogram (ECG) is used to monitor heart health by detecting the heart’s change, which can provide a clinical reference to physicians simply and intuitively [2]. There are many differences between the ECG signals (ECGs) from patients with heart failure and ordinarily healthy people. The grading of heart failure requires careful study of ECG recordings by experienced cardiologists, a process that is tedious and time-consuming. In addition, there may be small changes in the ECG that are ignored by the naked eye. Therefore, computer-aided diagnosis (CAD) algorithms [3] can be used to improve the accuracy of diagnosis. CAD uses machine learning [4] and deep learning methods to diagnose and analyze diseases from large-scale electronic medical data [5, 6]. For example, Balasubramanian et al. [7] used a method by combining convolutional neural network and support vector machine to segment retinal blood vessels. CAD can provide valuable reference results for medical personnel, reduce the workload of doctors, and help to reduce the occurrence of misdiagnosis to a certain extent.

Many researchers have used ECGs to study the classifications of heart failure. Tripoliti et al. [8] dealt with the severity of heart failure as a second-, third-, and fourth-level classification problem. Eleven classifiers were used on a heart failure dataset of 378 patients via 10-fold cross-validation and evaluated. The highest detection accuracy for the secondary, tertiary, and quaternary classification problems was 97, 87, and 67%, respectively. Zhang et al. [9] constructed datasets of patients with heart failure. Natural language processing (NLP) was used according to the relevant data on NYHA classification to classify patients with heart failure from clinical data (NYHA Classes I–IV). Qu et al. [10] extracted multiple features from the heart rate variability (HRV) of patients with heart failure. Support vector machine (SVM) and classification and regression tree (CART) were used to distinguish patients with heart failure with NYHA class I–III according to extracted features. The accuracy, sensitivity, and specificity of the SVM classifier reached 84.0, 71.2, and 83.4%, respectively, while the accuracy, sensitivity, and specificity of the CART classifier reached 81.4, 66.5, and 81.6%, respectively. Li et al. [11] proposed a deep convolutional neural network recursive neural network (CNN-RNN) model for real-time automatic classification of heart failure. Features of ECGs were extracted and combined with other clinical features. The combined features were provided to the RNN for classification, resulting in five classification results (typical and NYHA Classes I–IV). The proposed CNN-RNN model has a classification accuracy of 97.6%, sensitivity of 96.3%, and specificity of 97.4%. Li et al. [12] divided ECGs into 2 s segments and proposed a new multi-scale residual network (ResNet) to distinguish heart failure patients with different NYHA classes (NYHA Classes I–IV). The experimental results showed that the average positive predictive value, sensitivity, and accuracy of the proposed ResNet-34 were 93.49, 93.44, and 93.60%, respectively. D’Addio et al. [13] extracted features from Poincaré plot,which was generated from 24 h ECG recordings. They used machine learning algorithms to distinguish heart failure patients with different NYHA classes (NYHA Classes I–III). The machine learning algorithms used by the author included AdaBoost, k-Nearest neighbors (KNN), and naive Bayes (NB). The accuracy of the three algorithms was greater than 80%, and the area under the receiver operating curve was greater than 0.7. Sandhu et al. [14] analyzed 13 clinical medical data records on 299 patients with heart failure and classified these patients as NYHA Class III or IV. The SVM-GA model was proposed to classify the grade of patients with heart failure and calculate the importance of features. The accuracy, positive predictive value, and recall of the proposed SVM-GA model were 91.49, 94.25, and 93.6%, respectively. Tsai and Morshed [15] used BIDMC congestive heart failure (CHF) datasets, including the ECG of NYHA Class III and IV patients. Twenty-eight features were extracted from the ECG data. Machine learning models (including SVM, KNN, ensemble tree, decision tree, naive Bayes, and logistic regression) were used to realize automatic real-time, high-precision classification of patients. KNN was the most accurate, with 99.4% accuracy; the accuracy of SVM, ensemble tree, decision tree, naive Bayes, and logistic regression was 99.4, 98.2, 99.4, 98.7, and 99.2%, respectively.

The above studies showed that the severity of heart failure is primarily based on the NYHA classification standard. In comparison, few studies classified heart failure into four categories. Zhang et al. [9] and Sandhu et al. [14] used the patients’ medical data as the datasets, and D’Addio et al. [13] used the Poincaré chart as their experimental data. ECG or HRV [16] was used as experimental data in other literatures [8, 10,11,12, 15]. This demonstrates that many kinds of computer data are used in the research of heart failure grading and that there is no universal automatic assessment model of heart failure yet. Therefore,we studied an objective and convenient heart failure classification model, which only uses ECGs to evaluate the severity of heart failure. Our model is essentially a multi-classification task, and the framework of our model is shown in Fig. 1. The model can classify the severity of heart failure of patients, and the higher the NYHA grade represents the higher the severity of heart failure. The specific details about the proposed deep learning model of Fig. 1 are elaborated in Section III.

Fig. 1
figure 1

The framework of our method

The main contributions in this paper are as follows:

  1. 1.

    Construct a deep learning model for heart failure classification using CNN and Long short-term memory (LSTM) to extract the spatial and temporal characteristics of the ECGs of patients with heart failure, and incorporate the attention mechanism to make the model focus on the key features of ECGs in patients with heart failure automatically.

  2. 2.

    The CNN-LSTM-SE model proposed in this paper has the characteristics of simple structure and lightweight. Noise filtering, feature extraction and selection techniques are not required.

  3. 3.

    Discuss the effect of different length ECGs of patients with heart failure on heart failure classification, and find out the best partition. Train and verify the performance of the proposed CNN-LSTM-SE deep learning model that automatically divides cases of heart failure into four categories according to the NYHA classification standard based on the best ECG segment signals of patients with heart failure.

  4. 4.

    Conduct an interpretability analysis of the proposed deep learning model, overlaying the ECG with the heat maps generated using Gradient-weighted Class Activation Mapping (Grad-CAM) for visualization. By comparing ECGs of 4 different severity grades of heart failure, it was observed that for NYHA Class I ECG, the proposed model mainly focus on the QRS segment. For NYHA Class II-IV heart failure, the proposed model’s attention is mostly concentrated on the ST-T segment. This has some indicative effect on the decision of the assistant clinician.

  5. 5.

    The proposed model in this paper has been tested on different datasets of heart failure and achieved good results, indicating that the proposed model has good robustness.

Data

Database

The Medical Information Mart for Intensive Care III (MIMIC - III) is an extensive, freely available database of health-related data associated with over 40,000 patients who stayed in critical care units of the Beth Israel Deaconess Medical Center between 2001 and 2012 [17]. MIMIC-III includes mainly clinical and waveform datasets. The clinical datasets contain 26 data tables, which record and store patient demographic information, vital signs, laboratory results, surgical information, medication, nursing records, in-hospital mortality, electronic medical records, and other information. The waveform data centrally record the patient’s ECG signal data, respiratory data, heart rate variability data, blood pressure data, and blood oxygen saturation data.

Data-set establishment

Based on the MIMIC-III v1.4 database, heart failure classification is studied by combining deep learning with ECG signal. First, all ICD-9 codes relevant to heart failure was identified from the DIAGNOSES_ICD table within the data set. A total of 25 codes for heart failure conditions were found in the table, including: congestive heart failure, systolic heart failure, diastolic heart failure and so on. Patients’ diagnosis results were recorded in DRGCODES.csv file of the MIMIC-III data set. A total of 10,436 patients with heart failure were screened from DRGCODES.csv file according to ICD-9 coding, among which 644 patients with heart failure were labeled with NYHA grading results. Finally, by cross-referencing patient IDs, multi-lead ECG data was collected from the waveform data set for 268 heart failure patients. Not every one of these 268 patients had a complete multi-lead ECG. For data consistency, we used the lead II ECG as the data set for this article. The resulting severity grading distribution of heart failure is presented in Table 1, while examples of the ECGs of the four NYHA grades are shown in Fig. 2, the abscissa represents the sampling point and the ordinate represents the amplitude of the ECG.

Table 1 Data used in this study
Fig. 2
figure 2

Example ECGs for different classes

Not every patient in the waveform datasets had ECG recordings, so there was an imbalance in the distribution of the datasets. To solve the problem of unbalanced data distribution, we adopted the method of setting initial weights, dividing the training set, and test set according to the data distribution proportions, and employing cross-validation [18].

Pre-processing

The data used in this study included 30 min lead II ECGs of patients with different heart failure grades, which needed to be segmented before they were entered into a deep learning network. The sampling frequency of the original ECG signal was 125 Hz. We used the original sampling frequency and recorded the whole ECG signal in segments of 2–20 s. Some studies indicate that irregular R-R intervals may indicate cardiac functional abnormalities [19]. To ensure that the proposed deep learning model captures information from continuous wave peaks, we performed R-peak detection on ECG segments of different durations for data preprocessing [19]. Segments without at least 2 R-peaks were excluded, ensuring that each segment contained at least two complete QRS waves. The algorithm involves dynamic threshold computation, peak detection, sliding window, and QRS wave validation. Figure 3 illustrates the R-peak detection results for 2-second and 3-second ECG segments, showing that Fig. 3(1) contains two complete QRS waves, while Fig. 3(2) contains four complete QRS waves. Similar results can be obtained for other durations in Table 2. Results for other durations are not presented here for brevity.

Fig. 3
figure 3

The results of R-peak detection

Table 2 Summary of the amounts of data segmented by different durations

The amounts of data after performing R-peak detection for data cleaning on ECG segments of different durations are presented in Table 2.

Thirty minutes of ECGs could not be evenly segmented by 7, 11, 13, 14, 16, 17, and 19 s intervals, so they were excluded. We modeled and tested the datasets of the remaining ECG recordings to find the partitioning with the best effect.

Finally, to speed up the optimal gradient descent solution [20], we conducted Z-score standardization processing on the datasets. The formula is as follows:

$${x}^{\prime }=\frac{x_i-\mu }{\sigma },$$
(1)

where x′ represents the normalized ECG segments, xi is the sampled ECG signal, μ is the mean, and σ is the variance of the population data.

Deep learning model

One-dimensional convolutional neural networks

Convolutional neural network (CNN) is feedforward neural network with deep structure, convolution calculation, and a representative deep learning algorithm [21]. The study of CNN began in the 1980s, LeNet-5 being one of the earliest [22]. After improved deep learning theory and computing equipment were introduced in the 2000s, CNN developed rapidly and were applied to computer vision, natural language processing, and other fields. Since the ECG datasets in this study are one-dimensional, unlike the two-dimensional image input to a standard CNN, we used a one-dimensional CNN for better results [11].

A one-dimensional CNN includes a one-dimensional convolution layer, a pooling layer, and a fully connected layer [21]. A one-dimensional CNN learns the spatial features of data automatically without artificial feature selection. Therefore, we used the CNN as a feature extractor. An ECG signal contains strong temporal characteristics, and a simple CNN cannot extract the features of temporal signals well. It must be combined with other deep learning networks that are good at processing temporal signals.

This study used a nine-layer deep CNN, including three one-dimensional convolution layers, three pooling layers, and three full connection layers. Adding a pooling layer behind the convolution layer reduces the feature map’s size, and the full connection layer outputs features for the final classification task.

Long short-term memory

Long short-term memory (LSTM) is a type of recurrent neural network (RNN) that is often used to predict information containing time sequences [23]. RNN is connected to evaluating the current information based on the previous period’s data, so it performs well in predicting timing problems. However, an RNN is prone to gradient disappearance with increased network layers. Based on RNN, LSTM increased the screening of memory information, retained useful information for the model, and solved the RNN problem of gradient disappearance and explosion [24].

Figure 4 shows the internal structure of an LSTM memory block. Ct and Ct − 1 are the neuronal states of the current moment and the previous moment, respectively. ht and ht − 1 are respectively the output of the unit at the current time and the unit at the previous time, and Xt is the input to the network. The LSTM forget gate is ft, which controls forgotten information through the sigmoid function. it is the input gate, which sets the threshold value and implements the tanh function to determine the state of the neuron. Ot is the output gate, which controls the output information through the sigmoid function. The formulas are as follows:

$${f}_t= Sigmoid\ \left({K}_f\cdot \left[{h}_{t-1},{X}_t\right]+{Z}_f\right),$$
(2)
$${i}_t= Sigmoid\ \left({K}_i\cdot \left[{h}_{t-1},{X}_t\right]+{Z}_i\right),$$
(3)
$${O}_t= Sigmoid\ \left({K}_O\cdot \left[{h}_{t-1},{X}_t\right]+{Z}_O\right)$$
(4)
$${C}_t^{\prime }=\tanh \left({K}_c\cdot \left[{h}_{t-1},{X}_t\right]+{Z}_c\right)$$
(5)

where Kf, Ki, Ko, and Kc represent the weight matrix corresponding to the amnesia gate, input gate, output gate, and neuron state matrix, respectively, and Zf, Zi, Zo, and Zc represent the offset for each door.

Fig. 4
figure 4

Internal structure of LSTM block

The neuron’s current state and the cell’s output are expressed as follows:

$${C}_t={f}_t\cdot {C}_{t-1}+{i}_t\cdot {C}_t^{\prime }$$
(6)

and

$${h}_t={O}_t\cdot \tanh \left({C}_t\right).$$
(7)

Channel attention module

A problem arises when training a neural network. With the deepening of network layers, the final classification effect decreases instead of increasing, and even the accuracy of the training set stagnates. This happens because although increasing the network layers may obtain deeper features, the network cannot select these features well. We integrate a channel attention mechanism into a CNN to amplify the features of a particular part while ignoring irrelevant features and fully using the existing convolutional layer without increasing the depth of the network.

The squeeze-and-excitation network (SE-Net) [25] is a channel attention mechanism. It is a new image recognition structure unveiled by autonomous driving company Momenta in 2017. The modeling of the correlation between feature channels is the excitation network. The central ideas of SE-Net are to learn feature weights through the network according to a loss function, to enlarge the effective feature map weight, and to reduce invalid or small-effect feature map weights for better results. The internal structure of SE-Net is shown in Fig. 5. The first step of SE-Net is to change the elements in each channel into scalars through global average pooling, called Squeeze operation. The second step is to pass the scalar value through the two fully connected (FC) layers to obtain a weight between 0 and 1. The process obtains the new feature map by multiplying each element of the original H × W by the weight of the corresponding channel. This step is called excitation. Finally, channel-by-channel weighting recalibrates the original features in the channel dimension.

Fig. 5
figure 5

Internal structure of SE-Net

We added the SE-block after the second and third convolution layers of the CNN to automatically select related features and ignore irrelevant ones, resulting in a better classification of heart failure.

CNN-LSTM-SE model integrating attention mechanism

The structure of our proposed CNN-LSTM-SE model with an integrated attention mechanism is shown in Fig. 6. We performed an ablation experiment [26] to determine the optimal network structure proposed in this paper. The proposed network contains 20 layers which includes 3 convolutional layers, 2 SE-Blocks, 10 LSTM layers, 3 global average pooling layers, and 2 fully connected (FC) dense layers. First, one-dimensional CNN was used to extract the spatial features of ECGs. Second, the LSTM layer was added before the FC layer of the CNN to make the model learn the sequential characteristics of the ECGs. Finally, the attention mechanism SE-block was added behind the second and third convolution layers of the CNN-LSTM model to realize automatic focusing of the relevant features and to ignore irrelevant features.

Fig. 6
figure 6

Architecture diagram of the proposed CNN-LSTM-SE model

From one-dimensional CNN model to the CNN-LSTM model and finally to the CNN-LSTM-SE model, the accuracy, specificity, sensitivity, and positive predictive value were successively improved. The CNN-LSTM-SE model provided the best results, which shows that the integration of LSTM and attention mechanism in one-dimensional CNN model can improve the effect of heart failure classification. The test results of three models are described in Section V.

Implementation details

The software environment for this experiment was Tensorflow2.3.0 and Python 3.8, and the hardware environment was an NVIDIA GeForce GTX 1060.

A five-fold cross-validation method was adopted to evaluate the robustness of the proposed model [27]. This method divided the datasets randomly into five parts, four of which were trained and one tested. The cycle was repeated five times to build five models. Datasets divided into 2–20 s segments were modeled separately. Twelve modeling test results are described in Section V. The evaluation indexes of each fold were accuracy, sensitivity, and specificity. Finally, the accuracy, sensitivity, specificity, and positive predictive value of the five models were averaged to get the final evaluation index results. The average training time for each model is 226 seconds, and the total training time for five-fold cross-validation is 18 minutes. The average time taken for model testing is 0.65 seconds.

We chose the Adam optimizer with backpropagation, set the learning rate of 0.001 for each round of training fold, trained for 60 epochs, and set the maximum mass size to 32.

Results and discussion

For unbalanced samples, using only accuracy did not help to comprehensively evaluate the model’s performance. Therefore, four objective standard indexes were used to evaluate the classification performance of the proposed mode: accuracy (Acc), positive predictive value (PPV), specificity (Spe), and sensitivity (Sen). Acc, PPV, Spe, and Sen are defined as follows (true positive [TP], false positive [FP], true negative [TN], and false negative [FN] are used in the formula):

Acc refers to the percentage of predicted correct results of the total samples:

$$\textrm{Acc}=\frac{TP+ TN}{TP+ TN+ FP+ FN}.$$
(8)

PPV refers to the probability of actual positive samples among all predicted positive samples:

$$\textrm{PPV}=\frac{TP}{TP+ FP}.$$
(9)

Spe refers to the probability of being predicted as a negative sample in the actual negative samples:

$$\textrm{Spe}=\frac{TN}{TN+ FP}.$$
(10)

Sen refers to the probability of being predicted as a positive sample in the actual positive sample:

$$\textrm{Sen}=\frac{TP}{TP+ FN}.$$
(11)

We adopted two kinds of schemes in the training. Scheme A is a trained network without any dropout and is introduced as reference to examine the effect between a regular network and dropout network. The other is dropout scheme. In Scheme B, 20% of the recurrent and input connections of the LSTM layer are dropped out. The accuracy and loss curves for each of these schemes are presented in Fig. 7. It can be observed from Fig. 7 that the dropout network has little fluctuation in the accuracy curve compared to the regular network. Both the validation curve and the training curve steadily increase and eventually stabilize at around 99% at 60 epochs. The validation set loss curve of the conventional network oscillates significantly. At 60 epochs, the accuracy of the training set stabilizes at 99%, while the accuracy of the validation set is 98%. The accuracy of the validation set of the Scheme A is 1% lower than that of the Scheme B.

Fig. 7
figure 7

Accuracy and loss plots for the various schemes during training

The test results of three models (CNN, CNN-LSTM, CNN-LSTM-SE) generated by the ablation experiment are shown in Table 3. The datasets used were patients’ ECGs divided into 12 s segments. Table 3 shows that by adding the LSTM layer to the CNN (CNN-LSTM model), the Acc, PPV, Sen, and Spe of the model increase by 0.69, 1.441, 0.4165, and 0.2155%, respectively. By incorporating the attention mechanism into the CNN-LSTM model (CNN-LSTM-SE model), the Acc, PPV, Sen, and Spe of the model increase by 0.452, 0.3845, 0.7795, and 0.1835%, respectively.

Table 3 Comparison of different model performance on ECG datasets divided by 12 s

Twelve datasets, divided into 2–20 s intervals, were modeled separately. The results of 12 CNN-LSTM-SE network modeling tests incorporating an attention mechanism are shown in Table 4. The accuracy, positive predictive value, sensitivity, and specificity of the model divided into 12 s segments are 99.09, 98.9855, 99.033, and 99.649%, respectively. Compared with other segmentation methods, this model (12 s segments) has the highest accuracy, positive predictive value, specificity, and third-highest sensitivity. The sensitivity of the model divided by 12 s sementation is 0.001% lower than that divided by 9 s segmentation (ranking second), and 0.077% lower than that divided by 15 s segmentation (ranking first). The sensitivity of the model divided by 12 s segmentation is almost equal to that of the second best. Therefore, the proposed CNN-LSTM-SE model has the best comprehensive performance when the datasets are divided into one segment every 12 s.

Table 4 Performance comparison of CNN-LSTM-SE model on ECG datasets divided by different durations

The confusion matrixes of the CNN-LSTM-SE model divided into 12 s segments are shown in Fig. 8. As shown in Fig. 8, the model is more likely to confuse all grades of heart failure with those of neighboring grades, and less likely to confuse those of different grades. For example, in Fig. 8(1), 16 patients with NYHA Class III heart failure were misclassified as NYHA Class II, 15 cases were misclassified as NYHA Class IV, and only 1 case was misclassified as NYHA Class I. In Fig. 8(5), 16 patients with NYHA Class IV heart failure were misclassified as NYHA Class III and only 1 was misclassified as NYHA Class II. This suggests that there is greater similarity between adjacent grades of heart failure ECGs than that of different grades, making the models difficult to distinguish.

Fig. 8
figure 8

The confusion matrixes of the CNN-LSTM-SE model divided into one segment by every 12 s

The model test results for the five-fold cross-validation are shown in Table 5. Table 5 shows that, except for the third fold model, the Acc is 98.76%, and the classification effect is slightly poor. The Acc of the other-fold heart failure grade classification models is above 99%. The average PPV was 98.9855%, close to 99%, the average Sen was 99.033%, and the average Spe was 99.649%, close to 100%. It indicates that the model divided by 12 s segmentation is relatively excellent in all indicators.

Table 5 Five-fold cross-validation of CNN-LSTM-SE model

To further verify the performance of the proposed CNN-LSTM-SE model, we tested the performance of our model on two other datasets (Data-sets A and B). The Data-set A were obtained from public datasets (PhysioBank) namely the Beth Israel Deaconess Medical Centre (BIDMC) Congestive Heart Failure Database [28] and Fantasia Database [29]. The Data-set B was obtained from the Intercity Digital ECG Alliance (IDEAL) study of the University of Rochester Medical Center Telemetric and Holter ECG Warehouse (THEW) archives [30]. The details of ECG signals obtained from various databases is presented in Table 6. The BIDMC database contains ECGs from 15 patients with CHF, classified according to the NYHA classification standard, without distinguishing between NYHA classes III and IV. The Fantasia database includes ECGs from 18 healthy individuals. The THEW database contains ECGs from 50 patients with CHF, categorized into 1–4 severity grades, although the classification standard used for this categorization are not explicitly stated.

Table 6 The details of ECG signals obtained from various databases

We used Data-set A (BIDMC + Fantasia) to perform a binary test for diagnosis of heart failure in patients with our model, and Data-set B (THEW) to perform a separate four-class classification test for assessment of heart failure severity in patients with our CNN-LSTM-SE model alone. The results are shown in Table 7. From Table 7, it can be seen that the binary classification model using Data-set A achieved an accuracy of 99.35%, precision of 99.35%, sensitivity of 99.37%, and specificity of 99.37%. The four-class classification model using Dataset B achieved the Acc of 98.91%, PPV of 98.39%, Sen of 99.06%, and Spe of 99.57%. Except for the Acc (98.91%) and PPV (98.39%) of the model using Data-set B, all other metrics of the proposed models constructed using Data-sets A and B are above 99%. The CNN-LSTM-SE model proposed in this paper also performs well on above two datasets, indicating that our model has strong robustness.

Table 7 Results on the data-sets A and B

To further verify the performance of the proposed CNN-LSTM-SE model, the proposed model is compared with other existing heart failure classification methods (e.g. SVM, CNN, Natural Language Processing(NLP), Resnet, etc.). The performance indicators of each model are shown in Table 8. The current research on the classification of heart failure mainly includes two-, three-, four-and five-grades classification. Traditional shallow machine learning methods (e.g. SVM, CART, Adaboost, etc.) are mostly used to model the two-grades and three-grades studies of heart failure classification. However, the limitations inherent in shallow machine learning, such as manual feature extraction and inherent model characteristics, make it difficult to achieve high accuracy rates in heart failure classification. The Acc of the heart failure classification of the machine learning model is around 80–90%, which is generally about 10% lower than that of our CNN-LSTM-SE model. For the fourth-grades and five-grades heart failure classification problems, almost all the models are constructed by deep learning methods. For the four-grades heart failure classification problem, Zhang et al. [9] adopted the NLP method, and the patient’s clinical data was used as the input of the model. The Ppv of the model was 94.99%. Li et al. [12] improved ResNet-34 by adding multi-scale residual block to the Resnet-34. The Acc of heart failure classification obtained by the above model reached 94.29%, and the Ppv was 94.16%. Most heart failure classification techniques using deep learning largely rely on CNN for extracting the spatial features of ECG, neglecting the temporal characteristics. This paper presents an alternative method that incorporates LSTM to capture sequential features of ECG signal and the attention mechanism to focus important features associated with heart failure. Therefore, the effect of our CNN-LSTM-SE model is better than that of literature [9] and literature [12]. For the five-grades heart failure classification problem, the Acc of heart failure classification obtained by the CNN-RNN [11] model was 97.6%. The model focuses on both temporal and spatial features of the ECG, but the method proposed in this paper incorporates attention mechanisms to make the model more focused on key features related to heart failure, so the performance of our CNN-LSTM-SE model is better than the CNN-RNN model. The literature [11] only discussed the effect of dividing ECG according to 2 s and 5 s, while we discusses the impact of varying ECG segment lengths on heart failure classification and reveals that the 12 s ECG segment results in optimal accuracy. Our model is designed to tackle the four-grades heart failure classification problem, has yielded noteworthy results.

Table 8 Summary of performance comparison for different methods

We analyzed the data used in this experiment and visualized the results of ECG signal analysis. The violin diagram [32] of the ECG amplitude for each severity level of heart failure is shown in Fig. 9. The amplitude distribution of ECGs according to the severity of heart failure is more intuitively understood by observing the violin diagram. As shown in Fig. 9, the ECG signal amplitudes of NYHA Class I are all concentrated between 0 and 1. The amplitudes of the ECGs of NYHA Classes II, III, and IV are relatively dispersed, with the amplitudes of the ECGs of NYHA Class II being between − 2 and 2, of NYHA Class III being between − 2 and 2.8, and of NYHA Class IV being between − 2.8 and 2.2. However, the amplitudes of ECGs of NYHA Classes II, III, and IV are mainly concentrated between 0 and 1, except for a few distributed outliers. The distribution of the four categories is similar, with the maximum distribution around 0.5 and the number of distributions gradually decreasing to 0 and 1. In this case, some simple characteristics, such as amplitude, cannot be relied on to distinguish the type of heart failure. Therefore, building a deep learning model to distinguish between the four levels is necessary.

Fig. 9
figure 9

Violin diagram of ECG amplitudes for four severe levels of heart failure

In addition, to enhance the interpretability of our model, we applied gradient-weighted class activation mapping (Grad-CAM) to obtain the heat maps of the last convolutional layers to highlight the area of the model’s focus. To visualize them, we displayed the heat maps for all four grades of heart failure. Figure 10 shows the heat maps of ECGs in heart failure NYHA Class I-IV, which are overlaid with heat maps of the last convolution layer calculated by the Grad-CAM method. The color bar ranging from blue to red indicating the degree of model attention, from low to high. From Fig. 10(1), it can be observed that the model focuses on the QRS of the ECG. Moreover, in Fig. 10(2)–(4), it is evident that the model predominantly concentrates on the ST segment of the ECG, which is known to exhibit abnormal changes in the ECG of heart failure patients [33]. As the disease progresses, the changes in the ST-T segment (the region of the ST and T waves) become more pronounced, which has a strong correlation with the severity of heart failure and serves as a reliable indicator. We can see that the ST-T segment of most ECGs is more red than other segments, and the results show that the model pays more attention to the ST-T segment location of the characteristic ECGs, which has some indicative effect on the decision of the assistant clinician.

Fig. 10
figure 10

Visual interpretation of the CNN-LSTM-SE model

The above experimental results show that our deep learning model simultaneously extracts the spatial and temporal characteristics of the ECGs of patients with heart failure. The model focuses on the key features of the signals by incorporating the attention mechanism. These results show that the proposed model achieves a good classification result and that its comprehensive performance is better than similar methods.

Conclusion

This paper proposes a deep learning model, CNN-LSTM-SE. The model uses a CNN, LSTM, and integrating attention mechanism. This model classifies heart failure into four levels automatically according to the ECG data of patients with heart failure.

We used a CNN to extract the spatial characteristics of ECGs. LSTM obtained the time series characteristics of ECGs. The attention mechanism was incorporated into the model to focus on the key features of ECGs to improve classification accuracy. We divided the ECGs into fragments of different lengths to construct the corresponding datasets and then assessed the model performance of different partitioning methods on the datasets. The datasets constructed with 12 s ECG signal segmentation provided the best classification with the proposed model. The comprehensive performance of the deep learning model described in this paper is better than the current shallow machine learning and similar deep learning models. It can assist medical staff in clinical diagnosis and has good application prospects. In medicine, all kinds of heart diseases need to process and analyze ECGs [34,35,36,37]. Therefore, this method is not limited to the field of heart failure classification, but can also be extended to other fields such as arrhythmia [38,39,40] and coronary artery disease [41,42,43,44].

The limitations of our CNN-LSTM-SE model are as follows:

  1. 1.

    The ECG segments input by the model should contain at least one complete ECG beat (P wave, PR segment [45,46,47], QRS complex, ST-T segment, U wave) to ensure more accurate classification results of the model. From the interpretability visualization results of the model, it can be known that if the input ECG segment does not contain a complete ECG beat, it may lead to the loss of some important features associated with four grades of heart failure, which affects the decision results of the model.

  2. 2.

    Our model belongs to the monomodal method based on ECGs for heart failure classification, without considering other clinical health data of heart failure patients, and there is still room for improvement in classification performance.

The further work based on the proposed model are as follows:

  1. 1.

    The proposed model is developed using imbalance dataset, we will work with hospitals to improve existing datasets, especially by adding data for NYHA Class I patients, to further refine the model’s performance.

  2. 2.

    Multimodal [48] network will be constructed to classify heart failure. On the basis of the deep learning model based on monomodal data in this paper, patient data from other modalities related to heart failure will be added to further improve the objectivity of heart failure classification results and the interpretability of related diseases. For example, adding clinical indicators such as blood pressure and blood glucose of patients to the model proposed in this paper can further explore the relationship between heart disease and underlying diseases [49] (such as hypertension, hyperglycemia, etc.).

Availability of data and materials

The MIMIC-III clinical dataset used in this study can be found in the Research Resource for Complex Physiologic Signals (PhysioNet), https://physionet.org/content/mimiciii/1.4/.The MIMIC-III waveform dataset used in this study can be found in the PhysioNet, https://physionet.org/content/mimic3wdb-matched/1.0/.All our source codes are available by contacting the corresponding author or first author.

References

  1. Bredy C, Ministeri M, Kempny A, Alonso-Gonzalez R, Swan L, Uebing A, Diller G-P, Gatzoulis MA, Dimopoulos K. New York heart association (NYHA) classification in adults with congenital heart disease: relation to objective measures of exercise and outcome. Eur Heart J-Qual Care Clin Outcomes. 2018;4(1):51–8. https://0-doi-org.brum.beds.ac.uk/10.1093/ehjqcco/qcx031.

    Article  PubMed  Google Scholar 

  2. Chan ADC, Hamdy MM, Badre A, Badee V. Person Identification using Electrocardiograms. In: 2006 Canadian Conference on Electrical and Computer Engineering. 2006;1–4. https://0-doi-org.brum.beds.ac.uk/1-4.10.1109/CCECE.2006.277291.

  3. Aswath GI, Vasudevan SK, Sampath N. A frugal and innovative telemedicine approach for rural India – automated doctor machine. Int J Med Engs Inform. 2020;12(3):278–90. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2020.107094.

    Article  Google Scholar 

  4. Gupta V. Wavelet transform and vector machines as emerging tools for computational medicine. Journal of ambient intelligence and humanized. Computing. 2023;14(4):4595–605. https://0-doi-org.brum.beds.ac.uk/10.1007/s12652-023-04582-0.

    Article  Google Scholar 

  5. Belderrar A, Hazzab A. Real-time estimation of hospital discharge using fuzzy radial basis function network and electronic health record data. Int J Med Eng Inform. 2020;13(1):75–83. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2021.111870.

    Article  Google Scholar 

  6. Ramachandran SK, Manikandan P. An efficient ALO-based ensemble classification algorithm for medical big data processing. Int J Med Eng Inform. 2020;13(1):54–63. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2021.111864.

    Article  Google Scholar 

  7. Balasubramanian K, Ananthamoorthy NP. Robust retinal blood vessel segmentation using convolutional neural network and support vector machine. J Ambient Intell Humaniz Comput. 2021;12(3):3559–69. https://0-doi-org.brum.beds.ac.uk/10.1007/s12652-019-01559-w.

    Article  Google Scholar 

  8. Tripoliti EE, Papadopoulos TG, Karanasiou GS, Kalatzis FG, Bechlioulis A, Goletsis Y, Naka KK, Fotiadis DI. Estimation of New York Heart Association class in heart failure patients based on machine learning techniques. In: 2017 IEEE EMBS International Conference on Biomedical & Health Informatics (BHI). 2017;421–424. https://0-doi-org.brum.beds.ac.uk/10.1109/BHI.2017.7897295.

  9. Zhang R, Ma S, Shanahan L, Munroe J, Horn S, Speedie S. Discovering and identifying New York heart association classification from electronic health records. Med Inform Decision Making. 2018;18(2):5–13. https://0-doi-org.brum.beds.ac.uk/10.1186/s12911-018-0625-7.

  10. Qu Z, Liu Q, Liu C. Classification of congestive heart failure with different New York heart association functional classes based on heart rate variability indices and machine learning. Expert Syst. 2019;36(3):e12396. https://0-doi-org.brum.beds.ac.uk/10.1111/exsy.12396.

    Article  Google Scholar 

  11. Li DG, Li X, Zhao JM, Bai XH. Automatic staging model of heart failure based on deep learning. Biomed Signal Proces. 2019;52:77–83. https://0-doi-org.brum.beds.ac.uk/10.1016/j.bspc.2019.03.009.

    Article  Google Scholar 

  12. Li D, Tao Y, Zhao J, Wu H. Classification of congestive heart failure from ECG segments with a multi-scale residual network. Symmetry-Basel. 2020;12(12):2019. https://0-doi-org.brum.beds.ac.uk/10.3390/sym12122019.

    Article  Google Scholar 

  13. D'Addio G, Donisi L, Cesarelli G, Amitrano F, Coccia A, La Rovere MT, Ricciardi C. Extracting features from Poincare plots to distinguish congestive heart failure patients according to NYHA classes. Bioengineering-Basel. 2021;8(10):138. https://0-doi-org.brum.beds.ac.uk/10.3390/bioengineering8100138.

    Article  PubMed  PubMed Central  Google Scholar 

  14. Sandhu JK, Lilhore UK, Poongodi M, Kaur N, Band SS, Hamdi M, Iwendi C, Simaiya S, Kamruzzaman MM, Mosavi A. Predicting the risk of heart failure based on clinical data. HCIS. 2022;12 https://0-doi-org.brum.beds.ac.uk/10.22967/HCIS.2022.12.057.

  15. Tsai IH, Morshed BI. Beat-by-beat Classification of ECG Signals with Machine Learning Algorithm for Cardiac Episodes. In: 2022 IEEE International Conference on Electro Information Technology (eIT). 2022;311–314. https://0-doi-org.brum.beds.ac.uk/10.1109/eIT53891.2022.9813902.

  16. Mokeddem F, Meziani F, Debbal SM. Study of murmurs and their impact on the heart variability. Int J Med Eng Inform. 2020;12(3):291–301. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2020.107095.

    Article  Google Scholar 

  17. Johnson AEW, Pollard TJ, Shen L, L-wH L, Feng M, Ghassemi M, Moody B, Szolovits P, Celi LA, Mark RG. MIMIC-III, a freely accessible critical care database. Sci Data. 2016;3:1–9. https://0-doi-org.brum.beds.ac.uk/10.1038/sdata.2016.35.

    Article  CAS  Google Scholar 

  18. Zhou F, Yang S, Fujita H, Chen D, Wen C. Deep learning fault diagnosis method based on global optimization GAN for unbalanced data. Knowl-Based Syst. 2020;187:104837. https://0-doi-org.brum.beds.ac.uk/10.1016/j.knosys.2019.07.008.

    Article  Google Scholar 

  19. Admass WS, Bogale GA. Arrhythmia classification using ECG signal: a meta-heuristic improvement of optimal weighted feature integration and attention-based hybrid deep learning model. Biomed Signal Proces. 2024;87:–105565. https://0-doi-org.brum.beds.ac.uk/10.1016/j.bspc.2023.105565.

  20. Acharya UR, Fujita H, Oh SL, Hagiwara Y, Tan JH, Adam M. Application of deep convolutional neural network for automated detection of myocardial infarction using ECG signals. Inform Sci. 2017;415:190–8. https://0-doi-org.brum.beds.ac.uk/10.1016/j.ins.2017.06.027.

    Article  Google Scholar 

  21. Wang H, Liu Z, Peng D, Qin Y. Understanding and learning discriminant features based on multiattention 1DCNN for wheelset bearing fault diagnosis. IEEE Trans Industr Inform. 2020; 16(9):5735–5745.https://0-doi-org.brum.beds.ac.uk/10.1109/TII.2019.2955540.

  22. Lecun Y, Bottou L, Bengio Y, Haffner P. Gradient-based learning applied to document recognition. Proc IEEE. 1998;86(11):2278–324. https://0-doi-org.brum.beds.ac.uk/10.1109/5.726791.

    Article  Google Scholar 

  23. Greff K, Srivastava RK, Koutnik J, Steunebrink BR, Schmidhuber J. LSTM: a search space odyssey. IEEE Trans Neural Netw Learn Syst. 2017;28(10):2222–32. https://0-doi-org.brum.beds.ac.uk/10.1109/TNNLS.2016.2582924.

    Article  PubMed  Google Scholar 

  24. Gers FA, Schmidhuber J, Cummins F. Learning to forget: continual prediction with LSTM. Neural Comput. 2000;12(10):2451–71. https://0-doi-org.brum.beds.ac.uk/10.1162/089976600300015015.

    Article  CAS  PubMed  Google Scholar 

  25. Hu J, Shen L, Albanie S, Sun G, Wu E. Squeeze-and-excitation networks. IEEE Trans Pattern Anal Mach Intell. 2020;42(8):2011–23. https://0-doi-org.brum.beds.ac.uk/10.1109/TPAMI.2019.2913372.

    Article  PubMed  Google Scholar 

  26. Kiritchenko S, Zhu X, Mohammad SM. Sentiment analysis of short informal text. J Artif Intell Res. 2014;50:723–62. https://0-doi-org.brum.beds.ac.uk/10.1613/jair.4272.

    Article  Google Scholar 

  27. Duda RO, Hart PE, Stork DG. Pattern classification. second ed; 2001.

    Google Scholar 

  28. Baim DS, Colucci WS, Monrad ES, Smith HS, Wright RF, Lanoue A, Gauthier DF, Ransil BJ, Grossman W, Braunwald E. Survival of patients with severe congestive heart failure treated with oral milrinone. J Am Coll Cardiol. 1986;7(3):661–70. https://0-doi-org.brum.beds.ac.uk/10.1016/s0735-1097(86)80478-8.

    Article  CAS  PubMed  Google Scholar 

  29. Iyengar N, Peng CK, Morin R, Goldberger AL, Lipsitz LA. Age-related alterations in the fractal scaling of cardiac interbeat interval dynamics. Am J Physiol. 1996;271(4 Pt 2):R1078–84. https://0-doi-org.brum.beds.ac.uk/10.1152/ajpregu.1996.271.4.R1078.

    Article  CAS  PubMed  Google Scholar 

  30. Couderc J-P. The Telemetric and Holter ECG Warehouse (THEW): The first three years of development and research. J Electrocardiol. 2012;45(6):677–83. https://0-doi-org.brum.beds.ac.uk/10.1016/j.jelectrocard.2012.08.001.

  31. Acharya UR, Fujita H, Oh SL, Hagiwara Y, Tan JH, Adam M, Tan RS. Deep convolutional neural network for the automated diagnosis of congestive heart failure using ECG signals. Appl Intell. 2019;49(1):16–27. https://0-doi-org.brum.beds.ac.uk/10.1007/s10489-018-1179-1.

    Article  Google Scholar 

  32. Zhang CJ, Wang XJ, Ma LM, Lu XQ. Tropical cyclone intensity classification and estimation using infrared satellite images with deep learning. IEEE J Sel Top Appl Earth Obs Remote Sens. 2021;14:2070–86. https://0-doi-org.brum.beds.ac.uk/10.1109/JSTARS.2021.3050767.

    Article  Google Scholar 

  33. Hendry PB, Krisdinarti L, Erika M. Scoring system based on electrocardiogram features to predict the type of heart failure in patients with chronic heart failure. Cardiol Res. 2016;7(3):110–6. https://0-doi-org.brum.beds.ac.uk/10.14740/cr473w.

    Article  PubMed  PubMed Central  Google Scholar 

  34. Gupta V, Mittal M, Mittal V, Saxena NK. Spectrogram as an emerging tool in ECG signal processing. In: Recent advances in manufacturing, automation, design and energy technologies: 2022// 2022. Singapore: Springer Singapore; 2022. p. 407–14.

    Chapter  Google Scholar 

  35. Gupta V, Mittal M, Mittal V, Gupta A. An efficient AR modelling-based electrocardiogram signal analysis for health informatics. Int J Med Eng Inform. 2021;14(1):74–89. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2022.119314.

    Article  Google Scholar 

  36. Gupta V, Mittal M. QRS complex detection using STFT, Chaos analysis, and PCA in standard and real-time ECG databases. J Inst Eng (India): Series B. 2019;100(5):489–97. https://0-doi-org.brum.beds.ac.uk/10.1007/s40031-019-00398-9.

    Article  Google Scholar 

  37. Gupta V, Mittal M, Mittal V, Diwania S, Saxena NK. ECG signal analysis based on the spectrogram and spider monkey optimisation technique. J Inst Eng (India): Series B. 2023;104(1):153–64. https://0-doi-org.brum.beds.ac.uk/10.1007/s40031-022-00831-6.

    Article  Google Scholar 

  38. Gupta V. Application of chaos theory for arrhythmia detection in pathological databases. Int J Med Eng Inform. 2022;15(2):191–202. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2023.129353.

    Article  Google Scholar 

  39. Gupta V, Mittal M, Mittal V. Chaos theory and ARTFA: emerging tools for interpreting ECG signals to diagnose cardiac arrhythmias. Wirel Pers Commun. 2021;118(4):3615–46. https://0-doi-org.brum.beds.ac.uk/10.1007/s11277-021-08411-5.

    Article  Google Scholar 

  40. Gupta V, Mittal M, Mittal V. A novel FrWT based arrhythmia detection in ECG signal using YWARA and PCA. Wirel Pers Commun. 2022;124(2):1229–46. https://0-doi-org.brum.beds.ac.uk/10.1007/s11277-021-09403-1.

    Article  Google Scholar 

  41. Li S, Nunes JC, Toumoulin C, Luo L. 3D coronary artery reconstruction by 2D motion compensation based on mutual information. IRBM. 2018;39(1):69–82. https://0-doi-org.brum.beds.ac.uk/10.1016/j.irbm.2017.11.005.

    Article  CAS  Google Scholar 

  42. Mabrouk S, Oueslati C, Ghorbel F. Multiscale graph cuts based method for coronary artery segmentation in angiograms. IRBM. 2017;38(3):167–75. https://0-doi-org.brum.beds.ac.uk/10.1016/j.irbm.2017.04.004.

    Article  Google Scholar 

  43. Harmouche M, Maasrani M, Verhoye JP, Corbineau H, Drochon A. Coronary three-vessel disease with occlusion of the right coronary artery: what are the most important factors that determine the right territory perfusion? IRBM. 2014;35(3):149–57. https://0-doi-org.brum.beds.ac.uk/10.1016/j.irbm.2013.11.002.

    Article  Google Scholar 

  44. Velut J, Lentz PA, Boulmier D, Coatrieux JL, Toumoulin C. Assessment of qualitative and quantitative features in coronary artery MRA. IRBM. 2011;32(4):229–42. https://0-doi-org.brum.beds.ac.uk/10.1016/j.irbm.2011.05.002.

    Article  Google Scholar 

  45. Gupta V, Saxena NK, Kanungo A, Kumar P, Diwania S. PCA as an effective tool for the detection of R-peaks in an ECG signal processing. Int J Syst Assur Eng Manag. 2022;13(5):2391–403. https://0-doi-org.brum.beds.ac.uk/10.1007/s13198-022-01650-0.

    Article  Google Scholar 

  46. Gupta V, Mittal M, Mittal V. FrWT-PPCA-based R-peak detection for improved Management of Healthcare System. IETE J Res. 2021;69:1–15. https://0-doi-org.brum.beds.ac.uk/10.1080/03772063.2021.1982412.

    Article  Google Scholar 

  47. Gupta V, Mittal M, Mittal V, Chaturvedi Y. Detection of R-peaks using fractional Fourier transform and principal component analysis. J Ambient Intell Humaniz Comput. 2022;13(2):961–72. https://0-doi-org.brum.beds.ac.uk/10.1007/s12652-021-03484-3.

    Article  Google Scholar 

  48. Xu X, Huang L, Wu R, Zhang W, Ding G, Liu L, Chi M, Xie J. Multi-feature fusion method for identifying carotid artery vulnerable plaque. IRBM. 2022;43(4):272–8. https://0-doi-org.brum.beds.ac.uk/10.1016/j.irbm.2021.07.004.

    Article  Google Scholar 

  49. Helen MMC, Singh D, Deepak KK. Changes in scale-invariance property of electrocardiogram as a predictor of hypertension. Int J Med Eng Inform. 2020;12(3):228–36. https://0-doi-org.brum.beds.ac.uk/10.1504/IJMEI.2020.107088.

    Article  Google Scholar 

Download references

Acknowledgments

We thank LetPub (www.letpub.com) for its linguistic assistance during the preparation of this manuscript.

Funding

This work was supported in part by National Natural Science Foundation of China (42075140 and 41575046), Zhejiang Province Public Welfare Technology Application Research Project, China under Grant LGF20D050004, Special Foundation for the Development of Nursing Discipline of Taizhou University (202201), Zhejiang Provincial Medical and Health Science and Technology Plan Project (2023KY1337), and also in part by Zhejiang Conba Hospital Management Soft Science Research Project (2022ZHA-KEB334). The funding body played no role in the design of the study and collection, analysis, interpretation of data, and in writing the manuscript.

Author information

Authors and Affiliations

Authors

Contributions

CJZ conceived, designed the study and revised the manuscript. YL performed experiments, performed the analyses and wrote the manuscript. FQT supervised the study, performed the analyses and revised the manuscript. HPC, YFQ and CW revised the manuscript. All authors read and approved the final manuscript.

Corresponding author

Correspondence to Fu-Qin Tang.

Ethics declarations

Ethics approval and consent to participate

Not applicable.

Consent for publication

Not applicable.

Competing interests

The authors declare 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

Zhang, CJ., Yuan-Lu, Tang, FQ. et al. Heart failure classification using deep learning to extract spatiotemporal features from ECG. BMC Med Inform Decis Mak 24, 17 (2024). https://0-doi-org.brum.beds.ac.uk/10.1186/s12911-024-02415-4

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://0-doi-org.brum.beds.ac.uk/10.1186/s12911-024-02415-4

Keywords