Next Article in Journal
Comparative Analysis of Robustness and Tracking Efficiency of Maximum Power Point in Photovoltaic Generators, Using Estimation of the Maximum Power Point Resistance by Irradiance Measurement Processing
Next Article in Special Issue
Pain and Stress Detection Using Wearable Sensors and Devices—A Review
Previous Article in Journal
Performance Evaluation of Knitted and Stitched Textile Strain Sensors
Previous Article in Special Issue
Genetic Deep Convolutional Autoencoder Applied for Generative Continuous Arterial Blood Pressure via Photoplethysmography
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Automatic Classification of Myocardial Infarction Using Spline Representation of Single-Lead Derived Vectorcardiography

Institute of Electrical and Computer Engineering, National Chiao-Tung University, Hsinchu 30010, Taiwan
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(24), 7246; https://doi.org/10.3390/s20247246
Submission received: 18 November 2020 / Revised: 13 December 2020 / Accepted: 14 December 2020 / Published: 17 December 2020
(This article belongs to the Special Issue Advanced Signal Processing in Wearable Sensors for Health Monitoring)

Abstract

:
Myocardial infarction (MI) is one of the most prevalent cardiovascular diseases worldwide and most patients suffer from MI without awareness. Therefore, early diagnosis and timely treatment are crucial to guarantee the life safety of MI patients. Most wearable monitoring devices only provide single-lead electrocardiography (ECG), which represents a major limitation for their applicability in diagnosis of MI. Incorporating the derived vectorcardiography (VCG) techniques can help monitor the three-dimensional electrical activities of human hearts. This study presents a patient-specific reconstruction method based on long short-term memory (LSTM) network to exploit both intra- and inter-lead correlations of ECG signals. MI-induced changes in the morphological and temporal wave features are extracted from the derived VCG using spline approximation. After the feature extraction, a classifier based on multilayer perceptron network is used for MI classification. Experiments on PTB diagnostic database demonstrate that the proposed system achieved satisfactory performance to differentiating MI patients from healthy subjects and to localizing the infarcted area.

1. Introduction

Myocardial infarction (MI) has long been recognized as the main cause of death worldwide. According to the data from the World Health Organization (WHO) [1], cardiovascular diseases, including MI, were estimated to account for 31% of deaths worldwide in 2017. In the United States, about 110,000 Americans died of MI in 2015 and the estimated annual incidence of MI is 605,000 new attacks [2]. MI results from an occlusion of the coronary artery and insufficient blood supply to the myocardium. It can be further classified into various subtypes depending on the localization of infarcted area. In clinical setting, MI is diagnosed using 12-lead electrocardiography (ECG) [3] as well as 3-lead vectorcardiography (VCG) [4]. ECG signals are recorded from different locations of the body to capture the three-dimensional view of the human heart. The standard ECG has 12 leads, including six limb leads (I, II, III, aVR, aVL, aVF) and six chest leads ( V 1 to V 6 ). Figure 1 shows the three-dimensional view of 12 standard leads on the x y z -coordinate axis system. According to electrode positioning, the 12 ECG leads can be used to localize different types of MI, such as inferior leads (II, III, aVF), septal leads ( V 1 , V 2 ) , anterior leads ( V 3 , V 4 ) , and lateral leads (I, aVL, V 5 , V 6 ). A typical waveform of the ECG beat consists of a P wave, a QRS-complex, and a T wave. These characteristic waves correspond to the sequence of depolarization and repolarization of the atria and ventricles. ECG signs suggestive of MI include ST-segment deviation or changes in the shapes of Q-wave and T-wave, using which physicians can localize damage to specific areas of the heart. However, it may be noted that 12-lead ECG requires ten electrodes for recording and some of the leads contain redundant information. Instead, VCG requires a minimum of four electrodes and it monitors cardiac electrical activity in three orthogonal planes of the body [5]. Generally, Frank leads ( V x , V y , V z ) scanned in orthogonal xyz axes are used for VCG measurements. The main advantage of VCG is that it uses fewer leads than 12-lead ECG for medical diagnostic applications. Moreover, different studies [6,7,8] have demonstrated that VCG provides a higher sensitivity for the diagnosis of MI as well as ischemic heart diseases. In this study, VCG signal is processed to extract clinically significant features that will allow for MI classification.
MI is also known as a silent heart attack that usually occurs without clear symptoms. Hence, early diagnosis and timely treatment are crucial to improve the recovery rate of MI patients. In recent years, several computer-aided diagnostic methods have been proposed for automatic MI detection and localization [9,10,11,12,13,14,15,16,17,18]. Most of these approaches extract the clinically significant features from the ECG signal and then apply an appropriate classifier in the classification stage. Various informative features have been extracted to represent the ECG beats, such as morphological features [10] as well as frequency and wavelet-based features [11,12]. Moreover, some studies have attempted to use directly measured or derived VCG to identify changes in the VCG morphology such as the QRS and T-wave loops [16,17,18]. For classification, different machine learning algorithms have been investigated, including k-nearest neighbors (KNN) [10,12], artificial neural network (ANN) [11], recurrent neural network (RNN) [13] and convolutional neural network (CNN) [14,15]. Furthermore, several researchers [13,14,15] have proposed end-to-end approaches for MI detection and localization. These methods obviate the need to extract features at the cost of higher computational complexity. ECG abnormalities due to MI may be observed in the ST-segment deviation or changes in the shapes of T-wave and Q-wave. Generally, it is a prerequisite to identify characteristic waves of ECG beats before performing the feature extraction. Although various methods have been proposed for ECG wave delineation [19,20,21,22], they still have some limitations for characterization of MI beats. To address this constraint, we apply spline curve fitting [23,24] to the entire heartbeat to model all of the characteristic waves and use fitted coefficients as features. The advantage of using the entire heartbeat is that the QRS complexes and P and T waves can be included in the curve fitting so that poor quality features resulting from delineation errors can be avoided. Moreover, the VCG signal is semiperiodic in nature and has numerous clinically relevant turning points in each heartbeat. Such signals require a higher-order polynomial to fit, leading to severe oscillations of the fitted curve which cause the overfitting problem [25]. By contrast, the spline’s flexibility in approximating curves with different degrees of smoothness at different locations is ideal for representing the semiperiodic VCG signal.
Another problem which requires further investigation is to test the feasibility of single-lead ECG in classifying different types of MI. Several wearable devices which use single-lead ECG to facilitate continuous ambulatory monitoring have recently appeared on the market [26]. While these devices make regular ECG recording possible, their practical applicability for cardiac diagnostics remain limited. This is because physicians need checking ECG patterns to diagnose by correlating information from two or more ECG leads. For example, abnormalities in chest leads ( V 1 to V 4 ) are suggestive of a problem in the posterior wall of the heart and no abnormalities will be detected by a single lead [27]. The ability to transform from single-lead ECG to 12-lead ECG enables the wider use of wearable devices for clinical diagnostic applications. However, prior attempts to synthesize 12-lead ECG or 3-lead VCG from a single lead have not been successful. Most existing lead transformation approaches require at least two synchronously acquired leads [28,29,30,31,32,33,34,35,36,37,38,39,40], hampering their applicability to the present context. This has motivated our investigation into trying to synthesize the 3-lead VCG from single-lead ECG signal. Since lead I is provided by most wearable devices, we propose a derived VCG system by considering the lead I ECG signal as input and three Frank leads as output of the system.
A lot of emphases have been recently put on derived ECG systems due to the increasing demand of personalized healthcare applications. The methods of lead synthesis can be categorized in terms of reconstruction algorithms and lead configuration. The lead configuration for ECG synthesis can be divided into two groups: use of subsets of 12-lead ECG [28,29,30,31] and use of Frank VCG leads [32,33,34,35,36,37,38,39,40]. A common assumption in previous works was that the heart-torso electrical system is linear and quasi-static, which allows for the use of linear transformation to derive the 3-lead VCG from reduced-lead set of the 12-lead ECG. These can either be patient-specific or generic transformation of which the former is learned using data from a single patient, while the latter requires data from a group of patients. Previous studies have shown the possibility to derive the 12-lead ECG from the three Frank XYZ leads through Dower transformation [34] and vice versa through the inverse Dower transformation [35]. Similarly, Kors et al. [36] derived the transformation matrix using the regression analysis method. In [37], Dawson et al. derived the linear affine transformation between 3-lead VCG and 12-lead ECG, which achieved higher accuracy than Kors and inverse Dower transformation. Another strategy can be seen in [31,32], where nonlinear methods such as ANN were used to synthesize the 12-lead ECG and 3-lead VCG from leads I, II, and V 2 . It was found that nonlinear transformation are appropriate for ECG data with diversity resulting from variation in individuals and measurement positions. A weakness for majority of the reviewed methods is that they only exploited the inter-lead correlation between spatially aligned samples of the lead signals. It is important to note that, in addition to spatially correlated information in different leads, temporally correlated information can also be found between different waves within a single lead. System design approaches that consider both intra- and inter-lead correlation are expected to provide better solutions to the VCG synthesis problem. This task can be accomplished by using RNN [41] as it can use the learning capabilities of ANN and could further improve it by representing the spatio-temporal correlations between the lead signals. In this work, we proposed a patient-specific transformation for VCG synthesis by applying a long short-term memory (LSTM) network [42] with sliding window approach.
This study focuses on two issues: synthesis of 3-lead VCG and extraction of VCG features, to develop an MI classifier that is suitable for wearable devices with only a single lead recording. The first part of this study focuses on developing a method of VCG reconstruction from lead I ECG using a LSTM network to exploit both intra- and inter-lead correlations of ECG signals. The second part of this study develops a novel spline framework for parametrically representing the derived Frank lead signals. After extracting features by the spline approximation, a classifier is used for the classification of healthy and 11 types of MI.

