Next Article in Journal
OptEF-BCI: An Optimization-Based Hybrid EEG and fNIRS–Brain Computer Interface
Next Article in Special Issue
Sparse Logistic Regression-Based EEG Channel Optimization Algorithm for Improved Universality across Participants
Previous Article in Journal
3D Bioprinting for Vascularization
Previous Article in Special Issue
Visual Blood, Visualisation of Blood Gas Analysis in Virtual Reality, Leads to More Correct Diagnoses: A Computer-Based, Multicentre, Simulation Study
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Optimized Solutions of Electrocardiogram Lead and Segment Selection for Cardiovascular Disease Diagnostics

1
School of Physics and Technology, Wuhan University, Wuhan 430072, China
2
Huangpu Branch of Shanghai Ninth People’s Hospital, Shanghai Jiaotong University School of Medicine, Shanghai 200011, China
*
Author to whom correspondence should be addressed.
Bioengineering 2023, 10(5), 607; https://doi.org/10.3390/bioengineering10050607
Submission received: 21 April 2023 / Revised: 16 May 2023 / Accepted: 17 May 2023 / Published: 18 May 2023

Abstract

:
Most of the existing multi-lead electrocardiogram (ECG) detection methods are based on all 12 leads, which undoubtedly results in a large amount of calculation and is not suitable for the application in portable ECG detection systems. Moreover, the influence of different lead and heartbeat segment lengths on the detection is not clear. In this paper, a novel Genetic Algorithm-based ECG Leads and Segment Length Optimization (GA-LSLO) framework is proposed, aiming to automatically select the appropriate leads and input ECG length to achieve optimized cardiovascular disease detection. GA-LSLO extracts the features of each lead under different heartbeat segment lengths through the convolutional neural network and uses the genetic algorithm to automatically select the optimal combination of ECG leads and segment length. In addition, the lead attention module (LAM) is proposed to weight the features of the selected leads, which improves the accuracy of cardiac disease detection. The algorithm is validated on the ECG data from the Huangpu Branch of Shanghai Ninth People’s Hospital (defined as the SH database) and the open-source Physikalisch-Technische Bundesanstalt diagnostic ECG database (PTB database). The accuracy for detection of arrhythmia and myocardial infarction under the inter-patient paradigm is 99.65% (95% confidence interval: 99.20–99.76%) and 97.62% (95% confidence interval: 96.80–98.16%), respectively. In addition, ECG detection devices are designed using Raspberry Pi, which verifies the convenience of hardware implementation of the algorithm. In conclusion, the proposed method achieves good cardiovascular disease detection performance. It selects the ECG leads and heartbeat segment length with the lowest algorithm complexity while ensuring classification accuracy, which is suitable for portable ECG detection devices.

Graphical Abstract

1. Introduction

According to the latest research from the World Health Organization, cardiovascular diseases (CVDs) are the leading cause of death worldwide [1]. Statistics indicate that approximately 17.9 million people died of cardiovascular disease in 2019, accounting for 32% of global deaths. Therefore, the diagnosis of CVDs has an important role. Electrocardiogram (ECG) reflects the electrical activity of the heartbeat cycle, which is an important tool for the diagnosis of cardiovascular disease. The most commonly used ECG contains 12 leads: limb leads (I, II, III, avR, avL, avF) and chest leads (V1, V2, V3, V4, V5, V6). Cardiologists analyze the patient’s condition based on these multi-lead ECGs. However, it takes a lot of time and effort for cardiologists to manually diagnose with an ECG, so an accurate and efficient automatic multi-lead ECG diagnosis technology is urgently needed.
With the development of artificial intelligence, automatic analysis of multi-lead ECG based on machine learning has attracted the interest of researchers. Traditional machine learning methods mainly include two stages: feature extraction and classification. Shi et al. [2], Alim and Islam [3], and Shen et al. [4] extracted various manual features such as RR interval, morphology features, average QRS interval, average QTC interval, and ST-segment to detect cardiovascular diseases. In addition, Khorrami et al. [5], Desai et al. [6], and Raj et al. [7] used discrete cosine transform (DCT) and discrete wavelet transform (DWT) for feature processing, while Zhao et al. [8], Martis et al. [9], and Kanaan et al. [10] used principal component analysis (PCA) for feature dimensionality reduction, which can further improve the quality of extracted features. As for the classification stage, it is crucial to choose the appropriate classifier. Uyar et al. [11] and Chauhan et al. [12] used logistic regression (LR), Shen et al. [4], Kanaan et al. [10], Padhy et al. [13], and Han et al. [14] used support vector machine (SVM), Sahoo et al. [15] and Park et al. [16] used decision tree, and Yang et al. [17], Dilmac et al. [18], and Sun et al. [19] used k-nearest neighbor (KNN) as an automatic classifier and achieved acceptable results in the classification of cardiac diseases such as myocardial infarction [13,14,19] and arrhythmia [5,11,12,18]. The above-mentioned feature extraction-based methods may achieve automatic detection of cardiovascular disease, but they also have several shortcomings. The results of the above methods are dependent on the quality of the extracted features. The classification process requires manual intervention and relies heavily on the medical knowledge of the experimenter.
The above drawbacks can be overcome in deep learning (DL). DL can learn useful features from raw data without requiring extensive data preprocessing, feature engineering, or handcrafted rules, making it particularly suitable for interpreting ECG data [20]. Currently, the convolutional neural network (CNN) is the most commonly used deep learning algorithm. With the advancement of CNNs, automatic detection algorithms for cardiac disease based on a single lead, multiple leads (fewer than 12 leads), and all 12 leads have been widely developed. Kharshid et al. [21] implemented atrial fibrillation detection by using single-lead ECG. Acharya et al. [22] and Xiaolin et al. [23] detected myocardial infarction and five arrhythmias based on lead II, respectively. However, single-lead ECG carries limited information, resulting in insufficient detection accuracy. Reasat et al. [24] used three-lead (II, III, and avF) ECG signals to diagnose myocardial infarction. Liu et al. [25] used leads V2, V3, V5, and avL to detect generalized anterior myocardial infarction. Zhang et al. [26] proposed a CNN-based multi-lead branch fusion network (MLBF-Net) architecture, which achieves an average F1 score of 0.855 in the classification of nine types for arrhythmia by using twelve-lead signals. Ye et al. [27], Yang et al. [28], and Baloglu et al. [29] also obtained acceptable results in cardiac detection based on 12-lead ECG. Jekova et al. [30] explored the effect of different ECG lead combinations on disease detection. Each single lead and different lead combinations were used to detect atrial fibrillation and achieved good results. However, for multiple leads, the classification algorithm may not be universal. For example, in [24], leads II, III, and avF performed well in the detection of MI, but may not achieve satisfactory results when applied to arrhythmias. For all 12 lead methods, complex algorithms are inevitably required, which do not meet the requirements of portable devices.
Another issue worth noting is ECG segmentation. In reality, the time length of the original ECGs collected by the ECG machine is not fixed, so a reasonable signal segmentation method is critical for disease detection. Reasat et al. [24] segmented the original signal into short segments (196 samples) of 3.072 s. Ye et al. [27] extracted ten 6 s segments from each ECG recording and then stacked them. Hussein et al. [31] performed experiments using 1 min long ECG segments. Krasteva et al. [32] analyzed the effect of a 2 s to 10 s duration on performance in the detection of shockable (Sh) and non-shockable (NSh) rhythms, and the best performance was achieved at 5 s. Obviously, no standard rules for heartbeat segmentation exist. Short ECG segments may miss information, affecting diagnostic results. Too long segments often result in more complex algorithms and greater amounts of computation, which is detrimental to the real-time capability of the algorithm.
With the advancement of medical technology, portable ECG monitoring devices [33,34,35] are constantly developed. For example, Yang et al. [33] have designed a portable ECG acquisition system, which transmits the collected ECG to a cloud platform via Wi-Fi and displays the ECG through a smart terminal. Sun et al. [34] developed a health shirt integrated with ECG electrodes to provide ECG monitoring during exercise, which can diagnose six types of cardiovascular diseases. Liu et al. [35] have designed an IoT-based portable 12-lead ECG monitoring system that can transmit the collected ECGs to a cloud server. For portable CVD diagnostic devices, it is crucial to select appropriate leads and length of ECG signal segments intelligently. Fortunately, the genetic algorithm (GA) has impressive performance in finding optimal solutions [36] and is inspired by biological evolutionary processes to optimize populations through selection, crossover, and mutation to generate high-quality optimal solutions.
The objective of this study was to automatically generate optimal ECG lengths and lead combinations for different disease classification tasks while balancing classification performance and algorithm complexity. Specifically, the validation was performed on the SH database and PTB database [37] to achieve efficient arrhythmia and myocardial infarction detection, respectively. Moreover, a Raspberry Pi was used to explore the effectiveness of the proposed method in terms of hardware implementation.

