Skip to main content

ORIGINAL RESEARCH article

Front. Physiol., 28 January 2022
Sec. Computational Physiology and Medicine

Detection and Localization of Myocardial Infarction Based on Multi-Scale ResNet and Attention Mechanism

  • 1School of Intelligent Medicine, China Medical University, Shenyang, China
  • 2College of Medicine and Biological Information Engineering, Northeastern University, Shenyang, China
  • 3Key Laboratory of Medical Image Computing, Ministry of Education, Shenyang, China
  • 4Neusoft Research of Intelligent Healthcare Technology, Co., Ltd., Shenyang, China
  • 5Department of Cardiology, Shengjing Hospital of China Medical University, Shenyang, China
  • 6Department of Cardiac Surgery, General Hospital of Northern Theater Command, Shenyang, China
  • 7Barts and the London School of Medicine and Dentistry, Blizard Institute, Queen Mary University of London, London, United Kingdom

Purpose: Myocardial infarction (MI) is one of the most common cardiovascular diseases, frequently resulting in death. Early and accurate diagnosis is therefore important, and the electrocardiogram (ECG) is a simple and effective method for achieving this. However, it requires assessment by a specialist; so many recent works have focused on the automatic assessment of ECG signals.

Methods: For the detection and localization of MI, deep learning models have been proposed, but the diagnostic accuracy of this approaches still need to be improved. Moreover, with deep learning methods the way in which a given result was achieved lacks interpretability. In this study, ECG data was obtained from the PhysioBank open access database, and was analyzed as follows. Firstly, the 12-lead ECG signal was preprocessed to identify each beat and obtain each heart interval. Secondly, a multi-scale deep learning model combined with a residual network and attention mechanism was proposed, where the input was the 12-lead ECG recording. Through the SENet model and the Grad-CAM algorithm, the weighting of each lead was calculated and visualized. Using existing knowledge of the way in which different types of MI gave characteristic patterns in specific ECG leads, the model was used to provisionally diagnose the type of MI according to the characteristics of each of the 12 ECG leads.

Results: Ten types of MI anterior, anterior lateral, anterior septal, inferior, inferior lateral, inferior posterior, inferior posterior lateral, lateral, posterior, and posterior lateral were diagnosed. The average accuracy, sensitivity, and specificity for MI detection of all lesion types was 99.98, 99.94, and 99.98%, respectively; and the average accuracy, sensitivity, and specificity for MI localization was 99.79, 99.88, and 99.98%, respectively.

Conclusion: When compared to existing models based on traditional machine learning methods, convolutional neural networks and recurrent neural networks, the results showed that the proposed model had better diagnostic performance, being superior in accuracy, sensitivity, and specificity.

Introduction

Myocardial infarction (MI) resulting from coronary artery occlusion causes rapid and irreversible myocardial injury and before the event, the occlusive lesion often causes no warning symptoms. According to the World Health Organization, coronary heart disease is the main cause of MI, accounting for approximately one third of deaths in those over 35 years old (Roger, 2007). It is estimated that an additional 155,000 silent first MIs, i.e., those with few, if any symptoms, occur every year (Benjamin et al., 2018).

The early detection of MI is of great value in averting complications such as heart failure, and arrhythmia, as well as death. The ECG is a rich source of information about the performance of the heart and is the most widely used means to diagnose cardiovascular disease (Sharma and Sunkaria, 2018, 2020; Zhang and Li, 2019). In patients, at risk of cardiovascular disease, the ECG signal may depart from its normal pattern in a way which can reveal the presence of abnormal heart activity, often before overt symptoms are seen. Thus, the ECG is important for the early diagnosis of a variety of cardiovascular pathologies, including MI. However, to analyze the ECG signal is time consuming and requires specialist knowledge. In recent years, machine learning and deep learning have become widely used for disease diagnosis, including cardiovascular disorders such as arrhythmia (Wang et al., 2010; Oh et al., 2019; Yao et al., 2020). For the diagnosis and prediction of MI, many machine learning models have been proposed. Dohare et al. (2018) extracted 220 features of the ECG signal including P wave duration, QRS duration, ST-T composite interval and QT interval, and obtained 14 features by principal component analysis, which were then input into a support vector machine (SVM) model to detect MI. Diker et al. (2018) used 23 features extracted from the morphology, statistics and discrete wavelet transform of ECG signals, and employed a genetic algorithm to reveal the most relevant features. In the process, the dimensionality of the feature set was reduced from 23 to 9. Finally, a SVM model was employed to classify the features. Sharma et al. (2018) decomposed the ECG signal into six sub-bands by the wavelet transform, and then extracted three features such as entropy, signal fractal dimension and Rennie entropy from the sub-bands. Following this the features were input into the k-nearest neighbors algorithm (KNN) for the diagnosis of MI. Acharya et al. (2016) extracted four kinds of features from different decomposition bands using leads II, III, and AVF, these being sample entropy, normalized sub-band energy, energy entropy, and average slope. They were input into the SVM, KNN, and the inert algorithm and their performance was compared. Sharma et al. (2018) extracted three time-domain features of each beat (T-wave amplitude, Q-wave amplitude, and standard deviation) and combined them with the 12-lead data to form a 36-dimensional feature vector, which was input to a KNN classifier again for MI diagnosis. Bhaskar (2015) proposed an artificial neural network based on preprocessing, the wavelet transform and principal component analysis to obtain the features of ECG signals for classification. The performance was analyzed by a back propagation neural network and a support vector machine. Machine learning has achieved promising results, but there is still much room for improvement.