2. Methods

This study proposes a new method for automatic MI classification using the single-lead derived VCG. As shown in Figure 2, the proposed method consists of four stages, i.e., preprocessing, VCG synthesis, feature extraction, and classification. The raw ECG signals are preprocessed to remove various kinds of noise associated with them. Next, a patient-specific reconstruction method is used to synthesize the 3-lead VCG from lead I ECG. In the feature extraction stage, the clinically significant features are extracted from three derived Frank leads that quantify the VCG abnormalities due to MI. Later in the classification stage, the most likely ECG class has to be predicted from the analysis of the feature data.

2.1. Preprocessing

The raw ECG signal is typically contaminated by high-frequency noises caused by power-line interference, electromyographic noises due to muscle activity, motion artifacts caused by patient’s movements, and radio frequency noises from other equipments. Moreover, baseline wander is low-frequency (0–0.5 Hz) interference in the ECG signal caused by respiration, body movement and changes in electrode impedance. These noises degrade the quality of ECG signals and introduce ambiguity in the MI classification. Hence, the preprocessing is generally performed to to remove various types of noises associated with the input signal. The guidelines for the standardization and interpretation of ECG, published by the American Heart Association [43], advise using a cutoff frequency of 0.05 Hz for the high-pass filter and 150 Hz for the low-pass filter in adults. Thus, in this study, the raw ECG signal is down-sampled to 500 Hz and then filtered using a band-pass filter with a bandwidth between 0.5 and 150 Hz to remove noise and baseline wander. A similar approach has been used in several other studies [16,44].

2.2. VCG Synthesis

Synthesis of 3-lead VCG from reduced-lead set of 12-lead ECG [32,35,36,37,38,39,40] has been investigated in the past to satisfy the need for more wearing comfort and ambulatory situations. Most methods [35,36,37,38,39,40] are based on linear transformation and the differences between them are in coefficients of transformation matrices. In [32], Vozda et al. used nonlinear methods such as ANN to synthesize the 3-lead VCG from quasi-orthogonal leads I, II, and V 2 . Most current approaches to VCG synthesis focus on the inter-lead correlation, with less emphasis placed on the intra-lead correlation. The ECG signals from leads I, V x , V y , and V z are shown in Figure 3. It can be observed that, in addition to spatially correlated information in different leads, temporally correlated information can also be found between different waves within a single lead. The lead signals are narrow angle projections of the same electric heart vector and hence correlations can be found among the signals of various leads. Moreover, the cardiac cycle is quasi-periodic in nature and hence intra-correlations are evident between different characteristic waves. A model which can simultaneously learn the intra- and inter-lead correlations of ECG signals is expected to further improve the reconstruction accuracy. This is because synthesizing a VCG lead essentially involves estimating morphology of the waveform and timings of the characteristic waves. The morphology information holds significant similarity within a lead and hence it can be obtained by exploiting the intra-lead correlation. Similarly, inter-lead correlation can be used to derive the temporal information because timings of the characteristic waves are highly correlated between synchronously recorded leads. This can be achieved by using RNN [41] based models as they can combine information from the present and previous inputs to decide the present output. Recognizing this, we propose a patient-specific VCG synthesis method based on a sliding-window approach together with LSTM network [42]. At the model estimation stage, the LSTM parameters were estimated for each individual by considering the lead I ECG as input and Frank XYZ leads as output of the model.
The LSTM network is commonly used for time series modeling because it solves the gradient vanishing problem by incorporating gate units and memory cells. In an LSTM, the error information is preserved and is back-propagated through the layers which essentially helps the model to learn over a large number of time-steps. The system architecture of the proposed VCG synthesizer is shown in Figure 4. The system starts by applying a sliding window which spreads a segment of currently available lead I data across the input neurons of LSTM. Then, we use an LSTM network to reconstruct three Frank leads by applying a transformation based on the data series in each window. Let x t denote the lead I ECG data at time t and let y t ( 1 ) , y t ( 2 ) , y t ( 3 ) denote the Frank X, Y, Z lead data, respectively. For a sliding window of size L, suppose that the pair ( s t , y t ) at time t contains the data series s t = { x t L + 1 , x t L + 2 , , x t } and its corresponding target output y t = { y t ( 1 ) , y t ( 2 ) , y t ( 3 ) } . Given a set of T training data pairs { ( s t , y t ) , t = 1 , 2 , , T } , learning the derived VCG model consists of finding a function F which minimizes the mean square error between the original signal y t and its reconstructed signal y ^ t = F ( s t ) . Proceeding in this way, we transform the VCG synthesis problem into a supervised learning problem.
An LSTM model has the units composed of a memory cell, an input gate, an output gate and a forget gate. The structure of the LSTM unit is shown in Figure 5. An LSTM unit computes a mapping from the input x t to output y t by calculating the network unit activations using eq:Equation 1eq:Equation 5 iteratively from t = 1 to T.
f t = σ ( W f x t + U f h t 1 + b f )
i t = σ ( W i x t + U i h t 1 + b i )
c t = f t c t 1 + i t tanh ( W c x t + U c h t 1 + b c )
o t = σ ( W o x t + U o h t 1 + b o )
y t = h t = o t tanh ( c t )
where W, U, and b denote the weight matrices and bias vectors which need to be learned during training. The operator ∘ denotes the element-wise product and σ is the sigmoid function. c t is the cell state, h t is the hidden state, and f t , i t , o t represent the forget gate, input gate and output gate, respectively. A series of experiments were performed to optimize the LSTM topology used for the VCG synthesizer. The networks with 1, 2, and 3 hidden layers and different number of neurons in hidden layers were tested. It was found that a network with two hidden layers and 30 neurons in each hidden layer achieved the best accuracy of transformation. The LSTM was trained using backpropagation through time (BPTT) algorithm [45], combined with the stochastic gradient descent algorithm. Adam optimizer was used in the model fine-tuning phase to further determine the LSTM parameters. Selected through iterative experiments, a time-step of 1, a mini-batch size of 128, and an epoch number of 300 were used to minimize the mean square error of the VCG synthesizer.