2. Materials and Methods

2.1. Datasets

The experiments in this article verify the algorithms by arrhythmia and myocardial infarction detection. The arrhythmia data are from the non-public SH database and the myocardial infarction data are from the public PTB database. The details of the two databases are as follows:

2.1.1. The SH Database

The data come from the Cardiology Department of Huangpu Branch of Shanghai Ninth People’s Hospital, preserving most of the original ECG signals collected by the hospital, which makes the experiment more generalizable. The SH database provides 75, 111 12-lead ECG records. The length of the records varies from 11 s to 92 s, and the sampling rate is 1000 Hz. Each record is overall diagnosed and labeled by a professional cardiologist, and the diagnosis includes 46 types, such as normal ECG, atrial premature beats, tachycardia, etc. The identification information of each patient is removed to preserve personal privacy, only the ECG and diagnostic results are retained. For this experiment, five of the most common signals with a relatively high number are selected, including normal ECG (N), premature atrial contractions (PAC), premature ventricular contractions (PVC), sinus tachycardia (T, sinus heart rate more than 100 beats per minute), and sinus bradycardia (B, sinus heart rate less than 60 beats per minute). The datasets in the experiments are divided according to the inter-patient paradigm, i.e., data from the same patient will not be present in both training and test sets. We randomly select 80% of the patients to constitute the training set and the remaining 20% are used as the test set. Table 1 shows the quantitative information for each type of ECG signal and the number of patients in the training and test sets.

2.1.2. The PTB Database

The PTB database [38] is an open-source database provided by the National Metrology Institute of Germany. It contains 549 records from 290 subjects. The length of the records is not fixed, ranging from 32 s to 120 s, and the sampling rate is 1000 Hz. The records are collected and diagnosed by cardiologists. The PTB database includes nine diagnostic categories, such as myocardial infarction, cardiomyopathy, dysrhythmia, healthy controls, etc. In this study, standard 12-lead ECGs from 148 myocardial infarction subjects and 52 normal subjects in the PTB database are used for research. The dataset is divided into training and test sets using the same paradigm employed for the SH database. Detailed information is shown in Table 2.

2.2. The Genetic Algorithm-Based ECG Leads and Segment Length Optimization Framework

As shown in Figure 1, the method proposed in this paper can be mainly divided into four parts: the first one is the original signal preprocessing, which includes signal denoising, signal segmentation to different lengths, and signal normalization. The second is to extract the features of 12 leads separately under different segment lengths. Then, the optimal solutions for the combination of ECG leads and segment length are automatically generated by a GA-based algorithm. Finally, the final classification results can be obtained. Detailed descriptions of each part are as follows.

2.2.1. Raw ECG Data Preprocessing

Electrocardiograms record the electrical activity of the heart. Due to the bad contact between the electrode and the body, the subject’s muscle activity, etc., the collected ECG signals inevitably contain noise, such as baseline wandering, electromyogram noise, etc. [39]. These noises affect the detection results of heart disease. The advantages of wavelet transform in ECG signal denoising have been demonstrated, and the Daubechies 6 wavelet transform [40] is used for denoising in this study.
Since the length of the original ECG data is not fixed, but the input of our network models requires fixed-length heartbeat segments, the original signal needs to be segmented. In this study, to explore the effect of different fragment lengths on disease detection, as shown in Figure 1, nine segmentation types are used to cut the original signal into fragments of 1 s to 9 s, which are respectively input into nine structurally identical networks. The fragments are segmented sequentially from the beginning of the ECG and no additional QRS wave detection is performed, which simplifies the whole algorithm system, reduces the reliance on R-peak detection, and improves the robustness and generality of the system. The statistics of the fragments are shown in Table 3. In the segmentation phase, each fragment is labeled with the same label as the original ECG records. Although some short (such as 1 s, 2 s) fragments may not contain a completely abnormal heartbeat (such as premature atrial contractions (PAC), premature ventricular contractions (PVC)), since the disease exists in the long record, the short fragment may have implied information about an impending abnormality, which can also be captured by the deep learning model as valid information. In addition, to mitigate the effects of baseline offset, all segments are processed using Z-score normalization.

2.2.2. Feature Extraction at Different Fragment Lengths

This section introduces the process of ECG signal feature extraction based on ResNet [41]. Traditional multi-lead classification methods [26,27,29] train all leads simultaneously. In this study, two feature extraction models are designed for arrhythmia and myocardial infarction to extract the features of 12 leads separately with higher quality.
As shown in Figure 2, the feature extraction model (FEM) is developed on the basis of ResNet. Since each disease and each lead requires feature extraction for nine fragment lengths (1 s to 9 s), for inputs of different sizes, nine networks suitable for segment lengths from 1 s to 9 s are designed by modifying the input layer. Each network contains 13 convolutional layers and the structure and configuration are shown in Table 4. The feature extraction process is performed by the FEM trained on the classification task. For the different classification tasks (arrhythmia and myocardial infarction), the feature extraction models can be obtained by modifying the number of nodes in the fully connected layers and the activation function in the network, respectively. For the SH database, the FEMs are trained on the classification task of normal ECG, PAC, PVC, tachycardia, and bradycardia, so the number of nodes in the fully connected layer is set to 5 and the activation function is Softmax. For the PTB database, the models are trained using a binary classification task of MI and normal signal, so the number of nodes in the fully connected layer is set to 2 and the activation function is sigmoid. Each lead is trained separately at each length to obtain features. Finally, the training set and test set data are re-input into the trained FEM, and the output of the global average pooling (GAP) layer in the network structure is used as the final extracted features. In this way, features for two disease categories (arrhythmia and myocardial infarction) are obtained, each containing 12 leads at 9 ECG lengths. These features can be used directly in later classification, for example, when testing the case of ECG lengths for 3 s and lead combinations for II, avR, V3, and V4, the features of the 4 leads with a heartbeat segment of 3 s are directly selected and concatenated, and then the classifier is used to classify and test the performance.
The cross-entropy loss function is used during network training on the SH database. In addition, for PTB data, since the amount of myocardial infarction data is much larger than that of the healthy control data, the weighted cross-entropy loss function [42] is used to deal with the class imbalance problem. The Adam optimizer is used to reduce the loss [21], and the learning rate is set to 0.001. The batch size is set to 128, and each lead with different segment lengths is trained for 40 epochs.

2.2.3. Generating Optimal Combination by Genetic Algorithm

The Proposed Encoding Strategy

In the proposed method, the set C = [TL, L1, L2, … Li … L12] represents the combination of the time length (TL) of the heartbeat fragment and the ECG leads (Li). Among them, TL = 1,2, …, 9 indicates that the length of the heartbeat is from 1 s to 9 s. Li = 0 or 1 and, when it is 0, it means that the ECG signal of the ith lead is not used, and when it is 1, the ECG signal of the ith lead is used. It is worth noting that L1L12 cannot be 0 at the same time, which means 0 leads are selected for classification. The combination of ECG leads and heartbeat segment length can be determined by C. Disease classification is performed using the features of the selected leads (leads with Li = 1) at the selected lengths (length = TL) extracted by the feature extraction model. As shown in Figure 3, taking C = [3,0,1,0,1,0,0,0,0,1,1,0,0] as an example, the length of the heartbeat fragment is 3 s, and the features of leads II, avR, V3, V4 are selected and concatenated for further classification.
Theoretically, the best solution can be given by running all the possible values of set C, but this non-GA-based approach inevitably takes a lot of time. The genetic algorithm has a great advantage in seeking solutions, so this study uses the GA to reduce the time of searching for the optimal solution. The following experiments verify the effectiveness of the proposed algorithm.

Classification Algorithm Combined with the Lead Attention Module