In recent years, deep learning has been widely used in the diagnosis and prediction of MI. Convolutional neural networks (CNN) have achieved notable success. Acharya et al. (2017) and Baloglu et al. (2019) proposed a 10-layer and 11-layer CNN to detect MI. Reasat and Shahnaz (2017) took three-lead ECG signal segments and the signal from each lead was input to an induction module. Tripathy et al. (2019a) have used 12-lead ECG data for the detection of MI from Physikalisch-Technische Bundesanstalt (PTB) diagnostic ECG database based on the deep layer least-square SVM. The CNN was used for used for the localization of MI. The extracted features were then fed into a global average pooling layer and finally classified by a SoftMax layer (Tripathy et al., 2019b). In addition, recurrent neural networks (RNN) have achieved success in processing time series signals. Long short-term memory (LSTM), with its inherent suitability in processing time series signals, provides higher diagnostic accuracy in combination with a CNN than by using CNN alone. Lui and Chow (2018) proposed a CNN-LSTM model to detect MI. Because of its gate structure, LSTM effectively solves the long-term dependence problem in standard recurrent neural networks. Although the aforementioned methods have met with some success, they rely on extracting features manually, which leads to poor generalization performance and insufficient accuracy for clinical requirements. Moreover, deep learning methods obscure the link between the ECG findings and the underlying pathophysiology.

This study was motivated by the limited performance of current methods for diagnosing MI from the characteristics of ECG signals as well as the lack of feature analysis obtained by deep learning methods. To overcome these limitations, an ECGNet model which contains a multi-scale ResNet based on residual blocks, combined with the attention mechanism approach is proposed for detecting and localizing MIs. Specifically, the two main motivations were: firstly, to extract the characteristic information each dimension using a multi-scale model and to analyze the effect on the various ECG leads of different types of myocardial infarction. The second was to further improve the accuracy of the model. When compared to other approaches based on deep learning, the proposed method provided more abundant features from the ECG signals. The main innovations are as follows:

(1) One-dimensional ECG data is treated as a two-dimensional, and the same convolution kernel is used in processing the signals from different leads, thus making full use of the similarity between the different leads, and reducing the number of parameters without sacrificing accuracy.

(2) For the same lead, different sizes of convolution kernel are used to extract diverse features and fuse them to achieve intelligent detection and accurate positioning of the MI.

(3) Focusing on the influence of different leads on the localization of MI, the SENet model is added to automatically calculate the weighting assigned to each lead for each type of MI immediately before the data is input into the network and after convolution of different scales. Thus, the effect of different leads can be analyzed by visualizing these weights.

(4) The gradient class activation mapping (Grad-CAM) algorithm is used to calculate the contribution of each lead to the localization of different types of MI and is combined with an explanation based on clinical experience and knowledge of MI pathology to provide an accurate diagnosis.

The article is organized as follows: Section 2 describes the materials and methods. Section 3 reports the results of MI detection and localization, while the discussion and conclusion are offered in Section 4 and Section 5.

Materials and Methods

Datasets

We used the PhysioBank open access database (PTB Diagnosis ECG database) (Goldberger et al., 2000), which consists of standard 12-lead ECG data of 52 normal subjects (80 records) and 148 MI patients (368 records). The ECG signals were digitized at a sampling rate of 1,000 Hz. The MIs were divided into 10 types based on their localization: anterior (A), anterior lateral (AL), anterior septal (AS), inferior (I), inferior lateral (IL), inferior posterior (IP), inferior posterior lateral (IPL), lateral (L), posterior (P), and posterior lateral (PL). The database also includes labels on the ten types of MI and the localization.

Data Preprocessing

The preprocessing of the ECG data consisted of two parts: removing baseline drift and segmenting the ECG signal to extract individual heart beats. As shown in Figure 1, a median filter over 333 sample points (333 ms) was used to remove baseline drift. The R waves were extracted, using the compute_hr function and the correct peaks function in the waveform-database (WFDB) package for Python. A typical example of the extracted R waves is shown in Figure 2A. When segmenting the ECG signals, each segment comprised a total of 651 sampling points, with 250 to the left of the R-peak (i.e., preceding it) and 400 to the right, as shown in Figure 2B (Baloglu et al., 2019). This window of 651 ms was sufficient to capture the QRS complex and the ST segment in all subjects. Table 1 lists the number of extracted heart beats from the 12-lead ECG.

FIGURE 1
www.frontiersin.org

Figure 1. ECG signal before (A) and after (B) preprocessing.

FIGURE 2
www.frontiersin.org

Figure 2. A typical ECG signal (A) Identification of the R-wave peaks (red crosses) (B) schematic diagram of heartbeat extraction.

TABLE 1
www.frontiersin.org

Table 1. Number of 12-lead ECG beats analyzed for healthy subjects and each type of MI.

The Proposed ECGNet Model

The structure of the proposed model is shown in Figure 3. The input to the model is a 651 × 12 array. Each channel of the 12-lead ECG is processed using the same convolution kernel. This approach can not only extract the common characteristics of the different leads, but also reduce the number of the model parameters. It is better to use a long convolution kernel model in ECG signal processing (Hannun et al., 2019). Therefore, at the start of the processing a relatively long kernel is adopted for feature extraction. As the network continues to extract features, the length of the convolution kernel can be reduced, which in turn reduces the computational burden. When the 12-lead ECG data is input to the model, the SENet model is applied to obtain the weighting of the signal from each lead. After the convolution operation is completed at each scale, the SENet model is again applied, this time to the eigenvector of each lead, and the weight information of each lead in the model after convolution is then updated.

FIGURE 3
www.frontiersin.org

Figure 3. Schematic of the ECGNet model showing the individual modules. Avgpool is the average pooling layer. Concat is the operator to concatenate the features of different scales, SoftMax is the function which calculates the probability that the sample belongs to each category. The maximum probability determines that the sample is assigned to the specified class.