2.3. Feature Extraction

In the feature extraction stage, Frank XYZ leads of the derived VCG were individually processed in the following steps. First, we detect the R peak in each QRS complex using the Pan-Tompkins algorithm [20] and split the signals into heartbeat segments between two neighboring R peaks. Since the heartbeats may have different lengths, each heartbeat is period normalized to a fixed length of 400 samples via cubic spline interpolation. This choice was based on the observation that the average heartbeat length is about 0.8 s, which corresponds to 400 samples for a sampling frequency of 500 Hz. To make different lead signals comparable to each other, the min-max normalization was applied to scale both the amplitude and time in the range of [0,1], as described in [46]. For the i-th heartbeat with length N i , let α i = N i / 400 denote the time scaling factor and let β i ( 1 ) , β i ( 2 ) , β i ( 3 ) denote the amplitude scaling factor of Frank X, Y, Z lead, respectively. Once the heartbeats have been segmented and normalized, spline curve fitting [23] is applied to the entire heartbeat to model all of the characteristic waves and fitted coefficients are used as VCG representing features. Two advantages are provided. First, by using the entire beat, the method not only obviates the need for ECG wave delineation but also provides better representation of all regions of ECG beats for MI classification. Second, splines provide an efficient and accurate representation of VCG signals with semiperiodic patterns. VCG signals are a special type of semiperiodic signal which exhibits different degrees of smoothness in different intervals. Such signals require a higher-order polynomial to fit, leading to severe oscillations of the fitted curve which cause the overfitting problem [25]. To address this problem, we develop a framework for an efficient representation of Frank lead signals using splines.
Splines are piecewise polynomial approximations of a signal defined by constraint points on each piecewise segment known as knots. Since VCG signal has numerous clinically relevant turning points, the spline represented as a linear combination of p-degree B-spline basis function has been chosen as the approximation function. The knot vector { ζ j } 0 m = { ζ j , 0 j m } is a non-decreasing sequence, where the first ( p + 1 ) knots are all equal to 0.0025 and the last ( p + 1 ) knots are all equal to 1. The knots from ζ p + 1 to ζ m p 1 correspond to interior knots which are generated via the knot averages [25] according to Equation (6).
ζ k = ( τ k + 1 + τ k + 2 + + τ k + p ) p , p + 1 k m p 1
where { τ p + 1 , τ p + 2 , , τ m } is an arithmetic sequence with the first term τ p + 1 = 0.0025 and the last term τ m = 1 . The spline curve approximation can be expressed in the form of Equation (7).
u ( t ) = i = 0 n a i B i , p ( t ) ,
where n = m p 1 and a i represents the i-th B-spline coefficient. B i , p ( t ) denotes the i-th p-degree B-spline basis function which is computed recursively [25] using Equations (8) and (9).
B i , 0 ( t ) = 1 , ζ i t ζ i + 1 0 , otherwise
B i , j ( t ) = t ζ i ζ i + j ζ i B i , j 1 ( t ) + ζ i + j + 1 t ζ i + j + 1 ζ i B i + 1 , j 1 ( t )
The vector of coefficients { a i , 0 i n } is calculated by using the least square spline approximation. Generally, the B-spline approximation of VCG signal yielded better performance with an increase in the value of n. Figure 6 shows the original heartbeat and the spline fitting curve with n = 23 using one MI sample and one healthy sample. Experimentally, it was found that the use of n = 15 gives a good trade-off between computational efficiency and the quality of fit. Each normalized heartbeat is transformed into 16 features { a 0 , a 1 , , a 15 } , and three VCG leads during the time of a given heartbeat have 48 features. Together with the time scaling factor α i and amplitude scaling factors { β i ( 1 ) , β i ( 2 ) , β i ( 3 ) } , the complete heartbeat of 3-lead VCG is transformed as a 52-dimensional feature vector.

2.4. Classification

The system performance of MI classification depends critically on the underlying classifier, which builds a model of how to best predict which class a test ECG beat belongs. In this study, a classifier based on multilayer perceptron network (MLP) is used for classification into 12 classes of ECG beats. The MLP is a class of feedforward ANN model and widely used in many fields, such as object recognition, pattern classification, and biological data analysis. Among the reasons for this popularity are its nonlinearity, parallelism, learning and generalization capabilities [47]. A MLP is a network composed of parallel layers of neurons. In building MI classifiers, the input layer receives spline-fitted features from the derived VCG, and the output layer provides the predicted ECG classes. The relations between the input and output layers are expressed through the weights and biases of the hidden layer. All of the weights were initialized to small random numbers and then subjected to incremental changes by the error backpropagation algorithm based on the cross-entropy loss function [48]. To optimize the classifier design, we tested the MLP with 1, 2, and 3 hidden layers and the number of neurons in each hidden layer was tuned by a grid search from 50 to 500 in steps of 25. Based on the results, we chose the MLP network with 52 input nodes (one for each spline-fitted feature), 12 output nodes (one for each ECG class) and two hidden layers which had 300 and 275 nodes, respectively. To describe the intensity of neural firing, a neuron output was generally obtained by applying an activation function to the weighted sum of its inputs. Due to its ability to enable fast training, the rectified linear unit (ReLU) activation function [47] was used for the hidden layer. However, the ReLU nonlinearity is not applicable for the activation of the present output-layer neurons because their respective output values represent a categorical probability distribution. With this consideration, we applied the softmax function for the output layer to generate values which are in the unit interval and summed to one. Since MI diagnosis involves the simultaneous discrimination of several ECG classes, we considered the one-hot encoding [49] scheme for solving the categorical data classification problem. Specifically, the MLP outputs are represented as binary vectors, each vector consists of 0 s in all cells with the exception of a single 1 in an entry corresponding to the most likely class.

3. Evaluation Parameters