In the classification stage, the concatenated features are used as the input data of the classification network. An innovative lead attention module (LAM) is proposed. The LAM is inspired by the channel attention module [43] and it is updated based on the ECG lead properties. As shown in Figure 4a (still taking C = [3,0,1,0,1,0,0,0,0,1,1,0,0] as an example), the LAM is composed of a convolutional layer, fully connected layer, and activation function. The number of FC layer nodes in the LAM is set to be the same as the number of leads (the number of leads in the example is 4, then the number of FC layer nodes is 4), so the Softmax layer will output the same number of weights as the selected number of leads. The features from each lead are multiplied by their respective weights and added to the original features to obtain the lead-weighted features. Then, a multi-layer perceptron (MLP) composed of fully connected layers and activation functions is used for the final disease classification. Compared with the pure MLP-based classification algorithm in Figure 4b, the classification algorithm combined with the LAM can effectively capture the dependencies between ECG leads and improve the classification effect of the network.

Generating the Optimal Solutions

This section describes the process of generating the optimal solutions for the combination of segment lengths and ECG leads.
The genetic algorithm (GA) is a global optimization method that originated from computer simulations performed on biological systems. It simulates the natural selection, crossover, and mutation that occur in genetics. The genetic algorithm starts from a random initial population and produces individuals more adapted to the environment through selection, crossover, and mutation operations. The population evolves toward a better search space. Moreover, it iterates continuously and finally converges on the most adapted individual to find the optimal solution to the problem. In this paper, each individual is represented by a C defined above, corresponding to a combination of the heartbeat segment and the ECG leads. Algorithm 1 gives the algorithm framework, mainly including initialization, fitness calculation, selection, crossover and mutation, and iterative processes. The detailed introduction is as follows.
Algorithm 1 Generation of optimal ECG lengths and lead combinations based on GA
Input: Feature data of each lead with different segment lengths extracted in Section 2.2.2. Algorithm settings, population size = 100, maximum number of iterations = 20
Output: Optimal combination of ECG leads and segment length
1 G0: number of iterations: i = 0. Initialize the population with the given population size using the proposed encoding strategy.
2 for i = 0, 1, 2, …, 20 do
3  Calculate the fitness of each individual in the population Gi
4  Select the individuals with the top 50 fitness as the parent
5  Generate Gi by the selected parents using crossover and mutation operations
6  i = i + 1
7  if the maximum fitness in the population remains unchanged for three generations
8    break from step 2
9  else
10     continue the iteration
11 end
12 Return the individual with the maximum fitness in the iterative process
In the initialization phase of this experiment, a uniformly distributed population is randomly generated, and the size of the population is set to 100.
In the fitness calculation phase, the combination of heartbeat segments and ECG leads represented by each individual is evaluated using the classification algorithm introduced above to obtain the classification accuracy (Acc) and F1 score (F1) (large F1 and Acc represent good classification performance). Considering the impact of the lead number used in the classification and the length of the heartbeat segment on the algorithm complexity, the fitness formula is given as:
fitness = α ×   F 1 + β ×   Acc   γ ×   T L   σ ×   i = 1 i = 12 L i
where F1 and Acc represent the F1 score and classification accuracy, respectively. TL and Li are defined in the proposed encoding strategy. The principle of the parameter settings here is to first ensure the results of disease detection, and on this basis, preferentially select individuals with low algorithm complexity for application on the portable ECG detection systems. After several experimental adjustments, α, β, γ, and σ are set to 1, 1, 0.002, and 0.01, respectively.
In the selection stage, each individual in the population uses Formula (1) to calculate their fitness, and then the top 50 individuals in terms of fitness are selected as the parents of the next generation, which can retain the individuals with high quality in the population.
Then, the next population is generated through crossover and mutation operations. ECG leads can reflect the heart parts [44]. For the crossover operation, two individuals in the parent generation are randomly selected, and the crossover is carried out according to the heart parts reflected by the leads in Table 5. {[TL], [L1, L5], [L2, L3, L6], [L4], [L7, L8], [L9, L10], [L11, L12]} are crossed according to the probability of [0.8, 0.5, 0.5, 0.5, 0.5, 0.5, 0.5]. By exchanging the lead information of the 6 heart parts of the two parent individuals, the parents’ information from the 6 critical groups (shown in Table 5) can be retained. Twenty groups of crossover operations can generate forty offspring individuals. For the mutation operation, 10 individuals in the parent generation are randomly taken, and 13 elements [TL, L1, L2, … L11, L12] in each individual are mutated with probability [0.8, 0.5, 0.5, … 0.5, 0.5]. That is, for the first element TL, it changes to other fragment lengths with a probability of 0.8, and for the 2nd element to the 13th element, they mutate to the opposite value with a probability of 0.5 (0 to 1, 1 to 0). Figure 5 shows examples of crossover and mutation.
Population iteration is achieved through the above selection, crossover, and mutation operations. The population evolves in the direction of increasing overall fitness. The maximum number of iterations set in the experiment is 20, and in order to improve the efficiency of the algorithm, when the maximum fitness in the population does not change for three consecutive generations, the iteration is terminated. The individual with the greatest fitness in the entire iterative process can be obtained, which is the optimal solution.

2.2.4. Performance Metrics

This study comprehensively evaluates the final disease detection effect by calculating sensitivity (Sen), specificity (Spe), positive predictivity (Ppr), accuracy (Acc), and F1 score (F1). The calculation formula is as follows:
S e n = T P T P + F N
S p e = T N T N + F P
  P p r = T P T P + F P
A c c = T P + T N T P + T N + F N + F P
F 1 = 2 × S e n × P p r S e n + P p r
where TP, TN, FP, and FN represent true positive, true negative, false positive, and false negative, respectively. In the evaluation of disease detection performance, these metrics are calculated separately for each category.

2.3. The Hardware Implementation of the Algorithm

To verify the convenience of the proposed algorithm in hardware implementation, cardiac disease detection devices are fabricated using Raspberry Pi 3 Model B. The Raspberry Pi is small in size and easy to carry and can be used to simulate a portable ECG device. As shown in Figure 6 (taking the solution [9,1,1,0,1,1,1,0,1,1,0,1,0,0] for arrhythmia detection as an example), for the arrhythmia and myocardial infarction detection devices, the feature extraction model trained in Section 2.2.2 and the classification model trained in Section 2.2.3 are transferred to the Raspberry Pi. The input ECG is feature extracted and classified using the optimal solution of ECG length and lead combinations generated in Section 2.2.3.

3. Results

3.1. Arrhythmia Detection in SH Database

Through the method combined with the GA proposed in this paper, the final generated solution for arrhythmia detection in the SH database is C1 = [9,1,1,0,1,1,0,1,1,0,1,0,0]. This means for the detection of arrhythmia in the SH database, after evaluation of algorithm complexity and classification efficiency through the GA, the optimal segment length is 9 s and the optimal lead combination is seven leads (I, II, avR, avL, V1, V2, and V4). The final classification results are shown in Table 6 and Table 7.
The proposed method achieves an accuracy of 99.65% (95% confidence interval: 99.20–99.76%) for arrhythmia detection in the SH database using seven ECG leads. Clinically, P-waves are key to the diagnosis of PAC and PVC. Leads II and V1 reflect the P-wave most clearly, so these two leads are the most commonly used for arrhythmia analysis. The optimal solution given by the proposed method includes leads II and V1, which is consistent with the clinical diagnostic criteria. More importantly, leads I, avR, avL, V2, and V4 are also included in the optimal solution. It can be speculated that these five leads (I, avR, avL, V2, and V4) are also critical for the diagnosis of arrhythmia, which has guiding significance for doctors to analyze arrhythmia.

3.2. MI Detection in PTB Database

For MI detection in the PTB database, the final generated solution is C2 = [5,1,0,1,0, 0,1,0,1,0,1,0,1]. It shows for the detection of MI in PTB, after evaluating the algorithm complexity and classification efficiency through the GA, the optimal segment length is 5 s, and the optimal lead combination is six leads (I, III, avF, V2, V4, and V6). The final detection results are shown in Table 8 and Table 9.
It can be seen that the proposed method achieves an accuracy of 97.62% (95% confidence interval: 96.80–98.16%) in MI detection. Although the sensitivity and F1 of healthy controls are lower than the myocardial infarction, the result is acceptable due to the lower number of HC than MI and the weighted cross-entropy has been used in the experiment to mitigate the category imbalance. According to [45], six leads (I, III, avF, V2, V4, and V6) are critical for the detection of MI, which proves the theoretical medical significance of the proposed method. In general, the proposed method uses six leads to achieve effective detection of myocardial infarction. It ensures the detection results while selecting the algorithm with the lowest complexity, indicating the efficiency of automatic lead and segment length optimization. The inter-patient paradigm makes the results more clinically meaningful.