A schematic of the network modules of Block1 and Block2 is shown in Figure 4. As described by He et al. (2016) the improved residual module is adopted, and the order of the modules is batch normalization (BN), activation and convolution. In Figure 4, the only difference between the structures of Block1 and Block2 is that the processing steps are repeated three times in Block2.

FIGURE 4
www.frontiersin.org

Figure 4. Schematic diagram of Block1 and Block2.

This article adopts the channel attention mechanism proposed by the SENet network (Jie et al., 2017) for weight learning, and its structure is shown in Figure 4. Based on the previously designed multi-scale network, we have introduced the attention mechanism into the whole feature extraction process, so as to better learn local salient features, and have added the attention mechanism module to the ResNet module. The module is mainly realized by three operations: it can adaptively learn the weights of the various channel feature graphs. The first step is the squeeze operation. By means of global average pooling, the input feature map is compressed in the channel direction, and the two-dimensional feature map is transformed into a real number. Due to the global pooling, the obtained real number has a global receptive field. The second step is the exception operation, which corresponds to two full connection layers and one ReLU activation function layer. The weight is generated for each feature channel through the parameter W. The last step is the reweighting operation, which treats the weight of the exception output as the importance of each feature channel after feature selection, and then weights the input features channel-by-channel through multiplication, to complete the readjustment of the original features in the channel dimension.

The previously mentioned multi-scale network involves the sampling of different scales of the signal. Usually, we can observe different features at different scales to complete different tasks. Increasing the number of layers (deepening) of the convolutional neural network corresponds to the feature conversion process from low-level to high-level feature extraction. For an ECG signal, the shallow extraction of the network is generally low-level information such as waveform trends. As the network deepens, the extracted feature information may already be able to describe the entire ECG signal. However, each layer will lose some information in the process. To solve this problem, a solution of multi-scale feature fusion has appeared. The basic idea is to save the feature map of the previous layer and to add the feature map of the current layer, before the network convolution operation of the layer, so that some information from the previous layer can be retained and the loss of shallow information can be reduced.

The Class Activation Mapping (CAM) method has been proposed (Zhou et al., 2016). It is a visualization method that uses the activation of feature maps to understand neurons in the output layer. As the depth of the convolutional layer increases, the scattered detailed features are gradually transformed into overall contour features. The feature information extracted by the last convolutional layer is the most abundant, and CAM can use the information contained in that layer. The CAM calculates the weight matrix of the neural network by replacing the fully connected layer in the network with the global average pooling layer. It uses the weight matrix to weight the feature maps of the last layer, and to overlap the weighted feature maps into one matrix. The matrix is drawn and colored using a thermal imaging color scale and merged with the original input picture to intuitively display the area on which the model is based when making a judgment. However, because CAM requires a change in the structure of the model, it cannot be applied on a large scale to a well-trained depth model. Selvaraju et al. (2017) proposed Grad-CAM. For this approach, the idea of the CAM method is followed, but there is no need to change the original model and retrain. Instead, the gradient average is used to calculate the weight, and the deep learning model is visually displayed. Grad-CAM, as a generalized form of CAM, has a higher resolution as a thermal imaging color scale. The time series is used as the abscissa and the 12-lead ECG signal is used as the ordinate to convert one-dimensional signals into two-dimensional data.

The ECGNet model training incorporated a categorical cross entropy loss function and the Adam optimizer with learning rate of 0.0000008. The training process was stopped when there was no further reduction in the value of the loss function over 5 consecutive epochs using a batch size of 64. Moreover, for the MI localization or detection, the model that achieved the lowest error on the testing dataset was chosen. Hyper-parameters, including learning rate, batch size, and the number of epochs, seriously influence the overall performance detection and localization of MI. These were adjusted by trial and error. The highest validation accuracy and, as mentioned above, the lowest loss function were the criteria for selecting model parameters.

Evaluation Metric

In order to evaluate the performance of the model on the testing data, we calculated the following commonly used evaluation criteria. These are accuracy (ACC), precision (PRE), sensitivity (SEN), specificity (SPE), and F1-Score. The TP, FP, TN, and FN are true positive, false positive, true negative and false negative, respectively. These are defined as follows:

ACC=TP+TNTP+FP+TN+FN(1)
PRE=TPTP+FP(2)
SPE=TNTN+FP(3)
SEN=TPTP+FP(4)
F1-Score=2×SEN×PRESEN+PRE(5)

Results

The network was developed in Python 3.6.9 using Keras and TensorFlow as the backend deep learning library. The workstation used for training the models consisted of two NVIDIA GeForce TRX 2080Ti, a 32 core CPU and 128 GB memory. This server ran a Linux system. As shown in Figure 5, for the evaluation of the model, 85% of the data were used for training and the remaining 15% for testing. The model training data are then partitioned for training and validation in the ratio of 7:3. The selection of training and test 12-lead ECG frames for the ECGNet approach was performed using five-fold cross validation techniques (Sharma et al., 2018).

FIGURE 5
www.frontiersin.org

Figure 5. Distribution of the dataset among training, validation, and testing.

Myocardial Infarction Detection

For the detection of MI, each ECG signal was classified as one of only two types, healthy or MI. Using five-fold cross validation, the evaluation indexes of the two types of heartbeat were calculated, according to eqs. (1–5). The results of the MI detection are listed in Table 2. The average accuracy, sensitivity, specificity, precision, and F1-score of the detection of HC based on the proposed method were 99.98, 99.87, 99.99, 99.99, and 99.93%, respectively. The average accuracy, sensitivity, specificity, precision, and F1-score of the detection of MI based on the proposed method were 99.98, 99.99, 99.87, 99.98, and 99.98%, respectively.