In this study, ECG records were taken from the Physikalisch-TechnischeBundesanstalt (PTB) [50] diagnostic database. The PTB database consists of 549 ECG records from 290 subjects and each record contains 12 ECG leads and 3 Frank VCG leads. From the database, a total of 26,080 heartbeats from 52 healthy subjects and 143 MI patients were included in the analysis. Table 1 shows the number of heartbeats for each type of MI and healthy subjects in this study. These data were further divided into 12 classes of ECG beats: anterior (AMI), anterior-lateral (ALMI), anterior-septal (ASMI), anterior-septal-lateral (ASLMI), inferior (IMI), inferior-lateral (ILMI), inferior-posterior (IPMI), inferior-posterior-lateral (IPLMI), lateral (LMI), posterior (PMI), posterior-lateral (PLMI), and healthy control (HC).
Root-mean-square-error (RMSE) and correlation coefficient (CC) were chosen to test the accuracy of derived VCG by the individual methods in relation to the measured VCG. RMSE measures the similarity of two recordings and it is defined as Equation (10), where V is the original value of the measured VCG, V ^ is the value of the derived VCG, and N is the number of samples. Instead, CC is a statistic that measures the correlation between two recordings, which is defined in Equation (11).
R M S E = 1 N i = 1 N ( V i V ^ i ) 2
C C = i = 1 N V i · V ^ i i = 1 N V i 2 i = 1 N V ^ i 2
To test the feasibility of the proposed MI classifiers, the performance analysis is based on the accuracy (ACC), sensitivity (SEN), and specificity (SPE) represented in the form of confusion matrix [51]. These performance metrics are related to the number of true positives (TP), true negatives (TN), false positives (FP), and false negatives (FN). The accuracy is the proportion of correctly classified samples to the total number of samples, and it is defined as Equation (12). Sensitivity, defined in Equation (13), measures the proportion of positives that are correctly identified. Instead, specificity measures the proportion of negatives that are correctly identified and defined as Equation (14).
A C C = T P + T N T P + F P + T N + F N
S E N = T P T P + F N
S P E = T N F P + T N

4. Results

Computer simulations were conducted to evaluate the validity of the proposed method in differentiating 11 types of MI and healthy subjects. A preliminary experiment was first conducted to examine the performance dependence of VCG synthesis on the sliding window size L employed in constructing the LSTM models. In this experiment, ECG recordings from 20 HC subjects and 20 MI patients were used. Table 2 presents the RMSE and CC between measured and derived Frank XYZ leads. Based on the results, we empirically chose L = 150 in the sequel.
We next compare the reconstruction performance of using MLP [32] and LSTM for learning the derived VCG models. All the experiments were based on the evaluation of RMSE and CC and experimental results were obtained by five-fold cross-validation. ECG recordings from 52 HC subjects are denoted as dataset DS1, and ECG recordings from 143 MI patients are denoted as dataset DS2. For comparison purposes, the MLP consists of one input layer with 150 neurons, one output layer with three neurons, two hidden layers and 150 neurons per hidden layer. The results of VCG synthesis by five-fold cross-validation are presented in Table 3. The results clearly demonstrate that the LSTM is preferred to MLP for use in constructing the VCG synthesizer because the LSTM can exploit both intra- and inter-lead correlations of ECG signals. Further analysis indicates that the average CC of three Frank leads using LSTM were 0.9943 and 0.9807 for dataset DS1 and DS2, respectively, suggesting that the MI patient data was less accurately reconstructed than HC subjects. Visual inspection of the reconstructed signals showed that the derived VCG signals were not significantly different from the measured signals. A typical example for measured and derived Frank XYZ leads is depicted in Figure 7.
Next, we assess the performance of MLP classifiers for the classification of normal and 11 MI classes. One problem with the PTB database is the high imbalance between the number of heartbeats belonging to each ECG class. Training an MLP classifier with unbalanced data usually leads to a certain bias towards the majority class. Recognizing this, we applied the Synthetic Minority Over-sampling Technique (SMOTE) [52] before starting the training process. Moreover, we used 5-fold cross-validation technique to train and test the MLP classifiers. We began testing the MLP classifiers for the situation where MI classes were identified solely by means of single-lead feature data. The classification performance for each ECG class is summarized in Table 4. Simulation results indicated that using lead I yielded an overall accuracy of 50.72 % , suggesting that it cannot provide sufficient cues for reliable classification. To elaborate further, we show in Table 5 the confusion matrix of all the 12 classes for lead I ECG beats. It was found that the notably low classification accuracy can be attributed to the high confusions made across anterior MI group (AMI, ALMI, ASMI, ASLMI) and inferior MI group (IMI, ILMI, IPMI, IPLMI). For instance, 14.71 % of the ECG beats notated in ASMI were classified as representing IMI and 8.84 % of the IMI beats were classified as being ASMI. Furthermore, results indicate that derived Frank leads V ^ y and V ^ z are preferred to lead I ECG for use in constructing the MI classifier. Notably, the use of lead V ^ z yielded an overall accuracy of 82.09 % , compared with 50.72 % for lead I and 81.45 % for V ^ y . The confusion matrices obtained using derived Frank lead V ^ y and V ^ z are shown in Table 6 and Table 7, respectively. Further analysis indicates that anterior and inferior MI groups are dominant in the MI groups that benefited the most from exploitation of derived VCG leads. In case of inferior MI group, the average sensitivity has increased from 56.9 % in lead I to 87.1 % in lead V ^ y . Similarly in case of anterior MI group, average sensitivity obtained for lead I and V ^ z is 60.25 % and 88.9 % , respectively. We speculate that this might be attributed to the difference in closeness between Frank leads and 12 ECG leads. Support for such a speculation can be found in [39], where the authors showed that Frank lead V y is most likely associated with inferior leads (II, III, aVF), and Frank lead V z is closest to subset of anteroseptal leads ( V 1 , V 2 , V 3 ) . We can also see from Figure 1 that leads V 1 , V 2 and V 3 are located near the negative Z-axis in the sagittal plane. Similarly, it can be found that leads II, III and aVF are oriented along the Y-axis.
Next, we examine whether combining multiple derived Frank leads would improve the classification performance. Table 8 shows the MLP classifier results for healthy and 11 types of MI ECG beats obtained using various lead configurations. Our proposed method yielded the best performance with an overall accuracy of 99.15 % , sensitivity of 99.16 % and specificity of 99.92 % in MI classification, by using 52 features obtained from the derived Frank XYZ leads. The results also indicate that the ability of derived VCG to correctly identify the MI classes is almost identical to that of measured VCG. Table 9 shows the confusion matrix of all classes obtained using MLP classifier on the derived Frank XYZ leads. A comparison between Table 5 and Table 9 indicates that the improvement can be seen in the following areas. First, the derived VCG can reduce a significant portion of confusions across anterior and inferior MI groups. For instance, only 0.15 % of ECG beats notated in ASMI were misclassified as representing IMI, the corresponding value for lead I being 14.71 % . Second, the derived VCG significantly increased the sensitivity of healthy subjects to 99.68 % , compared with 58.78 % for lead I, 78.99 % for V ^ y , and 80.21 % for V ^ z . The results clearly demonstrate that MI classification by computational means is significantly improved when clinically significant features relating to the derived VCG are taken into account.