3.3. The Comparison of Lead Selection Methods

The algorithm automatically generates combinations of leads and segment lengths through a GA-based approach. The optimal solutions given in the SH database and PTB database are C1 = [9,1,1,0,1,1,0,1,1,0,1,0,0] and C2 = [5,1,0,1,0,0,1,0,1,0,1,0,1], respectively. In order to verify the validity of the solution, 12 single-lead ECG data and all 12 lead ECG data are used for comparative experiments under the same segment length as C1 and C2. The datasets for the experiments are partitioned in the same way as in Section 3.1 and Section 3.2. The features of each lead can be obtained from the feature extraction stage, the features are input into the classification model (LAM+MLP), and they are retrained to be suitable for single-lead and all 12 lead classification (for all 12 leads, the features are concatenated first). The experimental results are shown in Table 10 and Table 11. Due to the large number of results, the results of multi-leads (fewer than 12 leads) are not listed in the table, but multi-lead cases (fewer than 12 leads) have been screened during the iteration of the genetic algorithm.
According to Table 10 and Table 11, the GA-based approach is attractive in the optimization of ECG lead selection. The proposed method achieves the best classification results on both the SH database and the PTB database. Especially in the PTB database, the advantage of MI detection is relatively obvious. Compared with the single-lead-based methods, the proposed method has more accurate detection results, and both the accuracy and F1 score are greatly improved. Compared with the method based on all 12 ECG leads, the proposed method achieves an optimized scheme with suitable length and ECG leads. This verifies that it is not true that the more ECG leads, the better the classification effect. The detection method based on all 12 leads has information redundancy, and the redundant information of ECG leads will affect the classification results. Furthermore, fewer leads correspond to less complex algorithms, proving the practical significance of this work. In conclusion, the method proposed in this paper can reduce the algorithm complexity while ensuring the results of disease detection.

3.4. The Performance of the Algorithm with a Fixed Lead Number

In portable medical devices, some users may require a fixed number of leads. This section takes the limited numbers of leads of two, three, and four as examples to analyze the performance of the algorithm. For the SH database and the PTB database, under the same segment length of C1 and C2 (the optimal solution given in Section 3.1 and Section 3.2), the optimal lead combinations with a fixed total number of leads of two, three, and four are generated through GA iteration. The experimental dataset is divided in the same way as in Section 3.1 and Section 3.2. The experimental results are shown in Table 12.
As shown in Table 12, for arrhythmia detection in the SH database, the heartbeat segment length is fixed at 9 s (consistent with C1). The best lead combinations based on two, three, and four leads are included in the optimal solution. It is worth noting that lead V1 is not included in these lead combinations, which is slightly different from the clinical theory. This may be because other leads in the optimal solution (such as leads I, avR, and V4) carry critical information, but are difficult to identify manually. For the neural network model, the characteristics of this information carried by these leads are obvious. These leads are also critical for disease analysis and require physician attention when diagnosing arrhythmias. For MI detection in the PTB database, the heartbeat segment length is fixed at 5 s (consistent with C2). The best lead combinations based on two, three, and four leads are included in the optimal solution. This experiment shows that the proposed method can accurately find the most critical leads for disease detection, which further proves the effectiveness of the lead optimization algorithm.
For the classification results, the accuracy is slightly lower than the optimal solution since the number of leads used is less than the optimal solution. However, the detection accuracies of above 90% for arrhythmia and above 95% for MI are acceptable. In conclusion, the proposed method can generate optimal lead combinations for different diseases with a fixed total lead number, indicating its strong flexibility. In addition, it has flexible guiding significance for the hardware implementation system. For example, if a wearable device requires three leads, the proposed method can generate the best lead combination based on the three leads. This further addresses the need for portable medical devices.

3.5. The Results of Ablation Experiments

3.5.1. The Effect of the Lead Attention Module

The lead attention module (LAM) can capture the dependencies between ECG leads and improve the classification effect. However, it is still necessary to verify the advantages of the LAM through ablation experiments. In this section, based on the solutions C1 and C2 given in Section 3.1 and Section 3.2, disease detection is described using the algorithm combined with the LAM (Figure 4a) and the pure MLP-based algorithm (Figure 4b), respectively. The results are shown in Figure 7 and Figure 8.
According to Figure 7 and Figure 8, compared with the pure MLP algorithm, the proposed algorithm combined with the LAM has advantages for arrhythmia detection in the SH database and MI detection in the PTB database, both of which have improvement in F1. For the electrocardiogram, not every lead carries the key information for disease detection, and there may be redundant information. The LAM can automatically generate lead weights to weight selected ECG leads, helping the model to highlight key leads, which has a positive effect on disease detection.

3.5.2. The Effect of the Weighted Cross-Entropy Loss Function on PTB Database

In this section, the effect of the weighted cross-entropy loss function on MI detection is analyzed experimentally. Based on the solution C2 (ECG length of 5 s, six leads) given in Section 3.2, this section shows the comparison of myocardial infarction detection results using weighted cross-entropy and standard cross-entropy. The results are shown in Table 13 and Table 14. It can be seen from the tables that compared with the standard cross-entropy, the weighted cross-entropy reduces the probability of the prediction model incorrectly predicting HC as the MI class, which improves the overall performance of the MI detection model.

3.6. The Results of Model Cross-Checking

In this section, the proposed models are cross-checked, i.e., the arrhythmia model is used to test HC and MI from the PTB database, and the MI model is used to test N, PAC, T, B, and PVC from the SH database. The results of the cross-check are shown in Table 15 and Table 16.
According to the tables above, the accuracy of HC detection using the arrhythmia model is high, i.e., most of the HC data are predicted to be N, which is because the N and HC data are normal signals with high similarities in waveforms. When testing MI data using the arrhythmia model, a large number of MI data are classified as tachycardia (T) and premature ventricular contractions (PVC), which is also in accordance with medical principles because myocardial infarction often leads to increased adrenaline tone which causes tachycardia. In addition, patients with myocardial infarction tend to develop PVC as well [45]. When testing the data from the SH database using the MI model, the vast majority of N are classified as HC, which is reasonable. Moreover, the large majority of T and PVC are classified as MI, which may be due to the fact that myocardial infarction and some arrhythmias are interconnected. In conclusion, MI and arrhythmias are not mutually exclusive, and MI patients often have different arrhythmias (e.g., tachycardia, premature ventricular beats, etc.), so MI may also contain arrhythmia features, which are easily misclassified by the neural network. However, the results of model cross-checking are consistent with clinical theory, which validates the performance of the proposed method.

3.7. The Results of Hardware Implementation of the Algorithm

For the arrhythmia detection device (optimal solution: [9,1,1,0,1,1,0,1,1,0,1,0,0]), the feature extraction models trained in Section 2.2.2 for leads I, II, avR, avL, V1, V2, and V4 with segment length of 9 s are transferred to the Raspberry Pi. The features of the input signals of these seven leads are extracted and concatenated by the Raspberry Pi. The corresponding classification model trained in Section 2.2.3 is also transferred to the Raspberry Pi to classify the concatenated features and give the classification results. For the MI detection device (optimal solution: [5,1,0,1,0,0,1,0,1,0,1,0,1]), the leads used for classification are I, III, avF, V2, V4, and V6, the length of the heartbeat segment is 5 s, and other steps are similar to the algorithm of arrhythmia detection. During the experiment, each detection device is tested with 128 data. The results are shown in Table 17.
The time ratio is introduced to evaluate the efficiency of the Raspberry Pi in processing the input signal, which is calculated by the ratio of the processing time of the input signal to the length of the input data on the Raspberry Pi. The smaller the time ratio, the faster the device processes the input signal, and if the time ratio is much less than 1, it means that the device can process the signal in real time. For the input signal with a segment length of 9 s, the processing time of the device is 1.16 s, and the time ratio is 0.129. For the detection device of MI, the input signal segment length and the processing time are 5 s and 0.64 s, respectively, and the time ratio is 0.128. Compared with the disease detection process in the PC, the accuracy of the hardware implementation in the Raspberry Pi is 100%, which means that the prediction results on the Raspberry Pi are exactly the same as the prediction results on the PC. This experiment proves that the ECG signal detection device designed in this study can realize the real-time processing of ECG signals with high accuracy. For portable ECG disease detection equipment, it is necessary to consider the resource limitation of the hardware platform, and the algorithm with lower complexity has a tremendous advantage in hardware implementation. This method can flexibly select the algorithm with appropriate complexity under different conditions while ensuring the efficiency of disease detection, which is suitable for hardware implementation and demonstrates its practical application. Moreover, it can select the optimal ECG leads and segment length for different diseases, which reflects its generalization. In conclusion, the experiments verify the convenience of the hardware implementation of the proposed method, which can be used in portable ECG detection devices.