TABLE 2
www.frontiersin.org

Table 2. Results of five-fold cross validation for MI detection (HC denotes healthy controls).

As shown in Table 3, there are 8,536 samples in the test data set, among which 7,123 samples of MI were correctly identified, with an average sensitivity of nearly 100%, and a low rate of missed detection. Among the 1,410 healthy samples, 1408 were correctly identified and 2 were wrongly classified as MI, demonstrating the low false detection rate. The results as shown by the confusion matrix confirm the excellent performance.

TABLE 3
www.frontiersin.org

Table 3. Confusion matrix for MI detection.

Myocardial Infarction Localization

The classification results of the localization of MI using five-fold cross validation are listed in Table 4. For inferior posterior and lateral infarctions, the average sensitivity, specificity, precision, F1-score were 100%; the classification performance of other categories was also excellent. Anterior MIs, were detected with the lowest sensitivity (99.47%), the lowest specificity (99.94%), the lowest precision (99.45%) and the lowest F1-score (99.46%). These results strongly support the effectiveness of the proposed model. During the training process, the accuracy of the loss function and training set tended to be stable after 25 epochs. Finally, the accuracy of the training set was 100%, the accuracy of the verification set was 99.86%, the loss of the verification set was 0.02413, and the accuracy of the final test was 99.89%. In order to show the performance of the model in more detail, the confusion matrix from the test set is given in Table 5. Among the 8536 samples in the test set, 8,527 were correctly classified, and 1410 normal ECGs were correctly classified as non-MI samples, so the false detection rate too, was very low. The missed detection rate was, similarly, very low, with only one MI sample classified as healthy. In only 8 of the 7,126 MI samples, was the localization wrongly identified, although in each case the presence of an MI was correctly detected. The localization error rate was 0.11%, confirming the excellent performance in detecting the position of the MIs. The accuracy, sensitivity and specificity were 99.79, 99.88, and 99.98%, respectively.

TABLE 4
www.frontiersin.org

Table 4. Classification performance of MI localization (five-fold cross validation).

TABLE 5
www.frontiersin.org

Table 5. Confusion matrix for MI localization.

The signals from different leads are correlated, but the signal of each lead is one-dimensional, so a two-dimensional convolution is not applicable. Inspired by the concept of multi-sensor data fusion, we treated the data from all the leads as a two-dimensional by combining the one-dimensional signals from all 12-leads. Thus, each beat of the 12-lead signal was represented by a 12 × 651 array. To extract abundant feature information effectively by using a two-dimensional convolution, three different convolution kernels were used, these being 3 × 1, 5 × 1 and 7 × 1. Taking the 7 × 1 kernel as an example, seven consecutive sampling points from the same lead were extracted in one convolution.

According to the association between the localization of the MI and the pattern of signals from the 12 leads ECG, the SENet model automatically calculates the weighting of each lead at the first stage of the model and again after three different convolution orders. Figure 6 shows the results of this procedure using representative anterior and inferior MIs as examples. Initially, with an un-convolved input, there is little variation in the weighting of each lead, with values between 0.4 and 0.6, as shown in Figures 6A,B. Following convolution, the lead weightings fall into two patterns according to the convolution order. As shown in Figure 6C, for the of 3 × 1 convolution kernel, the weights of leads V6, I, III, and AVL are larger than the average, and the weights of the other leads are smaller. This implies that the model “thinks” the features acquired from these four leads are more important. Figure 6E shows that, for the 5 × 1 convolution kernel, the weights of leads I, V5, and AVR are generally larger, suggesting that the characteristics of these leads are more important. In addition, the common localizations of different infarct types will have an effect. For example, the weights of AVL and V2 are, respectively, 1 and 0.97 for the inferior infarction in Figure 6F. The weighting information obtained by the three convolution scales is quite different, which confirms the notion that the multi-scale model extracts different levels of feature information from the data, and that the feature set is more abundant after feature fusion.

FIGURE 6
www.frontiersin.org

Figure 6. 12-lead ECG weightings obtained by SENet. Polar plots from two representative infarctions. (A–G) Anterior MI: (A) without convolution; (C) with 3 × 1 convolution; (E) with 5 × 1 convolution; (G) with 7 × 1 convolution. (B–H) Inferior MI: (B) without convolution; (D) with 3 × 1 convolution; (F) with 7 × 1 convolution; (H) with 7 × 1 convolution.

Figure 7 shows the weighting of each lead derived from the Grad-CAM model trained using 406313 samples (i.e., 70% of the 580448 samples used for training). A typical anterior MI is shown in Figure 7A, and a posterior case, in Figure 7B. For the anterior case, the relative lead weights are ordered from high to low as follows: V4, V3, AVL, V5, I, V6, AVR, II, III, V1, V2, and AVF, where the weights of the lowest 4 (II, III, V1, V2, and AVF) are 0. For the posterior MI, the order is: III, V2, V4, I, AVL, V6, V1, AVF, II, AVR, V3, and V5, where the weights of the lowest 3 (AVR, V3, and V5) are 0. In the pathology of MI, leads V3 and V4 are associated with the anterior wall of the heart, while leads II, III and AVF are associated with the posterior wall. Thus, V3 and V4 contribute the most to the detection of anterior MIs, while lead III contributes the most to the detection of posterior MIs (Chang et al., 2012). It can be concluded that lead weighting analysis can provide diagnostic information about the localization of the MI. However, due to the limited sample size in this study and variability between patients, the results cannot fully explain the pathological significance of the features extracted by the model.

FIGURE 7
www.frontiersin.org

Figure 7. Lead weighting distribution obtained by Grad-CAM for two representative MIs. (A) Anterior; (B) inferior.