5. Discussion

In recent years, numerous approaches were proposed to identify various types of MI from ECG records. The numbers of ECG leads and MI classes are important factors correlated with diagnosis efficiency, and should be noted when comparing their relative performances. Table 10 summarizes the studies employing different techniques in MI classification with the same PTB database. Arif et al. [10] used 12 lead ECG signal and time domain features such as T-wave amplitude, Q-wave and ST-level elevation, reporting overall accuracy of 98.8 % on ten different MI classes with a KNN classifier. Alternatively, Noorian et al. [11] used ANN classifier and wavelet coefficients as features extracted from the derived VCG. Acharya et al. [12] have evaluated ten MI classes with 12 types of nonlinear features based on wavelet transform. They obtained an accuracy of 98.74%, sensitivity of 99.55 % , and specificity of 99.16 % by only using lead V3 ECG signal. Lui et al. [13] combined the power of CNN and RNN, and achieved 92.4 % sensitivity and 97.7 % specificity for classification of MI as well as other cardiovascular diseases. Baloglu et al. [14] proposed an end-to-end approach based on deep CNN and reported an overall accuracy of 99.78 % by using 12 lead ECG signal for classification into 11 types of ECG beats. In [15], a multi-lead attention mechanism integrated with CNN and bidirectional gated recurrent unit was applied for MI classification based on six classes of 12-lead ECG records, namely HC, AMI, ALMI, ASMI, IMI, and ILMI. Towards addressing the challenges in identifying MIs using wearable devices, our work, as well as some earlier studies [12,13], was focused on single-lead rather than 12-lead exploration. Results reported in this paper are generally better than those of MI classifiers in the literature, with its performance only slightly lower than that of [14]. However, our proposed method applies single-lead derived VCG for classification into 12 types of ECG beats, in which ASLMI with larger necrotic area is ignored in [14]. Overall, the proposed method obtained an accuracy of 99.15 % , sensitivity of 99.16 % and specificity of 99.92 % . With this performance, our proposed model has the potential to provide an early and accurate diagnosis of MI in wearable ECG monitoring devices.

6. Conclusions

This paper proposed a new method for automatic MI classification using single-lead derived VCG. We first emphasized the importance of exploiting both intra-lead and inter-lead correlation for learning the derived VCG models. This task was accomplished by using a patient-specific transformation based on LSTM network with sliding window approach. Performance is further enhanced by using B-spline curve fitting to extract clinically significant features from the three derived Frank leads. After feature extraction, a classifier based on MLP network is used for classification into 12 types of ECG beats. Combined performance from 52 healthy subjects and 143 MI patients demonstrate the validity of the proposed MI classification system with an accuracy of 99.15 % , sensitivity of 99.16 % and specificity of 99.92 % .

Author Contributions