4. Discussion

4.1. The Analysis of the Results

According to the results, the algorithm provided two different classification frameworks for the diagnosis of cardiac arrhythmias and myocardial infarction, respectively. Premature atrial contractions and premature ventricular contractions in the SH database may be closely related to other cardiovascular diseases such as atrial fibrillation (AF), atrial flutter, myocardial infarction, etc. Therefore, it is meaningful to realize the automatic detection of premature atrial contractions and premature ventricular contractions. Our results (Table 10 and Table 11) show that GA-LSLO provides the optimized lead selection scheme while balancing the classification performance and the algorithm complexity. This also verifies that it is not the case that more ECG leads are better for classification. This may be because, in deep learning, more leads will reduce the sensitivity of the convolutional neural network, and the most important features for disease detection may be submerged in a large number of features, resulting in a decrease in the classification performance of the algorithm. Moreover, the algorithm complexity also increases with the number of leads. Furthermore, when the number of leads is limited (two, three, or four leads), the proposed method can also provide the optimal solution, which is suitable for portable ECG device applications. The ablation experiments in Section 3.5 demonstrate that the LAM can help highlight key leads and improve disease detection performance. Moreover, the weighted cross-entropy loss function improves the detection performance of categories with low quantities. The cross-checking experimental results are consistent with clinical theory, which further verifies the effectiveness of the proposed method. Regarding the utility of the method, the hardware implementation experiments in Section 3.7 demonstrate that the ECG detection device based on the proposed algorithm can achieve real-time processing of ECG signals with high accuracy. The proposed method can provide the most appropriate algorithm with consideration of the resource limitations on the hardware platform while ensuring the efficiency of disease detection, which proves its practical value.

4.2. The Comparison with Existing Works

In this section, the classification results of the generated optimal solutions are compared with other existing ECG detection works. Since the detection of arrhythmias is based on the non-public SH database, the comparison of arrhythmia detection is not given here to ensure fairness and the results are only compared with other works in MI detection. Table 18 lists the comparison of MI detection with other works. All results are based on the inter-patient paradigm.
According to Table 18, the proposed method achieved the highest classification accuracy of 97.62% and F1 score of 96.25% using six leads. Overall, compared with other existing works, the proposed method has obvious advantages. Firstly, it is based on the deep learning model for disease detection and does not require human intervention in feature extraction. Secondly, it automatically optimizes the algorithm through a GA. Selecting the optimal lead and segment length for different types of disease (such as MI and arrhythmia) detection shows strong generalization. Furthermore, the LAM is used in the classification process, highlighting the key lead information to achieve a more accurate disease detection. In addition, the proposed method has lower algorithm complexity than the methods based on all 12 leads [14,46] and is more flexible than the methods with a fixed lead combination [22,24]. In summary, the proposed method can ensure the efficiency of disease detection while optimizing the algorithm with the lowest complexity.

4.3. The Contributions

GA-LSLO extracts the features of every single lead under different segment lengths (1–9 s) by a modified ResNet to provide the optimal combination of leads and heartbeat segment length for different disease detection tasks while balancing classification performance and algorithm complexity. The combination of leads and segment length is represented by the encoding strategy proposed in the article, and then the optimal solution is obtained through GA iteration. Compared with other methods using all 12 leads, this method is more flexible and suitable for portable devices.
According to the lead properties of ECG, the lead attention module (LAM) is proposed to capture the dependencies between leads, then update each lead map with lead weights. The LAM is inspired by the channel attention module and it is updated based on the ECG lead properties. Compared with pure multi-layer perceptron (MLP) classifiers, the LAM achieves better performance in heart disease detection.
The generalizability of the algorithm is verified using databases of different disease types. The detection of five categories of arrhythmias in the SH database and the recognition of MI in the Physikalisch-Technische Bundesanstalt (PTB) database obtains good performance. For different databases, the optimal combinations of leads and heartbeat segment length are automatically generated. Moreover, all experiments are based on the inter-patient paradigm, which makes the proposed method more practical and generalizable.
Based on the optimal solutions generated by the genetic algorithm, disease detection devices for arrhythmia and MI are designed using Raspberry Pi, which can realize real-time processing of ECG signals with high accuracy. It is demonstrated that the proposed method has developmental potential and can be implemented in portable ECG devices.

4.4. The Limitations

In this paper, the proposed GA-LSLO framework is validated using the SH database and the PTB database, and the results show that it can provide appropriate ECG segment length and lead combination solutions for cardiovascular disease detection tasks. The limitation is that some rare cardiovascular diseases (those that require a long-term monitoring of the patient’s ECG and analysis of the long-term ECG) are not validated. In the future, it will be one of our important works to continue validating the algorithm using more types of cardiovascular disease signals to expand the application of our algorithm. In addition, the hardware implementation is verified on Raspberry Pi, so exploring more hardware platforms is also one of our future works.

5. Conclusions

Our proposed GA-LSLO framework can generate the optimal ECG segment length and lead combinations, ensuring the efficiency of disease detection while selecting the algorithm with the lowest complexity. Moreover, ECG detection devices based on the proposed method are realized in Raspberry Pi, which shows the convenience of the hardware implementation and the feasibility of the application on portable devices. In the future, we will apply the algorithm to the detection of other cardiovascular diseases and further explore the field of portable and wearable medical devices.

Author Contributions

Conceptualization, J.S. and Q.H.; methodology, J.S. and Q.H.; software, J.S.; validation, J.S.; writing—original draft preparation, J.S.; writing—review and editing, J.S., Z.L., W.L., H.Z., Q.G., S.C., H.W., J.H. and Q.H.; supervision, Q.H.; project administration, Q.H.; funding acquisition, Q.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (81971702, 62074116, and 61874079).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