Discussion

Myocardial Infarction Detection

Table 6 shows that several current approaches, some of which are briefly discussed below, also perform well in the detection of MI. Dohare et al. (2018) extracted the peak amplitude, area, average and standard deviation of the P wave, the QRS band, QT interval and ST segment of 12-lead ECG signals to act as the feature set for MI detection. After screening, the features were passed to the support vector machine for training, achieving an MI detection accuracy of 96.66%. The performance of the algorithm was closely related to the accuracy of prior segmentation of the ST segment, T wave, Q wave, and P wave. However, the characteristic ECG changes in patients with MI will vary with the time since the MI occurred. This increases the difficulty of prior segmentation of the ECG signal, and greatly affects the ability to accurately detect MIs.

TABLE 6
www.frontiersin.org

Table 6. Comparison of MI detection results from this study with other recent reports.

Kumar et al. (2017) used the flexible wavelet transform to map the ECG signal of lead II to multidimensional space, then extracted the sample entropy associated with each frequency band of the signal as the feature of interest. Sharma et al. (2018) used the improved wavelet transform to decompose the ECG signal and extract the entropy of each sub-band to form the feature set. Combined with the KNN method, they achieved a high level of precision in recognizing MI from noise-free as well as noisy signals (Sharma et al., 2018). Although this kind of approach using feature space to extract useful features has achieved satisfactory results, problems remain, such as the need for manual feature selection, and lack of applicability to the ECG signals associated with a wide range of MI types.

Deep learning has solved the problem of the lack of generalizability inherent in manual feature extraction, traditionally used in MI detection. Lui and Chow (2018) achieved excellent performance with a combination of a convolutional neural network and a recurrent neural network, giving a sensitivity and specificity of 92.40 and 97.70%, respectively. Tripathy et al. (2019a) performed a Fourier-Bessel series expansion-based empirical wavelet transform on 12-lead ECG signals to extract useful features for detection of MIs, achieving an accuracy, sensitivity, and specificity of 99.74, 99.87, and 99.94%, respectively.

The multi-scale ResNet approach to detect MI proposed in this study, differs from the methods described in Table 6. The proposed method does not require prior segmentation, manual feature extraction or manual selection of features. It automatically extracts relevant feature information, and automatically learns which are the important features for detecting MI, through the SENet model which, accordingly, adjusts the weighting value of each lead to obtain better classification accuracy. As shown in Table 6, the experimental results show that the accuracy, sensitivity, and specificity of our approach are higher than those achieved by others, thus verifying the effectiveness of the method described here. It is notable that the residual network based on a multi-scale approach has enriched the comprehensive features of the ECG signal and the channel attention mechanism has enhanced the important features automatically.

Myocardial Infarction Localization

The position of an MI can be found by analyzing its effect on different ECG leads, especially those closest to the infarction. A previous study analyzing the relationship between infarction position and characteristic lead patterns, obtained good results (Fu et al., 2020). However, it did not exploit this further to gain information about the localization of the lesion. In recent years, the attention mechanism has attracted extensive interest in clinical diagnosis and the deep fusion attention mechanism model has been used to extract complex features from physiological signals for disease classification and diagnosis (Yuan and Jia, 2019). In the diagnosis of MI, the attention mechanism based on a beat-by-beat analysis has been introduced to automatically calculate the relative weighting of unlabeled beats (Zhang et al., 2019). The attention mechanism has strong explanatory power. Not only can it calculate the contribution of different extracted features to the results, but it can also calculate the weighting of multiple lead signals.

Table 7 briefly summarizes some recent studies on the localization of MI from ECG signals. Some methods are based on traditional manual feature extraction algorithms, which mainly yield features in the time and transform domains, while others extract features automatically, using deep learning approaches. As listed in Table 7, recent studies have achieved good results in the localization of MI. Arif et al. (2012) manually extracted morphological features from 12-lead ECG signals, such as the T wave, Q wave and ST segment amplitude and combined these with KNN classifier training, obtaining an MI localization accuracy of 99.8%. Acharya et al. (2016) used the discrete wavelet transform to map the ECG signal to a 9-layer scale space, where each layer extracted 12 kinds of non-linear entropy as features. These were sent to a KNN classifier for localizing MIs further. The accuracy, sensitivity and specificity were 98.74, 99.55, and 99.16%, respectively. Liu et al. (2018) used the wavelet transform to process individual beats of the ECG signal to construct a wavelet tensor. This was combined with a decision tree classifier to realize the localization of the MI, obtaining an accuracy, of 99.81%. Barmpoutis et al. (2019) also used the wavelet transform to construct tensor data, but in this case mapped them to Euclidean space and Glassman space for feature extraction and then fused these two different feature representations and the complementary information produced by each, into a common Hilbert space for classification. This resulted in the localization of MIs with an accuracy of 100%, although they identified only 5 MI localizations and did not report sensitivity or specificity figures. In the clinical environment, the presence of an MI will lead to complex waveform changes of multi-lead ECG signals, and different patients will have different ECG waveforms. In spite of their impressive results, these studies do not lend themselves well to widespread clinical use because, due to differences between patients, even those with the same pathology, they require manual intervention and in many cases are not able to provide detailed localization data. In comparison with traditional machine learning, deep learning is more effective in recognizing features and is better able to identify features specific to each type of MI, even in the face of variability between patients. The residual network based on multiple scale and the channel attention mechanism in our proposed approach can extract more information and more effectively identify the important features.

TABLE 7
www.frontiersin.org

Table 7. Comparison of MI localization results from recent reports with those from this study.