Conceptualization, W.-W.C. and J.-T.C.; methodology, Y.-H.C. and C.-L.H.; software, Y.-H.C. and C.-L.H.; writing-original draft preparation, Y.-H.C. and W.-W.C.; writing-review and editing, W.-W.C. and J.-T.C.; visualization, Y.-H.C. and C.-L.H.; supervision, W.-W.C. and J.-T.C. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the Ministry of Science and Technology, Taiwan, under Grant MOST 109-2634-F-009-024.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Kaptoge, S.; Pennells, L.; De Bacquer, D.; Cooney, M.T.; Kavousi, M.; Stevens, G.; Riley, L.M.; Savin, S.; Khan, T.; Altay, S. World Health Organization cardiovascular disease risk charts: Revised models to estimate risk in 21 global regions. Lancet Glob. Health 2019, 7, e1332–e1345. [Google Scholar] [CrossRef] [Green Version]
  2. Benjamin, E.J.; Muntner, P.; Alonso, A.; Bittencourt, M.S.; Callaway, C.W.; Carson, A.P.; Chamberlain, A.M.; Chang, A.R.; Cheng, S.; Das, S.R.; et al. Heart disease and stroke statistics-2019 update: A report from the American Heart Association. Circulation 2019, 139, e56–e528. [Google Scholar] [CrossRef] [PubMed]
  3. Plonsey, J.M. 12-lead ECG system. Bioelectromagnetism 1995, 15, 23–34. [Google Scholar]
  4. Frank, E. An accurate clinically practical system for spatial vectorcardiography. Circulation 1956, 13, 737–749. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Ghista, D.N.; Acharya, R.; Nagenthiran, T. Frontal plane vectorcardiograms: Theory and graphics visualization of cardiac health status. J. Med. Syst. 2010, 34, 445–458. [Google Scholar] [CrossRef] [PubMed]
  6. Bortolan, G.; Christov, I. Myocardial infarction and ischemia characterization from T-loop morphology in VCG. Comput. Cardiol. 2001, 633–636. [Google Scholar] [CrossRef]
  7. Ge, D. Detecting myocardial infarction using vcg leads. In Proceedings of the 2008 International Conference on Bioinformatics and Biomedical Engineering, Shanghai, China, 16–18 May 2008; pp. 2217–2220. [Google Scholar] [CrossRef]
  8. Panagiotou, C.; Dima, S.-M.; Mazomenos, E.B.; Rosengarten, J.; Maharatna, K.; Gialelis, J.; Morgan, J. Detection of myocardial scar from the vcg using a supervised learning approach. Annu. Int. Conf. IEEE Eng. Med. Biol. Soc. 2013, 7326–7329. [Google Scholar] [CrossRef] [Green Version]
  9. Ansari, S.; Farzaneh, N.; Duda, M.; Horan, K.; Anderson, H.B.; Goldberger, Z.D.; Nallamothu, B.K.; Najarian, K. A review of automated methods for detection of myocardial ischemia and infarction using electrocardiogram and electronic health records. IEEE Rev. Biomed. Eng. 2017, 10, 264–298. [Google Scholar] [CrossRef]
  10. Arif, M.; Malagore, I.A.; Afsar, F.A. Detection and localization of myocardial infarction using k-nearest neighbor classifier. J. Med. Syst. 2012, 36, 279–289. [Google Scholar] [CrossRef]
  11. Noorian, A.; Dabanloo, N.J.; Parvanch, S. Wavelet based method for localization of myocardial infarction using the electrocardiogram. Proc. Comput. Cardiol. 2014, 2014, 645–648. [Google Scholar]
  12. Acharya, U.R.; Fujita, H.; Sudarshan, V.K.; Oh, S.L.; Adam, M.; Koh, J.E.W.; Tan, J.H.; Ghista, D.N.; Martis, R.J.; Chua, C.K.; et al. Automated detection and localization of myocardial infarction using electrocardiogram: A comparative study of different leads. Knowl. Based Syst. 2016, 99, 146–156. [Google Scholar] [CrossRef]
  13. Lui, H.W.; Chow, K.L. Multiclass classification of myocardial infarction with convolutional and recurrent neural networks for portable ECG devices. Informat. Med. Unlocked 2018, 13, 26–33. [Google Scholar] [CrossRef]
  14. Baloglu, U.B.; Talo, M.; Yildirim, O.; Tan, R.S.; Acharya, U.R. Classification of myocardial infarction with multi-lead ECG signals and deep CNN. Pattern Recognit. Lett. 2019, 122, 23–30. [Google Scholar] [CrossRef]
  15. Fu, L.; Lu, B.; Nie, B.; Peng, Z.; Liu, H.; Pi, X. Hybrid network with attention mechanism for detection and location of myocardial infarction based on 12-lead electrocardiogram signals. Sensors 2020, 20, 1020. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Correa, R.; Arini, P.; Valentinuzzi, M.E.; Laciar, E. Novel set of vectorcardiographic parameters for the identification of ischemic patients. Med. Eng. Phys. 2013, 35, 16–22. [Google Scholar] [CrossRef] [PubMed]
  17. Yang, H.; Bukkapatnam, S.T.S.; Le, T.; Komanduri, R. Identification of myocardial infarction (MI) using spatio-temporal heart dynamics. Med. Eng. Phys. 2012, 34, 485–497. [Google Scholar] [CrossRef]
  18. Aranda, A.; Bonizzi, P.; Karel, J.; Peeters, R. Performance of Dower’s inverse transform and Frank lead system for identification of myocardial infarction. Annu. Int. Conf. IEEE Eng. Med. Biol. Soc. 2015, 4495–4498. [Google Scholar] [CrossRef]
  19. Banerjee, S.; Gupta, R.; Mitra, M. Delineation of ECG characteristic features using multiresolution wavelet analysis method. Measurement 2012, 45, 474–487. [Google Scholar] [CrossRef]
  20. Pan, J.; Tompkins, W.J. A real-time QRS detection algorithm. IEEE Trans. Biomed. Eng. 1985, 32, 230–236. [Google Scholar] [CrossRef]
  21. Chen, C.L.; Chuang, C.T. A QRS detection and R point recognition method for wearable single-lead ECG devices. Sensors 2017, 17, 1969. [Google Scholar] [CrossRef] [Green Version]
  22. Zhang, Q.; Manriquez, A.I.; Medigue, C.; Papelier, Y.; Sorine, M. An algorithm for robust and efficient location of T-wave ends in electrocardiograms. IEEE Trans. Biomed. Eng. 2006, 53 Pt 1, 2544–2552. [Google Scholar] [CrossRef]
  23. DeBoor, C. A Practical Guide to Splines; Springer: New York, NY, USA, 2001. [Google Scholar]
  24. Guilak, F.G.; McNames, J. A Bayesian-optimized spline representation of the electrocardiogram. Physiol. Meas. 2013, 34, 1467–1482. [Google Scholar] [CrossRef] [PubMed]
  25. Dung, V.T.; Tjahjowidodo, T. A direct method to solve optimal knots of B-spline curves: An application for non-uniform B-spline curves fitting. PLoS ONE 2017, 12. [Google Scholar] [CrossRef] [PubMed]
  26. Baig, M.M.; Gholamhosseini, H.; Connolly, M.J. A comprehensive survey of wearable and wireless ECG monitoring systems for older adults. Med. Biol. Eng. Comput. 2013, 51, 485–495. [Google Scholar] [CrossRef] [PubMed]
  27. Hong, S.; Zhou, Y.; Shang, J.; Xiao, C.; Sun, J. Opportunities and challenges of deep learning methods for electrocardiogram data: A systematic review. Comput. Biol. Med. 2020, 122, 103801. [Google Scholar] [CrossRef] [PubMed]
  28. Sohn, J.; Yang, S.; Lee, J.; Ku, Y.; Kim, H.C. Reconstruction of 12-lead electrocardiogram from a 3-lead patch-type device using a LSTM network. Sensors 2020, 20, 3278. [Google Scholar] [CrossRef] [PubMed]
  29. Tomasic, I.; Trobec, R. Electrocardiographic systems with reduced numbers of leads-synthesis of the 12-lead ECG. IEEE Rev. Biomed. Eng. 2014, 7, 126–142. [Google Scholar] [CrossRef]
  30. Nelwan, S.P.; Kors, J.A.; Meij, S.H.; Van Bemmel, J.H.; Simoons, M.L. Reconstruction of the 12-lead electrocardiogram from reduced lead sets. J. Electrocardiol. 2004, 37, 11–18. [Google Scholar] [CrossRef]
  31. Atoui, H.; Fayn, J.; Rubel, P. A novel neural-network model for deriving standard 12-lead ECGs from serial three-lead ECGs: Application to self-care. IEEE Trans. Inf. Technol. Biomed. 2010, 14, 883–890. [Google Scholar] [CrossRef]
  32. Vozda, M.; Peterek, T.; Cerny, M. Novel Method for Deriving Vectorcardiographic Leads Based on Artificial Neural Networks. In Proceedings of the 41st International Congress on Electrocardiol, Bratislava, Slovakia, 4–7 June 2014. [Google Scholar]
  33. Jaros, R.; Martinek, R.; Danys, L. Comparison of different electrocardiography with vectorcardiography transformations. Sensors 2019, 19, 3027. [Google Scholar] [CrossRef] [Green Version]
  34. Dower, G.E.; Machado, H.B.; Osborne, J.A. On deriving the electrocardiogram from vectorcardiographic leads. Clin. Cardiol. 1980, 3, 87–95. [Google Scholar] [CrossRef] [PubMed]
  35. Edenbrandt, L.; Pahlm, O. Vectorcardiogram synthesized from 12-lead ECG: Superiority of the inverse Dower matrix. J. Electrocardiol. 1988, 21, 361–367. [Google Scholar] [CrossRef]
  36. Kors, J.; van Herpen, G.; Sittig, A.; Bemmel, J. Reconstruction of the Frank vectorcardiogram from standard electrocardiographic leads: Diagnostic comparison of different methods. Eur. Heart J. 1990, 11, 1083–1092. [Google Scholar] [CrossRef] [PubMed]
  37. Dawson, D.; Yang, H.; Malshe, M.; Bukkapatnam, S.T.S.; Benjamin, B.; Komanduri, R. Linear affine transformations between 3-lead (Frank XYZ leads) vectorcardiogram and 12-lead electrocardiogram signals. J. Electrocardiol. 2009, 42, 622–630. [Google Scholar] [CrossRef]
  38. Vozda, M.; Cerny, M. Methods for derivation of orthogonal leads from 12-lead electrocardiogram: A review. Biomed. Signal Process. Control 2015, 19, 23–24. [Google Scholar] [CrossRef]
  39. Maheshwari, S.; Acharyya, A.; Schiariti, M.; Puddu, P.E. Frank vectorcardiographic system from standard 12 lead ECG: An effort to enhance cardiovascular diagnosis. J. Electrocardiol. 2016, 49, 231–242. [Google Scholar] [CrossRef]
  40. Schreck, D.M.; Fishberg, R.D. Derivation of the 12-lead electrocardiogram and 3-lead vectorcardiogram. Am. J. Emerg. Med. 2013, 31, 1183–1190. [Google Scholar] [CrossRef]
  41. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  42. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  43. Kligfield, P.; Gettes, L.S.; Bailey, J.J.; Childers, R.; Deal, B.J.; Hancock, E.W.; van Herpen, G.; Kors, J.A.; Macfarlane, P.; Mirvis, D.M.; et al. Recommendations for the Standardization and Interpretation of the Electrocardiogram: Part I: The Electrocardiogram and Its Technology: A Scientific Statement From the American Heart Association Electrocardiography and Arrhythmias Committee, Council on Clinical Cardiology; the American College of Cardiology Foundation; and the Heart Rhythm Society Endorsed by the International Society for Computerized Electrocardiology. Circulation 2007, 115, 1306–1324. [Google Scholar]
  44. Parola, F.; Garcua-Niebla, J. Use of high-pass and low-pass electrocardiographic filters in an international cardiological community and possible clinical effects. Adv. J. Vasc. Med. 2017, 2, 034–038. [Google Scholar]
  45. Pineda, F.J. Generalization of back-propagation to recurrent neural networks. Phys. Rev. Lett. 1987, 59, 2229–2232. [Google Scholar] [CrossRef] [PubMed]
  46. Yang, M.; Liu, B.; Zhao, M.; Li, F.; Wang, G.; Zhou, F. Normalizing electrocardiograms of both healthy persons and cardiovascular disease patients for biometric authentication. PLoS ONE 2013, 8, 1–7. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  47. Yegnanarayana, B. Artificial Neural Networks; PHI Learning Pvt. Ltd.: New Delhi, India, 1999. [Google Scholar]
  48. Svozil, D.; Kvasnicka, V.; Pospichal, J. Introduction to multi-layer feed-forward neural networks. Chemom. Intell. Lab. Syst. 1997, 39, 43–62. [Google Scholar] [CrossRef]
  49. Pai, C.; Potdar, K. A Comparative Study of Categorical Variable Encoding Techniques for Neural Network Classifiers. Artic. Int. J. Comput. Appl. 2017, 175, 7–9. [Google Scholar]
  50. Moody, G.B.; Mark, R.G.; Goldberger, A.L. PhysioNet: A web-based resource for the study of physiologic signals. IEEE Eng. Med. Biol. Mag. 2001, 20, 70–75. [Google Scholar] [CrossRef]
  51. Zhu, W.; Zeng, N.; Wang, N. Sensitivity, specificity, accuracy, associated confidence interval and roc analysis with practical sas implementations. In Proceedings of the NESUG: Health Care and Life Sciences, Baltimore, MD, USA, 14–17 November 2010; pp. 1–9. [Google Scholar]
  52. Chawla, N.V.; Hall, L.O.; Bowyer, K.W.; Kegelmeyer, W.P. SMOTE: Synthetic Minority Oversampling Technique. J. Artif. Intell. Res. 2002, 16, 321–357. [Google Scholar] [CrossRef]