PTB database is available at https://www.physionet.org/content/ptbdb/1.0.0 (accessed on 20 June 2022). The SH database that has been used is confidential.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Cardiovascular Diseases (CVDs). 2021. Available online: https://www.who.int/news-room/fact-sheets/detail/cardiovascular-diseases-(cvds) (accessed on 23 June 2022).
  2. Shi, H.; Wang, H.; Huang, Y.; Zhao, L.; Qin, C.; Liu, C. A hierarchical method based on weighted extreme gradient boosting in ECG heartbeat classification. Comput. Methods Programs Biomed. 2019, 171, 1–10. [Google Scholar] [CrossRef] [PubMed]
  3. Alim, A.; Islam, M.K. Application of Machine Learning on Ecg Signal Classification Using Morphological Features. In Proceedings of the 2020 IEEE Region 10 Symposium (TENSYMP), Dhaka, Bangladesh, 5–7 June 2020; pp. 1632–1635. [Google Scholar]
  4. Shen, M.; Wang, L.; Zhu, K.; Zhu, J. Multi-lead ECG classification based on independent component analysis and support vector machine. In Proceedings of the 2010 3rd International Conference on Biomedical Engineering and Informatics, Yantai, China, 16–18 October 2010; Volume 3, pp. 960–964. [Google Scholar]
  5. Khorrami, H.; Moavenian, M. A comparative study of DWT, CWT and DCT transformations in ECG arrhythmias classification. Expert Syst. Appl. 2010, 37, 5751–5757. [Google Scholar] [CrossRef]
  6. Desai, U.; Martis, R.J.; Gurudas Nayak, C.; Seshikala, G.; Sarika, K.; Shetty, K. Decision support system for arrhythmia beats using ECG signals with DCT, DWT and EMD methods: A comparative study. J. Mech. Med. Biol. 2016, 16, 1640012. [Google Scholar] [CrossRef]
  7. Raj, S.; Ray, K.C. ECG signal analysis using DCT-based DOST and PSO optimized SVM. IEEE Trans. Instrum. Meas. 2017, 66, 470–478. [Google Scholar] [CrossRef]
  8. Zhao, L.; Li, J.; Ren, H. Multi domain fusion feature extraction and classification of ECG based on PCA-ICA. In Proceedings of the 2020 IEEE 4th Information Technology, Networking, Electronic and Automation Control Conference (ITNEC), Chongqing, China, 12–14 June 2020; Volume 1, pp. 2593–2597. [Google Scholar]
  9. Martis, R.J.; Acharya, U.R.; Min, L.C. ECG beat classification using PCA, LDA, ICA and discrete wavelet transform. Biomed. Signal Process. Control 2013, 8, 437–448. [Google Scholar] [CrossRef]
  10. Kanaan, L.; Merheb, D.; Kallas, M.; Francis, C.; Amoud, H.; Honeine, P. PCA and KPCA of ECG signals with binary SVM classification. In Proceedings of the 2011 IEEE Workshop on Signal Processing Systems (SiPS), Beirut, Lebanon, 4–7 October 2011; pp. 344–348. [Google Scholar]
  11. Uyar, A.; Gurgen, F. Arrhythmia classification using serial fusion of support vector machines and logistic regression. In Proceedings of the 2007 4th IEEE Workshop on Intelligent Data Acquisition and Advanced Computing Systems: Technology and Applications, Dortmund, Germany, 6–8 September 2007; pp. 560–565. [Google Scholar]
  12. Chauhan, S.; Vig, L.; Ahmad, S. ECG anomaly class identification using LSTM and error profile modeling. Comput. Biol. Med. 2019, 109, 14–21. [Google Scholar] [CrossRef]
  13. Padhy, S.; Dandapat, S. Third-order tensor based analysis of multilead ECG for classification of myocardial infarction. Biomed. Signal Process. Control 2017, 31, 71–78. [Google Scholar] [CrossRef]
  14. Han, C.; Shi, L. Automated interpretable detection of myocardial infarction fusing energy entropy and morphological features. Comput. Methods Programs Biomed. 2019, 175, 9–23. [Google Scholar] [CrossRef]
  15. Sahoo, S.; Subudhi, A.; Dash, M.; Sabut, S. Automatic classification of cardiac arrhythmias based on hybrid features and decision tree algorithm. Int. J. Autom. Comput. 2020, 17, 551–561. [Google Scholar] [CrossRef]
  16. Park, J.; Kang, K. PcHD: Personalized classification of heartbeat types using a decision tree. Comput. Biol. Med. 2014, 54, 79–88. [Google Scholar] [CrossRef]
  17. Yang, H.; Wei, Z. Arrhythmia recognition and classification using combined parametric and visual pattern features of ECG morphology. IEEE Access 2020, 8, 47103–47117. [Google Scholar] [CrossRef]
  18. Dilmac, S.; Ölmezz, Z.; Ölmez, T. Comparative analysis of MABC with KNN, SOM, and ACO algorithms for ECG heartbeat classification. Turk. J. Electr. Eng. Comput. Sci. 2018, 26, 2819–2830. [Google Scholar]
  19. Sun, L.; Lu, Y.; Yang, K.; Li, S. ECG analysis using multiple instance learning for myocardial infarction detection. IEEE Trans. Biomed. Eng. 2012, 59, 3348–3356. [Google Scholar] [CrossRef] [PubMed]
  20. Hannun, A.Y.; Rajpurkar, P.; Haghpanahi, M.; Tison, G.H.; Bourn, C.; Turakhia, M.P.; Ng, A.Y. Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 2019, 25, 65–69. [Google Scholar] [CrossRef] [PubMed]
  21. Kharshid, A.; Alhichri, H.S.; Ouni, R.; Bazi, Y. Classification of short-time single-lead ECG recordings using deep residual CNN. In Proceedings of the 2019 2nd International Conference on New Trends in Computing Sciences (ICTCS), Amman, Jordan, 9–11 October 2019; pp. 1–6. [Google Scholar]
  22. Acharya, U.R.; Fujita, H.; Oh, S.L.; Hagiwara, Y.; Tan, J.H.; Adam, M. Application of deep convolutional neural network for automated detection of myocardial infarction using ECG signals. Inf. Sci. 2017, 415, 190–198. [Google Scholar] [CrossRef]
  23. Xiaolin, L.; Cardiff, B.; John, D. A 1d convolutional neural network for heartbeat classification from single lead ecg. In Proceedings of the 2020 27th IEEE International Conference on Electronics, Circuits and Systems (ICECS), Glasgow, UK, 23–25 November 2020; pp. 1–2. [Google Scholar]
  24. Reasat, T.; Shahnaz, C. Detection of inferior myocardial infarction using shallow convolutional neural networks. In Proceedings of the 2017 IEEE Region 10 Humanitarian Technology Conference (R10-HTC), Dhaka, Bangladesh, 21–23 December 2017; pp. 718–721. [Google Scholar]
  25. Liu, W.; Zhang, M.; Zhang, Y.; Liao, Y.; Huang, Q.; Chang, S.; Wang, H.; He, J. Real-time multilead convolutional neural network for myocardial infarction detection. IEEE J. Biomed. Health Inform. 2017, 22, 1434–1444. [Google Scholar] [CrossRef] [PubMed]
  26. Zhang, J.; Liang, D.; Liu, A.; Gao, M.; Chen, X.; Zhang, X.; Chen, X. MLBF-Net: A multi-lead-branch fusion network for multi-class arrhythmia classification using 12-Lead ECG. IEEE J. Transl. Eng. Health Med. 2021, 9, 1–11. [Google Scholar] [CrossRef]
  27. Ye, X.; Lu, Q. Automatic Classification of 12-lead ECG Based on Model Fusion. In Proceedings of the 2020 13th International Congress on Image and Signal Processing, BioMedical Engineering and Informatics (CISP-BMEI), Chengdu, China, 17–19 October 2020; pp. 733–738. [Google Scholar]
  28. Yang, X.; Zhang, X.; Yang, M.; Zhang, L. 12-Lead ECG arrhythmia classification using cascaded convolutional neural network and expert feature. J. Electrocardiol. 2021, 67, 56–62. [Google Scholar] [CrossRef]
  29. Baloglu, U.B.; Talo, M.; Yildirim, O.; San Tan, R.; 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]
  30. Jekova, I.; Christov, I.; Krasteva, V. Atrioventricular Synchronization for Detection of Atrial Fibrillation and Flutter in One to Twelve ECG Leads Using a Dense Neural Network Classifier. Sensors 2022, 22, 6071. [Google Scholar] [CrossRef]
  31. Hussein, A.F.; Hashim, S.J.; Rokhani, F.Z.; Wan Adnan, W.A. An automated high-accuracy detection scheme for myocardial ischemia based on multi-lead long-interval ECG and Choi-Williams time-frequency analysis incorporating a multi-class SVM classifier. Sensors 2021, 21, 2311. [Google Scholar] [CrossRef] [PubMed]
  32. Krasteva, V.; Ménétré, S.; Didon, J.P.; Jekova, I. Fully convolutional deep neural networks with optimized hyperparameters for detection of shockable and non-shockable rhythms. Sensors 2020, 20, 2875. [Google Scholar] [CrossRef] [PubMed]
  33. Yang, Z.; Zhou, Q.; Lei, L.; Zheng, K.; Xiang, W. An IoT-cloud based wearable ECG monitoring system for smart healthcare. J. Med. Syst. 2016, 40, 286. [Google Scholar] [CrossRef] [PubMed]
  34. Sun, F.; Yi, C.; Li, W.; Li, Y. A wearable H-shirt for exercise ECG monitoring and individual lactate threshold computing. Comput. Ind. 2017, 92, 1–11. [Google Scholar] [CrossRef]
  35. Liu, C.; Zhang, X.; Zhao, L.; Liu, F.; Chen, X.; Yao, Y.; Li, J. Signal quality assessment and lightweight QRS detection for wearable ECG SmartVest system. IEEE Internet Things J. 2018, 6, 1363–1374. [Google Scholar] [CrossRef]
  36. Mitchell, M. An Introduction to Genetic Algorithms; MIT Press: Cambridge, MA, USA, 1998. [Google Scholar]
  37. Goldberger, A.L.; Amaral, L.A.N.; Glass, L.; Hausdorff, J.M.; Ivanov, P.C.; Mark, R.G.; Mietus, J.E.; Moody, G.B.; Peng, C.-K.; Stanley, H.E. Physiobank, physiotoolkit, and physionet: Components of a new research resource for complex physiologic signals. Circulation 2000, 101, e215–e220. [Google Scholar] [CrossRef]
  38. Available online: https://www.physionet.org/content/ptbdb/1.0.0/ (accessed on 20 June 2022).
  39. Kumar, A.; Tomar, H.; Mehla, V.K.; Komaragiri, R.; Kumar, M. Stationary wavelet transform based ECG signal denoising method. ISA Trans. 2021, 114, 251–262. [Google Scholar] [CrossRef]
  40. Seena, V.; Yomas, J. A review on feature extraction and denoising of ECG signal using wavelet transform. In Proceedings of the 2014 2nd international conference on devices, circuits and systems (ICDCS), Coimbatore, India, 6–8 March 2014; pp. 1–6. [Google Scholar]
  41. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  42. Gordon-Rodriguez, E.; Loaiza-Ganem, G.; Pleiss, G.; Cunningham, J.P. Uses and abuses of the cross-entropy loss: Case studies in modern deep learning. In Proceedings of the 2nd International Conference on Electronics, Biomedical Engineering, and Health Informatics, Surabaya, Indonesia, 3–4 November 2020; Volume 137, pp. 1–10. [Google Scholar]
  43. Fu, J.; Liu, J.; Tian, H.; Li, Y.; Bao, Y.; Fang, Z.; Lu, H. Dual attention network for scene segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–17 June 2019; pp. 3146–3154. [Google Scholar]
  44. Available online: https://www.tsu.tw/heart/ecg/qsecg/jichu/39.html (accessed on 29 June 2022).
  45. Zimetbaum, P.J.; Josephson, M.E. Use of the electrocardiogram in acute myocardial infarction. N. Engl. J. Med. 2003, 348, 933–940. [Google Scholar] [CrossRef]
  46. 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]
Figure 1. The overall structure of the proposed method. Contains four parts: ECG preprocessing, feature extraction of 12-lead ECG signals in different segments, GA-based algorithm to generate optimal solutions, and final classification results.
Figure 1. The overall structure of the proposed method. Contains four parts: ECG preprocessing, feature extraction of 12-lead ECG signals in different segments, GA-based algorithm to generate optimal solutions, and final classification results.
Bioengineering 10 00607 g001
Figure 2. The framework of feature extraction at different fragment lengths.
Figure 2. The framework of feature extraction at different fragment lengths.
Bioengineering 10 00607 g002
Figure 3. An example of the proposed encoding strategy. Feature extraction model: for the segment length of 3 s, the specific information of the trained ResNet-based neural network structure is described in Section 2.2.2.
Figure 3. An example of the proposed encoding strategy. Feature extraction model: for the segment length of 3 s, the specific information of the trained ResNet-based neural network structure is described in Section 2.2.2.
Bioengineering 10 00607 g003
Figure 4. Classification network structure. (a) The algorithm combined with LAM. (b) The pure MLP-based algorithm.
Figure 4. Classification network structure. (a) The algorithm combined with LAM. (b) The pure MLP-based algorithm.
Bioengineering 10 00607 g004
Figure 5. Examples of crossover and mutation.
Figure 5. Examples of crossover and mutation.
Bioengineering 10 00607 g005
Figure 6. Structure of arrhythmia detection device based on Raspberry Pi.
Figure 6. Structure of arrhythmia detection device based on Raspberry Pi.
Bioengineering 10 00607 g006
Figure 7. Results of ablation experiments on LAM in the SH database. C1 = [9,1,1,0,1,1,0,1,1,0,1,0,0].
Figure 7. Results of ablation experiments on LAM in the SH database. C1 = [9,1,1,0,1,1,0,1,1,0,1,0,0].
Bioengineering 10 00607 g007
Figure 8. Results of ablation experiments on LAM in the PTB database. C2 = [5,1,0,1,0,0,1,0,1,0,1,0,1].
Figure 8. Results of ablation experiments on LAM in the PTB database. C2 = [5,1,0,1,0,0,1,0,1,0,1,0,1].
Bioengineering 10 00607 g008
Table 1. Statistics of SH database.
Table 1. Statistics of SH database.
Signal TypeNumber of Patients in Training SetNumber of Patients in Test Set
Normal ECG (N)1336334
Premature atrial contractions (PAC)1024260
Premature ventricular contractions (PVC)32882
Tachycardia (T)532137
Bradycardia (B)606147
Table 2. Statistics of the PTB database.
Table 2. Statistics of the PTB database.
Signal TypeNumber of Patients in Training SetNumber of Records in Training SetNumber of Patients in Test SetNumber of Records in Test Set
Healthy
controls (HC)
41631117
Myocardial
infarction (MI)
1182943074
Table 3. Quantity information of each type of signal at different fragment lengths for the two used databases.
Table 3. Quantity information of each type of signal at different fragment lengths for the two used databases.
Fragment LengthThe SH DatabaseThe PTB Database
Number of FragmentsNumber of Fragments
NPACPVCTBHCMI
1 s47,03233,46414,55321,13117,499951541,455
2 s22,98516,458716910,4188608478320,748
3 s15,21010,690473668595548321513,945
4 s11,0697877348450534074241710,388
5 s8777615627373982319619668575
6 s7083504222583248262516477156
7 s6030413918892732212914076087
8 s5088364416452350186112485369
9 s4614321314742118164610894668
N: normal ECG. PAC: premature atrial contractions. PVC: premature ventricular contractions. T: tachycardia. B: bradycardia. HC: healthy controls. MI: myocardial infarction.
Table 4. Detailed configuration information of the feature extraction network.
Table 4. Detailed configuration information of the feature extraction network.
Layer NameNumber of Filters
× Kernel Size
StrideActivation Function
InputInput size = 1000 (1 s)–9000 (9 s)
Conv1+BN64 × 131ReLU
Max Pool12
Conv2_xConv2_1+BN64 × 31ReLU
Conv2_2+BN64 × 32ReLU
Average Pool22
Conv3_xConv3_1+BN64 × 31ReLU
Conv3_2+BN64 × 32ReLU
Average Pool32
Conv4_xConv4_1+BN128 × 31ReLU
Conv4_2+BN128 × 32ReLU
Average Pool42
Conv5_xConv5_1+BN256 × 31ReLU
Conv5_2+BN256 × 32ReLU
Average Pool52
Conv6_xConv6_1+BN512 × 31ReLU
Conv6_2+BN512 × 32ReLU
Average Pool62
Conv7_xConv7_1+BN512 × 31ReLU
Conv7_2+BN512 × 32ReLU
Average Pool72
GAP, FC (Units = 2 or units = 5), Softmax (Arrhythmia), or Sigmoid (Myocardial infarction)
Table 5. Heart part information reflected by ECG leads.
Table 5. Heart part information reflected by ECG leads.
ECG LeadsParts of the Heart
I (L1), avL (L5)Anterior side wall of the left ventricle
II(L2), III(L3), avF (L6)Ventricle posterior wall
avR (L4)Inner chamber of ventricle
V1 (L7), V2 (L8)Right ventricle
V3 (L9), V4 (L10)Ventricular septum
V5 (L11), V6 (L12)Left ventricle
Table 6. Confusion matrix for SH database.
Table 6. Confusion matrix for SH database.
Predicted Class
NPACTBPVC
True
Class
N9980000
PAC1655005
T0042900
B0103320
PVC51200279
Table 7. Performance of the SH database.
Table 7. Performance of the SH database.
ClassSen (%)Spe (%)Ppr (%)Acc (%)F1 (%)
N100.0099.6599.4099.7899.70
PAC99.0999.3798.0599.3098.57
T100.00100.00100.00100.00100.00
B99.70100.00100.0099.9699.85
PVC94.2699.7998.2499.1996.21
Average98.6199.7699.1499.6598.87
N: normal ECG. PAC: premature atrial contractions. PVC: premature ventricular contractions. T: tachycardia. B: bradycardia. C1 = [9,1,1,0,1,1,0,1,1,0,1,0,0].
Table 8. Confusion matrix for PTB database.
Table 8. Confusion matrix for PTB database.
Predicted Class
HCMI
True
Class
HC39128
MI221663
Table 9. Performance in the PTB database.
Table 9. Performance in the PTB database.
ClassSen (%)Spe (%)Ppr (%)Acc (%)F1 (%)
HC93.3298.6994.6797.6293.99
MI98.6993.3298.3497.6298.52
Average96.0196.0196.5197.6296.25
HC: healthy controls. MI: myocardial infarction. C2 = [5,1,0,1,0,0,1,0,1,0,1,0,1].
Table 10. Comparison experiments of 12 single-lead ECG data and all 12 lead ECG data from the SH database.
Table 10. Comparison experiments of 12 single-lead ECG data and all 12 lead ECG data from the SH database.
LeadCodingSen (%)Spe (%)Ppr (%)Acc (%)F1 (%)
I[9,1,0,0,0,0,0,0,0,0,0,0,0]79.5894.7177.5091.9378.29
II[9,0,1,0,0,0,0,0,0,0,0,0,0]81.1795.1779.2492.5579.73
III[9,0,0,1,0,0,0,0,0,0,0,0,0]79.0194.2877.6691.3778.07
avR[9,0,0,0,1,0,0,0,0,0,0,0,0]80.2395.0679.5592.5279.73
avL[9,0,0,0,0,1,0,0,0,0,0,0,0]77.8093.7773.8390.1574.81
avF[9,0,0,0,0,0,1,0,0,0,0,0,0]79.7594.3676.3791.0677.45
V1[9,0,0,0,0,0,0,1,0,0,0,0,0]76.6693.9775.8490.8776.05
V2[9,0,0,0,0,0,0,0,1,0,0,0,0]78.8394.4879.4091.8778.54
V3[9,0,0,0,0,0,0,0,0,1,0,0,0]78.4194.6379.3891.9678.11
V4[9,0,0,0,0,0,0,0,0,0,1,0,0]79.5694.6477.4591.5977.98
V5[9,0,0,0,0,0,0,0,0,0,0,1,0]80.5794.9377.6392.1178.85
V6[9,0,0,0,0,0,0,0,0,0,0,0,1]77.1094.1075.1990.7475.80
All 12 leads[9,1,1,1,1,1,1,1,1,1,1,1,1]97.8499.6899.1299.5398.41
Proposed[9,1,1,0,1,1,0,1,1,0,1,0,0]98.6199.7699.1499.6598.87
Table 11. Comparison experiments of 12 single-lead ECG data and all 12 lead ECG data from the PTB database.
Table 11. Comparison experiments of 12 single-lead ECG data and all 12 lead ECG data from the PTB database.
LeadCodingSen (%)Spe (%)Ppr (%)Acc (%)F1 (%)
I[5,1,0,0,0,0,0,0,0,0,0,0,0]89.4189.4193.4794.6891.26
II[5,0,1,0,0,0,0,0,0,0,0,0,0]82.1582.1581.3788.2181.75
III[5,0,0,1,0,0,0,0,0,0,0,0,0]76.2476.2482.7887.7978.82
avR[5,0,0,0,1,0,0,0,0,0,0,0,0]87.2487.2487.7292.0687.48
avL[5,0,0,0,0,1,0,0,0,0,0,0,0]73.8273.8278.2585.6575.65
avF[5,0,0,0,0,0,1,0,0,0,0,0,0]75.1775.1776.7585.0875.91
V1[5,0,0,0,0,0,0,1,0,0,0,0,0]74.2874.2875.5484.3674.87
V2[5,0,0,0,0,0,0,0,1,0,0,0,0]73.9073.9087.1888.3678.07
V3[5,0,0,0,0,0,0,0,0,1,0,0,0]68.4268.4276.0284.0370.94
V4[5,0,0,0,0,0,0,0,0,0,1,0,0]77.7077.7084.0888.5580.26
V5[5,0,0,0,0,0,0,0,0,0,0,1,0]86.2386.2389.7892.5987.84
V6[5,0,0,0,0,0,0,0,0,0,0,0,1]86.2086.2090.0992.6887.95
All 12 leads[5,1,1,1,1,1,1,1,1,1,1,1,1]93.2493.2491.9795.2092.59
Proposed[5,1,0,1,0,0,1,0,1,0,1,0,1]96.0196.0196.5197.6296.25
Table 12. The results of disease detection based on a fixed number of ECG leads.
Table 12. The results of disease detection based on a fixed number of ECG leads.
SolutionsSH DatabasePTB Database
Optimal Lead
Combination
Acc (%)F1 (%)Optimal Lead
Combination
Acc (%)F1 (%)
Optimal solutionI, II, avR, avL, V1, V2, V499.6598.87I, III, avF, V2, V4, V697.6296.25
Optimal solution fixed with 2 leadsavR, V490.6589.48I, V695.1092.29
Optimal solution fixed with 3 leadsI, avR, V494.6393.89I, avF, V696.1093.62
Optimal solution fixed with 4 leadsI, II, avR, V496.9596.12I, III, avF, V696.8796.13
Table 13. Confusion matrix of MI detection using standard cross-entropy loss function.
Table 13. Confusion matrix of MI detection using standard cross-entropy loss function.
Predicted Class
HCMI
True
Class
HC35663
MI191666
Table 14. Performance comparison of the weighted cross-entropy loss function.
Table 14. Performance comparison of the weighted cross-entropy loss function.
Loss FunctionSen (%)Spe (%)Ppr (%)Acc (%)F1 (%)
Cross-entropy91.9291.9295.6496.1093.64
Weighted cross-entropy96.0196.0196.5197.6296.25
Table 15. Results of testing HC and MI data from PTB database using arrhythmia detection model.
Table 15. Results of testing HC and MI data from PTB database using arrhythmia detection model.
Predicted Class
NPACTBPVC
True
Class
HC10818000
MI163126222202157
Table 16. Results of testing N, PAC, T, B, PVC data from SH database using MI detection model.
Table 16. Results of testing N, PAC, T, B, PVC data from SH database using MI detection model.
Predicted Class
HCMI
True
Class
N875423
PAC5297859
T273955
B317422
PVC1462591
Table 17. Test results for ECG detection devices in this article.
Table 17. Test results for ECG detection devices in this article.
Disease CategoriesSegment Length
of the Input Signal (s)
Processing Time of Raspberry Pi (s)Time RatioAccuracy of Hardware
Implementation
Arrhythmia9.001.160.129100%
MI5.000.640.128100%
Time ratio: processing time of Raspberry Pi/segment length of the input signal. Accuracy of hardware implementation: the number of data for which the Raspberry Pi has the same detection result as PC/total number of test data (128).
Table 18. Comparison of existing methods and the proposed method in MI detection.
Table 18. Comparison of existing methods and the proposed method in MI detection.
ResearchDatabaseECG LeadsNumber of
Categories
MethodECG Length (s)Acc (%)F1 (%)
[22] 2017PTBII2CNN0.65195.22-
[24] 2017PTBII, III, avF2Shallow CNN3.07284.54-
[14] 2019PTBAll 12 leads2SVM0.892.6983.26
[46] 2020PTBAll 12 leads2MLA-CNN-BiGRU0.65196.50-
ProposedPTBI, III, avF, V2, V4, V62GA-LSLO597.6296.25
PTB: Physikalisch-Technische Bundesanstalt. CNN: convolutional neural network. SVM: support vector machine. MLA: multi-lead attention. BiGRU: bidirectional gated recurrent unit.
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Shi, J.; Li, Z.; Liu, W.; Zhang, H.; Guo, Q.; Chang, S.; Wang, H.; He, J.; Huang, Q. Optimized Solutions of Electrocardiogram Lead and Segment Selection for Cardiovascular Disease Diagnostics. Bioengineering 2023, 10, 607. https://doi.org/10.3390/bioengineering10050607

AMA Style

Shi J, Li Z, Liu W, Zhang H, Guo Q, Chang S, Wang H, He J, Huang Q. Optimized Solutions of Electrocardiogram Lead and Segment Selection for Cardiovascular Disease Diagnostics. Bioengineering. 2023; 10(5):607. https://doi.org/10.3390/bioengineering10050607

Chicago/Turabian Style

Shi, Jiguang, Zhoutong Li, Wenhan Liu, Huaicheng Zhang, Qianxi Guo, Sheng Chang, Hao Wang, Jin He, and Qijun Huang. 2023. "Optimized Solutions of Electrocardiogram Lead and Segment Selection for Cardiovascular Disease Diagnostics" Bioengineering 10, no. 5: 607. https://doi.org/10.3390/bioengineering10050607

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