Furthermore, MI localization algorithms based on deep learning can, in principle, solve the problem of manual feature extraction used in traditional approaches, because feature information can be obtained automatically. Zhang et al. (2019) used the combination of sparse encoder and bagged decision tree to automatically extract the features of single lead ECG signal and obtained accuracy, sensitivity, and specificity of MI localization of 98.88, 99.95, and 99.87%, respectively. Baloglu et al. (2019) used a deep convolutional neural network model to automatically identify 12-lead ECG signals and obtained a positional accuracy of 99.78%. However, although these methods have achieved good performance in MI localization, most of them assume that each lead contributes equally to the results and do not therefore exploit the fact that each lead’s signal contains unique information about the position of the lesion causing the MI.

Unlike the other localization algorithms described in Table 7, the multi-scale ResNet approach based on multi-lead ECG signals proposed in this paper, does not need to extract the wave features prior to locating the MI, and fully considers the similarities and difference amongst different leads to extract their features. Having identified these common features, the SENet model then automatically calculates the weighting for each lead (dependent on the localization of the MI) after feature extraction, using various convolution kernels. The average accuracy, sensitivity and specificity of the proposed method are 99.79, 99.88, and 99.98%, respectively, and it can reliably identify 10 types of MI as well as those patients without an infarction. At the same time, the ECGNet extracts rich feature information at different levels, reduces the number of parameters, and embodies an efficient and concise positioning model. This is enhanced by assigning and considering the weighting of each lead. The results show that the approach is ideal for inferring the localization of an MI from a 12-lead ECG, although further verification with a wide range of clinical data is necessary.

The detection and localization of MI based on deep learning applied to ECG signals proposed in this work has achieved good results, although there are still some limitations. At present, most studies of this type, including this one, are based on public databases. Future work to address this limitation should include an expanded dataset containing more clinical data to improve the generalizability of the model. A second limitation is that the algorithm used by the SENet model relies only on the differences between leads in signal amplitude to identify the various types of myocardial infarction. In future work, we will apply the analysis to different segments of the cardiac cycle, rather than the entire heartbeat.

Conclusion

Computer aided diagnosis of myocardial infarction remains a challenging topic. During the training, the weighting information for the 12-lead is calculated using the SENet model, Grad-CAM algorithm, and combined with clinical and pathological experience of myocardial infarctions. The results of the model are based on the lead level, rather than analysis of each beat, as is the case in other studies. The process automatically extracts relevant feature information, and through the SENet model, automatically learns important features for detecting MI, and by adjusting the weighting of nearby leads achieves an accurate and robust determination of the lesion’s localization. Ten types of myocardial infarction are diagnosed from the 12-lead ECG signals. We conclude that the multi-scale deep learning model based on a residual network and attention mechanism proposed here, is an effective method to detect and locate MI and after further testing and validation on a larger number of cases, will provide a significant addition to the field of automatic ECG-based cardiovascular diagnosis.

Data Availability Statement

Publicly available datasets were analyzed in this study. This data can be found here: https://www.physionet.org/content/ptbdb/1.0.0/.

Ethics Statement

Ethical review and approval was not required for the study on human participants in accordance with the Local Legislation and Institutional Requirements. Written informed consent for participation was not required for this study in accordance with the National Legislation and the Institutional Requirements.

Author Contributions

YC, WL, and LX proposed the scientific problems. YC, WL, SZ, BZ, and HC processed the data and conducted statistical analysis. NG and HH provided guidance on medical science issues. WL, SG, and LX contributed to the revision and final version of the manuscript. All authors reviewed the manuscript and read and approved this submission.

Funding

This work was supported by the National Natural Science Foundation of China (No. 61773110), the Natural Science Foundation of Liaoning Province (Nos. 20170540312 and 2021-YGJC-14), the Basic Scientific Research Project (Key Project) of Liaoning Provincial Department of Education (LJKZ00042021), and Fundamental Research Funds for the Central Universities (No. N2119008). This work was also supported by the Shenyang Science and Technology Plan Fund (Nos. 21-104-1-24, 20-201-4-10, and 201375), Member Program of Neusoft Research of Intelligent Healthcare Technology, Co., Ltd. (No. MCMP062002), Military Medical Science and Technology Youth Cultivation Program Project (No. 20QNPY090), the 2020 Shenyang Science and Technology Plan Project (No. 20-205-4-016), and Top-Notch Military Medical Science and Technology Youth Training Program (No. 20QNPY090).

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s Note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Acknowledgments

We thank the volunteers for providing these valuable data.

Abbreviations

A, anterior; ACC, accuracy; AL, anterior lateral; AS, anterior septal; BN, batch normalization; CNN, convolutional neural networks; ECG, electrocardiogram; Grad-CAM, gradient class activation mapping; I, inferior; IL, inferior lateral; IP, inferior posterior; IPL, inferior posterior lateral; KNN, K-nearest neighbors algorithm; L, lateral; LSTM, long short-term memory; MI, myocardial infarction; P, posterior; PL, posterior lateral; PRE, precision; RNN, recurrent neural networks; SPE, specificity; SVM, support vector machine.

References

Acharya, U. R., Fujita, H., Oh, S. L., Hagiwara, Y., Tan, J. H., and Adam, M. (2017). Application of deep convolutional neural network for automated detection of myocardial infarction using ECG signals. Inf. Sci. 415, 190–198. doi: 10.1016/j.ins.2017.06.027

CrossRef Full Text | Google Scholar

Acharya, U. R., Fujita, H., Sudarshan, V. K., Oh, S. L., Adam, M., Koh, J. E. W., et al. (2016). Automated detection and localization of myocardial infarction using electrocardiogram: a comparative study of different leads. Knowl. Based Syst. 99, 146–156. doi: 10.1016/j.knosys.2016.01.040

PubMed Abstract | CrossRef Full Text | Google Scholar

Arif, M., Malagore, I. A., and Afsar, F. A. (2012). Detection and localization of myocardial infarction using k-nearest neighbor classifier. J.Med. Syst. 36, 279–289. doi: 10.1007/s10916-010-9474-3

CrossRef Full Text | Google Scholar

Baloglu, U. B., Talo, M., Yildirim, O., Tan, R. S., and Acharya, U. R. (2019). Classification of myocardial infarction with multi-lead ECG signals and deep CNN. Pattern Recogn. Lett. 122, 23–30.

PubMed Abstract | Google Scholar

Barmpoutis, P., Dimitropoulos, K., Apostolidis, A., and Grammalidis, N. (2019). Multi-lead ECG signal analysis for myocardial infarction detection and localization through the mapping of Grassmannian and Euclidean features into a common Hilbert space. Biomed. Signal Process. Control 52, 111–119.

Google Scholar

Benjamin, E. J., Virani, S. S., Callaway, C. W., Chamberlain, A. M., Chang, A. R., Cheng, S., et al. (2018). Heart disease and stroke statistics-2018 update: a report from the American heart association. Circulation 137, e67–e492.

Google Scholar

Bhaskar, N. A. (2015). Performance analysis of support vector machine and neural networks in detection of myocardial infarction. Proc. Comput. Sci. 46, 20–30. doi: 10.1016/j.procs.2015.01.043

CrossRef Full Text | Google Scholar

Chang, P. C., Lin, J. J., Hsieh, J. C., and Weng, J. (2012). Myocardial infarction classification with multi-lead ECG using hidden Markov models and Gaussian mixture models. Appl. Soft Comput. 12, 3165–3175.

Google Scholar

Diker, A., Cömert, Z., Avci, E., and Velappan, S. (2018). “Intelligent system based on genetic algorithm and support vector machine for detection of myocardial infarction from ECG signals,” in Proceedings of the 26th Signal Processing and Communications Applications Conference (SIU), (Izmir: IEEE), 1–4.

Google Scholar

Dohare, A. K., Kumar, V., and Kumar, R. (2018). Detection of myocardial infarction in 12 lead ECG using support vector machine. Appl. Soft Comput. 64, 138–147. doi: 10.1016/j.asoc.2017.12.001

CrossRef Full Text | Google Scholar

Fu, L., Lu, B., Nie, B., Peng, Z., Liu, H., and Pi, X. (2020). Hybrid network with attention mechanism for detection and location of myocardial infarction based on 12-lead electrocardiogram signals. Sensors 20:1020. doi: 10.3390/s20041020

PubMed Abstract | CrossRef Full Text | Google Scholar

Goldberger, A. L., Amaral, L. A. N., Glass, L., Hausdorff, J. M., Ivanov, P. C., Mark, R. G., et al. (2000). PhysioBank, PhysioToolkit, and PhysioNet: components of a new research resource for complex physiologic signals. Circulation 101, e215–e220.

Google Scholar

Hannun, A. Y., Rajpurkar, P., Haghpanahi, M., Tison, G. H., Bourn, C., Turakhia, M. P., et al. (2019). Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 25, 65–69.

Google Scholar

He, K., Zhang, X., Ren, S., and Sun, J. (2016). “Deep residual learning for image recognition,” in Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, 770–778.

Google Scholar

Jie, H., Li, S., and Gang, S. (2017). “Squeeze-and-Excitation Networks,” in Proceedings of the IEEE Transactions on Pattern Analysis and Machine Intelligence, Piscataway, NJ, 7132–7141.

Google Scholar

Kumar, M., Pachori, R. B., and Acharya, U. R. (2017). Automated diagnosis of myocardial infarction ECG signals using sample entropy in flexible analytic wavelet transform framework. Entropy 19, 564–573. doi: 10.1016/j.bbe.2018.04.004

CrossRef Full Text | Google Scholar

Le, T. Q., Bukkapatnam, S. T. S., Benjamin, B. A., Wilkins, B. A., and Komanduri, R. (2013). Topology and random-walk network representation of cardiac dynamics for localization of myocardial infarction. IEEE Trans. Biomed. Eng. 60, 2325–2331. doi: 10.1109/TBME.2013.2255596

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, W., Huang, Q., Chang, S., Wang, H., and He, J. (2018). Multiple-feature-branch convolutional neural network for myocardial infarction diagnosis using electrocardiogram. Biomed. Signal Process. Control 45, 22–32. doi: 10.1109/JBHI.2019.2910082

PubMed Abstract | CrossRef Full Text | Google Scholar

Lui, H. W., and Chow, K. L. (2018). Multiclass classification of myocardial infarction with convolutional and recurrent neural networks for portable ECG devices. Inf. Med. Unlocked 13, 26–33.

Google Scholar

Oh, S. L., Ng, E. Y. K., Tan, R. S., and Acharya, U. R. (2019). Automated beat-wise arrhythmia diagnosis using modified U-net on extended electrocardiographic recordings with heterogeneous arrhythmia types. Comput. Biol. Med. 10, 92–101. doi: 10.1016/j.compbiomed.2018.12.012

PubMed Abstract | CrossRef Full Text | Google Scholar

Padhy, S., and Dandapat, S. (2017). Third-order tensor based analysis of multilead ECG for classification of myocardial infarction. Biomed. Signal Process. Control 231, 71–78. doi: 10.1016/j.bspc.2016.07.007

CrossRef Full Text | Google Scholar

Reasat, T., and Shahnaz, C. (2017). “Detection of inferior myocardial infarction using shallow convolutional neural networks,” in Proceedings of the 2017 IEEE Region 10 Humanitarian Technology Conference (R10-HTC), (Dhaka), 718–721.

Google Scholar

Roger, V. L. (2007). Epidemiology of myocardial infarction. Med. Clin. North Am. 91, 537–552.

Google Scholar

Selvaraju, R. R., Cogswell, M., Das, A., Vedantam, R., Parikh, D., and Batra, D. (2017). “Grad-CAM: visual explanations from deep networks via gradient-based localization,” in Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice.

Google Scholar

Sharma, L. D., and Sunkaria, R. K. (2018). Inferior myocardial infarction detection using stationary wavelet transform and machine learning approach. Signal Image Video Process. 12, 199–206. doi: 10.1515/bmt-2020-0329

PubMed Abstract | CrossRef Full Text | Google Scholar

Sharma, L. D., and Sunkaria, R. K. (2020). Myocardial infarction detection and localization using optimal features based lead specific approach. IRBM 41, 58–70. doi: 10.1186/s13054-016-1208-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Sharma, L. N., Tripathy, R. K., and Dandapat, S. (2015). Multiscale energy and eigenspace approach to detection and localization of myocardial infarction. IEEE Trans. Biomed. Eng. 62, 1827–1837. doi: 10.1109/TBME.2015.2405134

PubMed Abstract | CrossRef Full Text | Google Scholar

Sharma, M., Tan, R. S., and Acharya, U. R. (2018). A novel automated diagnostic system for classification of myocardial infarction ECG signals using an optimal biorthogonal filter bank. Comput. Biol. Med. 102, 341–356. doi: 10.1016/j.compbiomed.2018.07.005

PubMed Abstract | CrossRef Full Text | Google Scholar

Strodthoff, N., and Strodthoff, C. (2019). Detecting and interpreting myocardial infarction using fully convolutional neural networks. Physiol. Meas. 40:015001. doi: 10.1088/1361-6579/aaf34d

PubMed Abstract | CrossRef Full Text | Google Scholar

Sun, L., Lu, Y., Yang, K., and Li, S. (2012). ECG analysis using multiple instance learning for myocardial infarction detection. IEEE Trans. Biomed. Eng. 59, 3348–3356. doi: 10.1109/TBME.2012.2213597

PubMed Abstract | CrossRef Full Text | Google Scholar

Tripathy, R. K., Bhattacharyya, A., and Pachori, R. B. (2019a). A novel approach for detection of myocardial infarction from ECG signals of multiple electrodes. IEEE Sensors J. 19, 4509–4517. doi: 10.1109/jsen.2019.2896308

CrossRef Full Text | Google Scholar

Tripathy, R. K., Bhattacharyya, A., and Pachori, R. B. (2019b). Localization of myocardial infarction from multi-lead ECG signals using multiscale analysis and convolutional neural network. IEEE Sensors J. 19, 11437–11448. doi: 10.1109/jsen.2019.2935552

CrossRef Full Text | Google Scholar

Wang, H. M., Zhao, W., Jia, D. Y., Hu, J., Li, Z. Q., Yan, C., et al. (2019). Myocardial infarction detection based on multi-lead ensemble neural network. Annu. Int. Conf. IEEE Eng. Med. Biol. Soc. 2019, 2614–2617. doi: 10.1109/EMBC.2019.8856392

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, H., Ding, C., and Huang, H. (2010). “Multi-label classification: inconsistency and class balanced k-nearest neighbor,” in Proceedings of the 24th AAAI Conference on Artificial Intelligence, Atlanta GA, 24.

Google Scholar

Yao, Q., Wang, R., Fan, X., Liu, J., and Li, Y. (2020). Multi-class arrhythmia detection from 12-lead varied-length ECG using attention-based time-incremental convolutional neural network. Inf. Fusion 53, 174–182. doi: 10.1016/j.inffus.2019.06.024

CrossRef Full Text | Google Scholar

Yuan, Y., and Jia, K. (2019). FusionAtt: deep fusional attention networks for multi-channel biomedical signals. Sensors 19:2429. doi: 10.3390/s19112429

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, J., Lin, F., Xiong, P., Du, H., Zhang, H., Liu, M., et al. (2019). Automated detection and localization of myocardial infarction with staked sparse autoencoder and treebagger. IEEE Access 7, 70634–70642.

Google Scholar

Zhang, Y., and Li, J. (2019). Application of heartbeat-attention mechanism for detection of myocardial infarction using 12-lead ECG records. Appl. Sci. 9:3328. doi: 10.3390/app9163328

CrossRef Full Text | Google Scholar

Zhou, B., Khosla, A., Lapedriza, A., Oliva, A., and Torralba, A. (2016). “Learning deep features for discriminative localization,” in Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV.

Google Scholar

Keywords: myocardial infarction, multi-lead ECG, residual network, attention mechanism, gradient class activation mapping

Citation: Cao Y, Liu W, Zhang S, Xu L, Zhu B, Cui H, Geng N, Han H and Greenwald SE (2022) Detection and Localization of Myocardial Infarction Based on Multi-Scale ResNet and Attention Mechanism. Front. Physiol. 13:783184. doi: 10.3389/fphys.2022.783184

Received: 25 September 2021; Accepted: 05 January 2022;
Published: 28 January 2022.

Edited by:

Linwei Wang, Rochester Institute of Technology, United States

Reviewed by:

Rajesh Kumar Tripathy, Birla Institute of Technology and Science, India
Bing Yao, Oklahoma State University, United States

Copyright © 2022 Cao, Liu, Zhang, Xu, Zhu, Cui, Geng, Han and Greenwald. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Yang Cao, ycao05@cmu.edu.cn; Hongguang Han, 13309883275@163.com

These authors have contributed equally to this work

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.