Figure 1. The three-dimensional view of 12 ECG leads on the xyz-coordinate axis system.
Figure 1. The three-dimensional view of 12 ECG leads on the xyz-coordinate axis system.
Sensors 20 07246 g001
Figure 2. Block diagram of the proposed MI classification system.
Figure 2. Block diagram of the proposed MI classification system.
Sensors 20 07246 g002
Figure 3. ECG waveforms of measured lead I and Frank XYZ leads.
Figure 3. ECG waveforms of measured lead I and Frank XYZ leads.
Sensors 20 07246 g003
Figure 4. System architecture of the proposed VCG synthesizer.
Figure 4. System architecture of the proposed VCG synthesizer.
Sensors 20 07246 g004
Figure 5. Structure of the LSTM unit.
Figure 5. Structure of the LSTM unit.
Sensors 20 07246 g005
Figure 6. Comparison between original heartbeats (blue) and fitting curves (red) for healthy and MI subjects.
Figure 6. Comparison between original heartbeats (blue) and fitting curves (red) for healthy and MI subjects.
Sensors 20 07246 g006
Figure 7. Comparison between measured (blue) and derived (red) Franks leads for healthy and MI subjects.
Figure 7. Comparison between measured (blue) and derived (red) Franks leads for healthy and MI subjects.
Sensors 20 07246 g007
Table 1. Number of beats for different types of MI and healthy subjects in this study.
Table 1. Number of beats for different types of MI and healthy subjects in this study.
ClassNumber of Beats
Anterior (AMI)2800
Anterior-Lateral (ALMI)2534
Anterior-Septal (ASMI)4114
Anterior-Septal-Lateral (ASLMI)134
Inferior (IMI)4569
Inferior-Lateral (ILMI)3143
Inferior-Posterior (IPMI)336
Inferior-Posterior-Lateral (IPLMI)1063
Lateral (LMI)159
Posterior (PMI)137
Posterior-Lateral (PLMI)288
Healthy Control (HC)6803
Table 2. RMSE and CC between measured and derived Frank XYZ leads.
Table 2. RMSE and CC between measured and derived Frank XYZ leads.
Window SizePerformance V ^ x V ^ y V ^ z
50CC0.99390.97890.9890
RMSE13.221516.952614.2964
100CC0.99560.98430.9933
RMSE11.633514.671010.8368
150CC0.99630.98620.9940
RMSE11.037414.039310.0226
200CC0.99620.98550.9939
RMSE11.234814.367510.2153
Table 3. Five-fold cross validation and average CC and RMSE between measured and derived Frank leads for the MLP and LSTM models.
Table 3. Five-fold cross validation and average CC and RMSE between measured and derived Frank leads for the MLP and LSTM models.
FoldsPerformanceModelDS1DS2
V ^ x V ^ y V ^ z V ^ x V ^ y V ^ z
Fold 1CCMLP0.99470.97320.98300.98150.93960.9716
LSTM0.99770.98810.99410.99090.96800.9885
RMSEMLP17.243421.443721.465624.498728.938228.5079
LSTM11.482514.394710.256616.954020.753216.9667
Fold 2CCMLP0.99490.97450.98350.97840.93880.9718
LSTM0.99810.98980.99630.98950.96860.9879
RMSEMLP17.308120.425221.248624.308329.084228.3771
LSTM11.159012.60739.740415.938720.991417.4463
Fold 3CCMLP0.99460.97190.98350.97730.93980.9720
LSTM0.99790.98780.99590.98640.96590.9875
RMSEMLP17.664120.945021.620524.256029.709728.2240
LSTM11.163213.147310.026816.952321.606016.9857
Fold 4CCMLP0.99520.97460.98430.97980.93900.9716
LSTM0.99860.99010.99660.98800.96950.9883
RMSEMLP16.682220.100520.928724.354729.188828.4182
LSTM10.038112.01889.327716.095320.411116.7269
Fold 5CCMLP0.99500.97580.98000.97840.93490.9692
LSTM0.99850.99220.99290.98470.96180.9844
RMSEMLP16.902020.329521.769425.328830.923229.7329
LSTM10.079111.58859.650617.921722.771518.0954
MeanCCMLP0.99490.97400.98290.97910.93840.9712
LSTM0.99820.98960.99520.98790.96680.9873
RMSEMLP17.160020.648821.406624.549329.568828.6520
LSTM10.784412.75139.800416.772421.306617.2442
Table 4. Classification results of MLP classifier with single-lead signal.
Table 4. Classification results of MLP classifier with single-lead signal.
ClassesI V ^ x V ^ y V ^ z
ACC(%)SEN(%)SPE(%)ACC(%)SEN(%)SPE(%)ACC(%)SEN(%)SPE(%)ACC(%)SEN(%)SPE(%)
AMI90.5551.8995.2091.7458.3995.7595.7379.7197.6695.7679.5797.70
ALMI91.3351.1095.6693.0157.5496.8396.6887.1097.7297.5888.6098.54
ASMI85.2837.9994.1388.3556.7394.2793.6075.6296.9695.4187.2996.93
ASLMI99.40100.0099.4099.75100.0099.7599.8998.5199.9099.99100.0099.99
IMI80.8738.2689.9381.9433.4492.2493.4981.0296.1492.0873.9595.93
ILMI86.1954.8290.4987.8161.4791.4295.8284.1697.4194.6983.3396.25
IPMI99.0992.2699.1899.3689.8899.4899.7894.9499.8499.7093.1599.78
IPLMI93.9542.2496.1593.1735.1895.6398.7688.3399.2097.6781.8498.34
LMI98.1298.1198.1299.0099.3799.0099.69100.0099.6899.8398.1199.84
PMI99.24100.0099.2398.49100.0098.4899.51100.0099.5199.89100.0099.89
PLMI96.9290.6397.0097.2587.8597.3699.6598.9699.6599.7696.8899.79
HC80.4958.7888.1585.2069.9890.5790.3078.9994.2991.8380.2195.93
Table 5. Confusion matrix for MI classification using measured lead I ECG.
Table 5. Confusion matrix for MI classification using measured lead I ECG.
NotatedPredictedTotalACC(%)SEN(%)SPE(%)
AMIALMIASMIASLMIIMIILMIIPMIIPLMILMIPMIPLMINorm
AMI14532551500335228219744239176280090.5551.8995.2
ALMI1541295219542281413757212812990253491.3351.195.66
ASMI2732171563256055554110112910125470411485.2837.9994.13
ASLMI0001340000000013499.410099.4
IMI2192794046517483727214451351771003456980.8738.2689.93
ILMI17382113028117232620412235411314386.1954.8290.49
IPMI5830903100000133699.0992.2699.18
IPLMI316877184155244953119123106393.9542.2496.15
LMI2000010015600015998.1298.1198.12
PMI0000000001370013799.2410099.23
PLMI01107305002611028896.9290.6397
HC260111322116187261235687202813999680380.4958.7888.15
Table 6. Confusion matrix for MI classification using derived Frank Y lead.
Table 6. Confusion matrix for MI classification using derived Frank Y lead.
NotatedPredictedTotalACC(%)SEN(%)SPE(%)
AMIALMIASMIASLMIIMIILMIIPMIIPLMILMIPMIPLMINorm
AMI2232441130137554325324142280095.7379.7197.66
ALMI3522074915872539034169253496.6887.197.72
ASMI161783111917610312250036403411493.675.6296.96
ASLMI0101320000001013499.8998.5199.9
IMI951161572370213667212238231456993.4981.0296.14
ILMI81550113026454212603240314395.8284.1697.41
IPMI3040513190000433699.7894.9499.84
IPLMI267504327293921011106398.7688.3399.2
LMI0000000015900015999.6910099.68
PMI0000000001370013799.5110099.51
PLMI0100020000285028899.6598.9699.65
HC21727628902522441040375865374680390.378.9994.29
Table 7. Confusion matrix for MI classification using derived Frank Z lead.
Table 7. Confusion matrix for MI classification using derived Frank Z lead.
NotatedPredictedTotalACC(%)SEN(%)SPE(%)
AMIALMIASMIASLMIIMIILMIIPMIIPLMILMIPMIPLMINorm
AMI2228742721762481456983280095.7679.5797.7
ALMI452245960381118712170253497.5888.698.54
ASMI103763591210587413000133411495.4187.2996.93
ASLMI0001340000000013499.9910099.99
IMI1479418603379254188014328366456992.0873.9595.93
ILMI18173502022619210911210118314394.6983.3396.25
IPMI7310553131000133699.793.1599.78
IPLMI323013731387000014106397.6781.8498.34
LMI0000200115600015999.8398.1199.84
PMI0000000001370013799.8910099.89
PLMI0000000630279028899.7696.8899.79
HC21277820311448318481565457680391.8380.2195.93
Table 8. Classification results of MLP classifier with various lead configurations.
Table 8. Classification results of MLP classifier with various lead configurations.
LeadsACC(%)SEN(%)SPE(%)
I 50.7268.0195.22
V ^ x 57.5470.8295.90
V ^ y 81.4588.9598.17
V ^ z 82.0988.5898.24
V ^ x + V ^ y 93.3695.5299.34
V ^ y + V ^ z 96.9997.7499.70
V ^ x + V ^ z 83.6889.8098.42
V ^ x + V ^ y + V ^ z 99.1599.1699.92
V x + V y + V z 99.1499.3999.92
Table 9. Confusion matrix for MI classification using derived Frank XYZ leads.
Table 9. Confusion matrix for MI classification using derived Frank XYZ leads.
NotatedPredictedTotalACC(%)SEN(%)SPE(%)
AMIALMIASMIASLMIIMIILMIIPMIIPLMILMIPMIPLMINorm
AMI276259074010039280099.7298.6499.85
ALMI1025046022201007253499.7898.8299.88
ASMI9124078162330000411499.7399.1299.85
ASLMI00013400000000134100100100
IMI5340452811170046456999.799.199.83
ILMI338033119111013314399.899.2499.88
IPMI3000303290000133699.9497.9299.97
IPLMI233068010390101106399.8597.7499.94
LMI0000000015900015999.9910099.99
PMI0000000001370013799.9910099.99
PLMI0000000100287028899.9799.6599.97
HC2240101110106781680399.8199.6899.86
Table 10. Comparison of this study with other studies using the PTB diagnostic database.
Table 10. Comparison of this study with other studies using the PTB diagnostic database.
RefLeadsNo. of ClassesACC(%)SEN(%)SPE(%)
Arif et al. (2012) [10]12 leads1198.80%98.67%98.71%
Noorian et al. (2014) [11]12 leads1095.35%99.09%94.23%
Acharya et al. (2016) [12] V 3 1198.74%99.55%99.16%
Lui nad Chow (2018) [13]I495.25%92.40%97.70%
Baloglu et al. (2019) [14]12 leads1199.78%99.84%99.98%
Fu et al. (2020) [15]12 leads699.11%99.02%99.10%
Proposed methodI1299.15%99.16%99.92%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Chuang, Y.-H.; Huang, C.-L.; Chang, W.-W.; Chien, J.-T. Automatic Classification of Myocardial Infarction Using Spline Representation of Single-Lead Derived Vectorcardiography. Sensors 2020, 20, 7246. https://doi.org/10.3390/s20247246

AMA Style

Chuang Y-H, Huang C-L, Chang W-W, Chien J-T. Automatic Classification of Myocardial Infarction Using Spline Representation of Single-Lead Derived Vectorcardiography. Sensors. 2020; 20(24):7246. https://doi.org/10.3390/s20247246

Chicago/Turabian Style

Chuang, Yu-Hung, Chia-Ling Huang, Wen-Whei Chang, and Jen-Tzung Chien. 2020. "Automatic Classification of Myocardial Infarction Using Spline Representation of Single-Lead Derived Vectorcardiography" Sensors 20, no. 24: 7246. https://doi.org/10.3390/s20247246

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop