Next Article in Journal
A Novel High-Throughput and Sensitive Electrochemiluminescence Immunoassay System
Next Article in Special Issue
Older Adult Fall Risk Prediction with Deep Learning and Timed Up and Go (TUG) Test Data
Previous Article in Journal
Two-Dimensional Mammography Imaging Techniques for Screening Women with Silicone Breast Implants: A Pilot Phantom Study
Previous Article in Special Issue
On Automated Object Grasping for Intelligent Prosthetic Hands Using Machine Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Automatic Classification of Anomalous ECG Heartbeats from Samples Acquired by Compressed Sensing

1
Department of Engineering, University of Sannio, 82100 Benevento, Italy
2
Department of Systems and Computer Engineering, Carleton University, Ottawa, ON K1S 5B6, Canada
*
Author to whom correspondence should be addressed.
Bioengineering 2024, 11(9), 883; https://doi.org/10.3390/bioengineering11090883
Submission received: 25 July 2024 / Revised: 23 August 2024 / Accepted: 28 August 2024 / Published: 31 August 2024

Abstract

:
In this paper, a method for the classification of anomalous heartbeats from compressed ECG signals is proposed. The method operating on signals acquired by compressed sensing is based on a feature extraction stage consisting of the evaluation of the Discrete Cosine Transform (DCT) coefficients of the compressed signal and a classification stage performed by means of a set of k-nearest neighbor ensemble classifiers. The method was preliminarily tested on five classes of anomalous heartbeats, and it achieved a classification accuracy of 99.40%.

Graphical Abstract

1. Introduction

According to the World Health Organization (WHO), 17.9 million people die each year due to cardiovascular disease (CVDs), and four out of five of these deaths are due to heart attacks and strokes. In contrast, one-third of these deaths occur prematurely in people under 70 years of age. Identifying those at the highest risk of CVDs and ensuring they receive appropriate treatment can prevent premature deaths [1]. Typically, to diagnose a CVD or cardiac abnormality, an electrocardiogram (ECG) signal is acquired in a clinical setting, then manually analyzed by an experienced cardiologist. However, some CVDs, such as arrhythmia, may not appear in a short trace of ECG and may require extended monitoring. Holter monitors are used for extended monitoring as subjects do their normal activities. However, such monitors are bulky and inconvenient to use, may restrict the activities that can be performed, and require hospital visits when electrodes detach from the skin. With the advent of miniaturized wearable health devices (WHDs), continuous monitoring of ECG signals is possible. WHDs can be implemented on small-footprint circuits with low power consumption in a fabric, and the wireless sensor network can be integrated into a garment [2], making them comfortable and not bulky and a convenient alternative to Holter monitors [3,4,5]. However, as WHDs are implemented using low-power microcontrollers with limited memory and battery power, only a limited amount of data can be acquired and stored. This may be highly restrictive for continuous monitoring; therefore, WHDs may have to communicate to a central node for storage and manipulation of the acquired data. Since data transmission represents the most demanding task in terms of energy consumption for a WHD node [6], to deal with these limitations, the state of the art proposes the use of compression techniques to reduce the data rate toward the central node. Compression techniques or algorithms are usually divided into the following two main categories: (i) lossless and (ii) lossy algorithms. Lossless techniques, such as the Lempel–Ziv–Welch [7] and Huffman [8] methods, can compress the ECG signal without substantial loss of information but generally have Compression Ratio (CR) values of 2 or 4 (the number of samples is reduced by a factor of 2 or 4, respectively). On the other hand, lossy techniques can reach a much greater compression ratio (between 10 and 20) but with the possibility of losing portions of significant information. Among the lossy techniques for ECG compression, transformation techniques such as Discrete Wavelet Transform (DWT) [9,10,11] and Fourier transform [12] are widely used, since they can compress the signal without loss of clinical information. These techniques impose a heavy computational load on the node of the WHD, so they are not suitable for use with a wearable device. Among the lossy methods, Compressed Sensing (CS) has great potential to be used in WHDs, as it has a low computational load in the signal compression phase. Consequently, compression can be performed directly on the WHD nodes, while the reconstruction of the signal, which has a significantly higher computational requirement, can be performed by a receiver node. The main challenge in developing CS frameworks for the compression and reconstruction of ECG signals is finding compression (sensing matrix) and reconstruction (dictionary matrix) matrices that offer the best trade-off between the quality of reconstruction and achievable compression [13,14,15,16]. Besides acquiring and compressing the ECG signal, WHD can also be considered as part of a system that can detect cardiac anomalies. As anomaly detection and classification are performed in real time, a cardiologist can be promptly warned through an alert system in case of a positive detection [17].
In this paper, a new method for the classification of ECG signal arrhythmias from their compressed representations obtained using CS is presented. The method works on compressed heartbeat waveforms obtained by segmenting the ECG signal according to the R-peak position and compressing it with a Deterministic Binary Block Diagonal (DBBD) matrix. The method evaluates the discrete cosine transform (DCT) coefficients of each compressed heartbeat and identifies the heartbeat type among the considered categories. For the classification of the beats, a combination of ensembled k-Nearest Neighbor (KNN) classifiers was used, working in parallel. Before validating the method in a real-life scenario with the ECG signals acquired from a wearable device, a preliminary evaluation phase was performed using signals from the MIT-BIH database to compare the performance of the proposed method with literature results. Among different datasets, the MIT-BIH database was chosen because it has been used most studies regarding ECG anomaly detection. In this preliminary phase, five heartbeat classes were considered, as they are the most commonly considered in the literature regarding ECG anomaly detection, namely Atrial Premature Beat (APB, labeled as A), Premature Ventricular Contraction (PVC, labeled as V), normal beats (labeled as N), Right-Branch Block Beat (RBBB, labeled as R), and Left-Branch Block Beat (LBBB, labeled as L), whose characteristic waveforms are shown in Figure 1.
It is important to clarify a fundamental point. This article aims to carry out the classification of ECG beats, not of the entire trace, based on tags inserted by cardiologists. This research is not intended to be a replacement for medical diagnosis but can be used as a support for diagnosis alongside the expertise of cardiologists. The following are the contributions of this paper:
  • A classification methodology is proposed for distinguishing different arrhythmias in ECG signals acquired by compressed sensing using an ensemble of classifiers and a small set of features.
  • The proposed methodology can perform classification without the need to reconstruct the signal. This makes it particularly suitable for use in combination with WHDs that can work with limited energy resources.
The rest of the paper is organized as follows. Section 2 reports the state of the art for ECG classification using machine learning (ML), while Section 3 provides an overview of CS. Section 4 presents the proposed method for the classification of ECG arrhythmias, while Section 5 presents the experimental evaluation and the limitations of the proposed method. Finally, Section 6 provides the conclusion and possible directions for future work.

2. Background

To classify the beats of the ECG signal, features need to be defined and extracted. Typically, the features considered in the state of the art can be mainly divided into the following four categories [18]: features in the time domain (e.g., Principal Component Analysis (PCA) [19,20,21,22], Linear Discriminant Analysis (LDA) [20], and Independent Component Analysis (ICA) [23,24]), features in the frequency domain (e.g., Discrete Fourier Transform (DFT) coefficients, DCT [25], and Power Spectral Density (PSD) [26]), statistical measures or measurement based on the signal morphology [27], and nonlinear methods (e.g., wavelet transform coefficients [21,22], Higher-Order Statistics (HOS) [28,29], and empirical mode decomposition [30]).
In [27], Chazal et al. used a set of time-domain features combined with the morphological features of an ECG signal. Some of the used features included pre-RR intervals, post-RR intervals, mean RR, local RR, QRS duration, T-wave duration, P-wave presence, QRS, normalized QRS, T wave, and normalized T wave. The classifier was trained on the signals from the MIT-BIH arrhythmia database, from which 44 ECG signals were extracted from different subjects without a pacemaker. The classifier model is based on linear decomposition, and 12 different classifier configurations were used. In particular, eight configurations present a classifier trained on a single ECG lead, while the other four present two classifiers trained on two ECG leads. The final classification of a beat is carried out by combining the outputs of the two classifiers with a maximum likelihood combiner. The classifier groups the ECG signals into the following five different classes defined by the Advancement of Medical Instrumentation (AAMI) guidelines: normal beats and bundle branch block beats (tagged as N), supraventricular ectopic beats (SVEBs) (tagged as S), ventricular ectopic beats (VEBs) (tagged as V), beats that result from fusing normal beats and VEBs (tagged as F), and unknown beats (tagged as Q). Considering the exhibited performance, the best achieved accuracy was 96.4%.
In [26], Plawiak used PSD obtained using the Welsh method combined with the discrete Fourier transform of the ECG signal, which was normalized by applying a logarithmic function to the transformed signal. To reduce the data, speed up the classification, and eliminate features that contain non-significant information, Rutkowski et. al. [31] proposed a system for the automatic classification of ECG signal anomalies with a feature selection phase using a Genetic Algorithm (GA). The proposed method can classify 17 types of beats, using 1000 10-second-long ECG segments from the MIT-BIH database as training signals. The method was tested using dour classifiers, namely Support Vector Machine (SVM), k-Nearest Neighbor (KNN), Probabilistic Neural Network (PNN), and Radial Basis Function Neural Network (RBFNN), managing to achieve an accuracy of 98.85%.
In [25], Roshat et al. proposed a method for the classification of ECG arrhythmias that uses the DCT features of the signal. Signals from the MIT-BIH database were used for classification. Initially, there is a signal preprocessing phase, in which a wavelet-based denoising technique is used to clean up the signal of noise. Subsequently, a Pan–Tompkins algorithm [32] is used to detect the R peak. Following this, 200 samples are taken around the peak (100 before the peak and 99 after the peak), and the DCT is applied. A PCA-based feature selection phase is used to eliminate redundant or non-significant features. The system is able to recognize five types of beats (same classes as [27]), and the method has been tested using the following six classifiers: a neural network (NN), PNN, SVM, and radial basis functions (linear, quadratic, and polynomial). The authors reported a maximum accuracy of 99.52% using a PNN classifier.
Turker et al. [33] used morphological wavelet transform features projected onto a lower dimensional feature space using PCA and temporal ECG features. The proposed classifier is a fully connected artificial neural network optimized patient-wise using a multidimensional particle swarm optimization technique. Following the AAMI guidelines, it discriminated five classes and was able to achieve an average accuracy of 98.58%.
Osowski et al. [34] proposed a neural network classifier based on hybrid fuzzy logic, using HOS as the feature set to discriminate the following seven ECG classes: normal beats, LBBB, RBBB, APB, PVC, ventricular flutter waves, and ventricular escape beats. The average accuracy is 96.06%.
Isin et. al. [35], developed a deep learning framework that was able to carry out the automatic classification and diagnosis of arrhythmias in ECG signals. The deep learning framework was trained on a general image dataset, after which it carries out automatic ECG arrhythmia diagnostics. A transferred deep convolutional neural network (namely, AlexNet) is used as a feature extractor, and the extracted features are fed into a simple back-propagation neural network to carry out the final classification. The authors used the MIT-BIH arrhythmia database as their dataset and selected three different conditions of ECG, namely (i) normal beats, (ii) paced beats, and (iii) right-branch block beats. The authors obtained a test accuracy of 92.44%.
In addition to methods and algorithmic improvements in ECG analysis, there is still room for improvement in terms of its applications, for example, in IoMT and telehealth devices [18]. The methods presented above are focused on increasing the accuracy of classification without considering that in IoMT and telemedicine applications, the devices used to acquire the signal are constrained in terms of power consumption, as they are battery-powered. This implies that in scenarios such as those described above, wearable devices cannot be used for long-term acquisition of ECG signals. Another limitation that can occur in these systems is that when multiple patients are analyzed, the transmission systems cannot support the necessary data rate. It is possible to apply compression techniques to the ECG signals and perform automatic classification directly from the compressed samples without carrying out reconstruction because the compressed signal contains all the information necessary to identify arrhythmias. This results in a reduction in power consumption compared to classical classification methods in which compression is followed by reconstruction before classification, enabling the use of wearable technologies, as, since the transmitted data are compressed, the data rate will be lower.
In [36], Alvarado et al. proposed a new method for the classification of anomalies from ECG signals for WHD applications. The signal is first preprocessed through a bank of filters to eliminate baseline wandering, and the temporal features of the signal are extracted from a compressed version of the signal. Compression is applied using a model based on the Integrate and Fire (IF) sampler. The authors analyzed the ECG signals using the stream of pulses generated by the IF sampler, extracted the pulse features, and evaluated the classifier’s performance. Therefore, the ECG signal does not need to be reconstructed. The chosen classifier is based on an LDA model, and the proposed method achieves the dual purpose of compressing the data-intensive ECG signals and performing classification in the pulse domain, following the AAMI guidelines for classification, achieving an accuracy of 93.6%.
Zheng et al. [37] proposed a method utilizing singular value decomposition (SVD) to compress ECG signals and feed the compressed data to a convolutional neural network (CNN) and SVM for classification. The system can discriminate among the following four classes: normal beats, PVC, RBBB, and LBBB. A total of 11 records were obtained from the MIT-BIH cardiac arrhythmia database and used for the training and testing phases, and a Pan–Tompkin algorithm was used to divide the ECG signals into frames (one for each heartbeat). The highest average accuracies were 99.39% with the CNN classifier and 99.21% with SVD compression.
In [38], Huang et al. developed an accurate method for the classification arrhythmias in ECG signalsthat involves compressing the signal using the maximal overlap wavelet packed decomposition in order to decompose the ECG into sub-signals of different scales. They used the Fast Compression Residual Convolutional Neural Network (FCResNet) and were able to discriminate among the following five different beat types: LBBB, RBBB, PVC, normal beats, and APB, achieving an overall accuracy of 98.79%. When comparing the performance among these three methods, it is possible to observe that the methods presented in [37,38] achieve higher accuracies than the method reported in [36], but since they are based on NNs, they have the following disadvantages: (i) the requirement of large quantities of data for training; (ii) computational complexity, which results in the use of specialized hardware; and (iii) the lack of interpretability.

3. Compressed Sensing

Compressed sensing is a framework aimed at acquiring and reconstructing signals that are sparse in a particular domain. Let x R N × 1 be the vector of N samples acquired at the Nyquist rate and y R M × 1 be its compressed acquisition; then, the CS compression process can be described as follows:
y = Φ · x ,
where M N , and Φ R M × N is the sensing matrix. The signal ( x ) must have a sparse representation in a specific domain (i.e., the signal can be represented by a few coefficients in the chosen domain) [15,39,40]. If this assumption is valid, then the signal can be reconstructed from its compressed representation using a relatively small number of samples [14]. The ECG signal can be represented with a sparse signal model [14]; therefore, it can be compressed using the CS approach.
The sparse representation of the ECG signal can be modeled as follows:
x = Ψ · α ,
where Ψ R N × P is the dictionary matrix and α R P × 1 is the coefficient vector of the signal (x) in the transform domain, with P being the number of waveforms in the dictionary. Substituting (2) into (1), the following expression can be obtained:
y = Φ · x = Φ · Ψ · α .

4. Proposed Method

A synthetic overview of the proposed method is presented in Figure 2 and can be summarized in the following points:
  • The single-lead ECG signal is read from the database.
  • The ECG signal is segmented (Figure 3a) by obtaining sub-signals containing a heartbeat and centered on the R peak and subsequently filtered (Figure 3b) to eliminate the effects of baseline drift.
  • The segmented signals are compressed by employing the CS algorithm (Figure 3c).
  • The DCT of the compressed ECG signals is then obtained, and all of them are used to train the classifiers.
  • At this point, the dataset is divided between the training/validation and testing phases. For the training/validation phase, 80% of the signals are selected, while 20% are selected for the test phase.
  • Every heartbeat is labeled by a cardiologist, and the following five different beat types are formed: normal beats (N), APB (A), PVC (V), LBBB (L), and RBBB (R). Since the majority of the classes present in the dataset are N, the Synthetic Minority Over-sampling Technique (SMOTE) algorithm is used to generate synthetic samples for the other four minority classes [41].
  • The classifiers are trained with the DCT features of the compressed signals using the dataset designated for use in the training/validation phase, and in the test phase, the outputs of the trained classifiers are combined to make a decision.

4.1. ECG Signal Processing

The digital signal processing stage of the proposed method is based on that reported in [42]. This step can be divided into the following two phases: signal segmentation and signal filtering. In the first phase, the method uses the Pan–Tompkins algorithm [32] to identify the QRS complex of the ECG signal. As a result, the positions of the R peaks of the signal are obtained. For segmentation, windows with lengths equal to 180 samples are used, centered on the positions of the R peaks identified by the Pan–Tompkins algorithm. This involves splitting the original ECG signal into segments, each centered on the R peak and containing the QRS complex (i.e., the signals are broken down by heartbeats, and each sub-signal contains a beat). The objective of the second phase is to remove the baseline from each ECG segment. This task is accomplished through the use of two cascaded median filters; the first median filter is applied over 200 ms of ECG, and the second filter is applied over 600 ms. The obtained filtered signal is then compressed.

4.2. ECG Signal Compression

Following the digital signal processing stage, each ECG segment was compressed using CS as per (1). It has been already demonstrated that the ECG signal is sparse, and CS can be applied to it successfully [43]. Moreover, CS compression depends on the choice of the sensing matrix. In particular, in the case of ECG signals, it has been shown that the choice of a DBBD matrix as the sensing matrix outperforms traditional methods that use a randomly generated sensing matrix [44]. The DBBD matrix used in this work is shown in (4).
Φ = [ 1 . . . 1 ] 0 0 0 0 [ 1 . . . 1 ] 0 0 0 0 . . . 0 0 0 0 [ 1 . . . 1 ]
The DBBD matrix is sparse, and each row has a number of ones equal to C R = N s / M , where N s is the number of samples of the segmented signal before compression and M is the number of samples of the segmented signal after compression. The reconstruction problem consists of taking the M compressed measurements and using both the sensing matrix ( Φ ) and the dictionary matrix ( Ψ ) to reconstruct the original signal ( x ). Since M N , there are infinite solutions to (3), but under the assumption made in this case (i.e., the signal is K-sparse), an estimation of the coefficient ( α ) can be obtained as follows:
α ^ = arg min α α 0 subject to : y = Φ · Ψ · α ,
where · 0 represents the 0 -norm operator. Equation (5) represents a constrained optimization problem, where the aim is to find the α vector as the maximally sparse solution, subject to (3). However, since the positions of the nonzero elements in the vector are unknown, the problem has a combinatorial complexity. For this reason, Equation (5) is relaxed to an 1 optimization problem [45] as (6), which, in contrast, can be solved by linear programming as follows:
α ^ = arg min α α 1 subject to : y = Φ · Ψ · α .
By estimating the α ^ coefficients, it is possible to reconstruct the ECG signal from the compressed samples using (2). Several algorithms can be used to reconstruct the signal [46], and typically, the most commonly used reconstruction algorithm is Orthogonal Matching Pursuit (OMP). OMP is a lossy algorithm with low complexity and computational load, but its reconstruction performance is not very high, especially at CR values higher than 4. If the arrhythmia detection system can discriminate an ECG arrhythmia from its compressed version, completely skipping the computationally expensive reconstruction of the signal for the detection of the arrhythmia, the reconstruction phase can be performed after arrhythmia detection by a receiver node instead of the WHD. In this work, the DCT is applied to the segmented and compressed ECG signal, and its coefficients are used as features by the classifiers for arrhythmia detection.

4.3. Balancing the Dataset

In the ML algorithm, data imbalance is an issue, as the performance of the classifier is affected by the majority class [47]. Therefore, the data need to be balanced in the training set before the classifiers are trained. This can be accomplished as part of the pre-processing phase. It can be accomplished either at the sample level or at the feature level. The most popular approach is to over-sample the training dataset, adding artificial samples to the data space; this method is called SMOTE. In SMOTE, synthetic samples are produced from the minority classes [41]. These samples are generated in the feature space by taking the minority classes and introducing synthetic samples along the line segments joining any/all of the k minority-class nearest neighbors in the feature space. Depending on the amount of over-sampling required, neighbors from the k nearest neighbors are randomly chosen. For instance, if the needed amount of over-sampling is 200%, only two among the five nearest neighbors are chosen, and one sample is generated in the direction of each. Synthetic samples are generated in the following way:
  • Take the difference between the feature vector (sample) under consideration and its nearest neighbor.
  • Multiply the difference by a random number between 0 and 1.
  • Add the result to the feature vector under consideration. This approach forces the decision region of the minority class to be more general.

4.4. Training and Validation

All classifiers used in this work are members of the ensemble subspace KNN class. The application of the random subspace ensemble technique to KNN classifiers was first introduced in [48]. Being an ensemble technique, it combines the decisions of a series of weak classifiers to discriminate among various classes. The technique is derived from stochastic discrimination, where a series of stochastically created weak classifiers are combined to increase classification accuracy. Individual classifiers cannot discriminate individual classes by themselves; it is the combination of these classifiers that creates the decision-making power. In particular, the classifiers are made independent through a stochastic process; some dimensions of the feature space are ignored so that the invariance of classification is maintained for samples that differ only in the ignored dimensions. Combinations of ignored dimensions are chosen randomly so that independence is maintained. This method provides an estimate of the posterior probability ( P ( C | x ) ) of a vector (x) belonging to a class (C), and the kernels are defined by single weak classifiers—in this case, by the locations of the K nearest neighbors of a sample. This implies that the nearest neighbors can be different for each sample.
In Figure 4, an overview of the training and validation phase is presented. For the classification, five KNN ensemble classifiers are trained using the ECG data, with a five-fold cross-validation to allow the method to discriminate among the following five different beats: normal beats (N), APB (A), PVC (V), LBBB (L), and RBBB (R). In particular, referring to Figure 4, C1 is the generic classifier, which is trained on all five types of heartbeats without making any changes to the labels. Classifiers C2, C3, C4, and C5 are also trained on the same signals as the generic classifier, but the labels are modified in such a way as to obtain 3 possible classes instead of 5. All classifiers were trained with normal beats (labeled as N) and on a different single arrhythmia for each of the classifiers (e.g., classifier C2 was trained on arrhythmia A, classifier C3 on arrhythmia V, etc.). The three remaining arrhythmias (e.g., L, R, and V in the case of C2; A, L, and R in the case of C3; etc.) were inserted into a single class labeled as NC.

4.5. Testing

The testing phase is presented in Figure 5. In this phase, the output of the individual classifiers is combined through a voting decision maker. As previously stated in Section 4.4, the possible outcomes of the four expert classifiers are normal beat (N), arrhythmia (A, V, R, or L), and unclassified arrhythmia (NC). The network implements a set of voting-based rules that allows for the choice of the most likely class. For the recognition of normal beats (class N), since each classifier can have class N as an output, a simple decision-making rule based on the majority is implemented. In the ideal case, when a normal beat occurs, all 4 classifiers should output class N. Obviously, this does not always happen; consequently, if at least 3 of the 4 expert classifiers are in agreement with class N, then the beat is classified as N (majority voting). In the case of an abnormal beat, the ideal case would be that three classifiers output NC while one classifier outputs arrhythmia, that is, all 4 classifiers recognize the presence of an arrhythmia; three cannot recognize it, and the fourth gives the arrhythmia output. This would be the same if there were three outputs of arrhythmia (two of them as NC) and one output of normal beat, in which case majority vote is still valid. In the event that a majority is not reached, the generic classifier output is taken as the default decision. In this case, the outputs of the expert classifiers are discarded.

5. Experimental Evaluation

To carry out the experimental evaluation of the proposed method (see Figure 2), the ECG signals were taken from the freely available online Physionet MIT-BIH Arrhythmia Database [49]. The Physionet Database contains 48 ECG tracks from 47 ambulatory patients acquired through two channels for a period of half an hour. These acquisitions were made at a sampling frequency of 360 Hz, with a resolution of 11 bits per channel. Each ECG beat present in the database has been annotated by a cardiologist. This annotation is used to discriminate among the various beats and to select the desired heartbeat based on the classes discriminated by the classifier. For these tests, 44 out of the 48 available ECG tracks were used, where the 4 left-out tracks correspond to paced beats. As described in Section 4, the QRS complexes were identified, the ECG signals were segmented into sub-signals centered on the R peak, each containing a beat of finite length equal to N s = 180 samples. Two cascaded median filters were then applied to the segmented signals to eliminate the baseline. Since each beat has a label, only the beats that fall into one of the following five distinct classes are selected: normal beats (N), APB (A), LBBB (L), RBBB (R), and PVC (V). The signals are then compressed through CS, using a DBBD matrix (4) with a compression ratio of C R = N s / M , where M is the number of samples of the compressed signal. The experimental tests presented in this work were carried out by varying the CR to evaluate the classification performance and robustness of performance under various CRs. DCT is applied to the segmented and compressed signals, and its coefficients are used as features for classifier training. For the training phase, 80% of the signals for each class was selected randomly, and the remaining 20% was used for the testing phase. The SMOTE algorithm was used to handle data imbalance.
In Table 1, the numbers of signals used for (i) training and validation without SMOTE, (ii) training and validation with SMOTE, and (iii) testing are presented. As can be seen, when dealing with the MIT-BIH dataset, there is a prevalence of normal beats (N) above all others. To reduce the unbalance, SMOTE was set to double the number of samples of the other classes, namely R, L, and V. Since the samples of class A are the smallest among all classes, the multiplicative coefficient was set to 2.5 (rounded down). Since the data used for the test must not be contaminated by artificial samples, in order to make the test data remain independent from those used in the training, SMOTE is applied only to the latter. To evaluate the performance of the proposed method, five commonly used figures of merit are calculated as follows:
  • Accuracy: The number of the correctly classified instances divided by the number of total instances (7);
  • Sensitivity: the number of positive instances that are correctly classified divided by the sum of the number of positive instances that are correctly classified plus the number of positive instances that are wrongly classified (8);
  • Specificity: the number of negative instances correctly classified divided by the sum of the number of negative instances correctly classified and the number of positive instances wrongly classified (9);
  • Precision: the number of positive instances correctly classified divided by the total number of positive instances (10);
  • F1 score: the harmonic mean of precision and sensitivity (11).
A c c u r a c y = T P + T N T P + T N + F N + F P
S e n s i t i v i t y = T P T P + F N
S p e c i f i c i t y = T N T N + F P
P r e c i s i o n = T P T P + F P
F 1 - score = 2 × P r e c i s i o n × S e n s i t i v i t y P r e c i s i o n + S e n s i t i v i t y

5.1. Training and Validation Results

In order to not disrupt the flow of the main text of the article, all the tables referred to from now on can be found in Appendix A. In Table A1, the class-wise results from the training and validation of classifier C1 are reported for different values of CR. As can be seen from the presented results, the C1 classifier performs well during validation. Furthermore, the sensitivity, specificity, precision, and F1 score are higher in almost all cases (≥99%). As expected, as the CR increases, the number of cases of misclassification increases, and this leads to a degradation of the performance of the classifier. A decrease in accuracy with the CR is expected, as the DBBD matrix behaves as a low-pass filter on the signal, and by increasing the CR, the cut-off frequency of such a filter decreases. As a consequence, the information content of the signal is reduced. However, all figures of merit, once again, remain, for most cases, above 99%.
In Table A2, the accuracy, average sensitivity, average precision, average specificity, and average F1 score are reported for C1. The performance of the classifier decreases only marginally as the CR changes. The classifier has an accuracy of 99.69% with a CR equal to 3, down to 99.60% with a CR equal to 9. Validation was carried out in the same way for the other four classifiers, and the results are presented in Table A3, Table A4, Table A5, Table A6, Table A7, Table A8, Table A9 and Table A10. In particular, Table A3 and Table A4 refer to classifier C2, Table A5 and Table A6 refer to classifier C3, Table A7 and Table A8 refer to classifier C4, and Table A9 and Table A10 refer to classifier C5. The performance is similar across all classifiers.

5.2. Testing Results

The results of the test phase are shown in Table A11, Table A12 and Table A13. In Table A11, the performance of the C1 classifier is reported, with similar results to what was presented in the validation phase. The figures of merit are calculated for each class and at different values of CR, while in Table A12, the average performance of the classifier is shown. Again, as the CR changes, the combination of compressed DCT features and the ensemble classifier is robust, as the performance degradation due to the higher compression is only marginal. Classes A and V appear to be those with the most classification errors, and they are also the most affected by the increase in CR. In fact, class A attains a sensitivity of 90.18% with CR = 3, and this degrades to 87.92% with CR = 9, while for class V, the sensitivity degradation spans from 98.26% with CR = 3 to 96.30% with CR = 9. In particular, performance degradation is evident for class A. Referring to Figure 1a,b, it is possible to note that the differences between a beat labeled as N and one labeled as A are minimal. This leads to very similar DCT coefficients, and consequently, it is harder for the classifier to discriminate between the two beat types. Classes N, R, and L have results similar to those seen in validation, with sensitivity, precision, and F1 scores higher than 99% for every CR value. Analyzing the average values in Table A12, the accuracy of the classifier remains above 99% for all CR values, presenting a maximum of 99.39% with CR = 3. Table A13 shows the results of the classifier after the decision maker. It is observed that for a CR equal to 3, the decision maker is unable to improve the performance of the classifier. However, as the CR value increases, it is possible to notice an increase in accuracy. In particular, in comparing the values between Table A12 and Table A13, the same performance as the classifier without the decision maker is achieved by the classifier with the decision maker using the next CR value utilized in the test. Following the use of the decision maker, the maximum accuracy of the proposed method is 99.40%, while the minimum is 99.15%. In Table A14, a performance overview of studies regarding the classification of ECG signals is presented. All these studies use the MIT-BIH arrhythmia dataset, and the data size is also reported. Since in [26,38], the exact number of ECG beats was not reported, because both of the methods work with ECG 10 s segments chosen randomly from the database, an estimation of the ECG beats is reported, considering one heartbeat per second. In particular, in [33,37,38], the classification of the ECG signal was carried out on its compressed representation. It can be noted that the proposed method has an accuracy in line with that reported in [25], which is one of the highest values reported in the literature, while sensitivity was 1.27% lower, precision was 1.10% lower, and specificity was 0.23% lower. The proposed method outperforms all other classification methods using compressed ECG signals and is comparable with the method presented in [38] in terms of accuracy. However, it should be noted that in [38], class A was not used. Carrying out the same previously presented tests with only the N, L R, and V classes, the accuracy of the proposed method was determined to be 99.74%.

5.3. Limitations of the Proposed Method

Although the performance of the method in terms of accuracy is comparable with that of methods that do not use ECG signal compression and with those that use neural networks, it presents limitations listed in this subsection and that will be the subject of subsequent studies and future works. The method was tested for the classification of five types of beats, and not all possible arrhythmias or variations of arrhythmias were present in the dataset. The choice to use these five classes was made because they are the most used classes in the literature, with the aim of being able to validate the method and compare it with previously developed methods. The tests were carried out using signals that were acquired in medical scenarios, but these signals were not acquired by wearable devices. This means that in a scenario where a wearable is used, the presented accuracies could decrease, for example, due to motion artifacts. In this case, a possible solution is to carry out a quality assessment phase on the ECG signal to discard beats that are too corrupted by movement artifacts. Even though the method does not feature the use of NNs, it still uses five classifiers. This implies that the employed dataset must be large enough to ensure correct training of the method. Since the number of DCT features used to train the classifiers depends on the CR used to compress the ECG signals, they decrease as the CR increases. This implies a decrease in the duration of the training phase, but this means that every time a user wants to change the CR of the method, the classifiers must be retrained.

6. Conclusions

In this paper, a method for classifying compressed ECG beats is presented to be used in a WHD-based telemedicine system. The method operates based on heartbeats compressed by compressed sensing using a DBBD sensing matrix. To evaluate the performance of the classifier, accuracy, sensitivity, specificity, precision, and F1 score were calculated and compared with those of other classification methods found in the literature. In validation, the proposed method obtained an accuracy of 99.72%, a sensitivity of 99.74%, a precision of 99.71%, a specificity of 99.84%, and an F1 score of 99.73% for a CR value of 3, while these values dropped to 99.62%, 99.63%, 99.65%, 99.76%, and 99.64%, respectively, for a CR value of 9. In testing, an accuracy of 99.40%, a sensitivity of 97.42%, a precision of 98.48%, a specificity of 99.68%, and an F1 score of 97.96% for a CR value of 3 were observed, while for CR value of 9, these values dropped to 99.15%, 96.57%, 98.14%, 99.53%, and 97.15%, respectively. From these results, it is possible to conclude that the use of the KNN ensemble classifier and the DCT coefficients of the compressed signal is a robust solution for the classification of ECG signals in the compressed domain, without the need to reconstruct the signal. Comparison of the obtained results with the state of the art shows that the proposed method achieves comparable performance to that of methods that do not use compression and out-performs other methods classifying compressed ECG signals while only using the compressed DCT coefficients of the ECG signal. Future work will aim to improve the performance of the classifier, as it is clear from the tests that most of the classification errors are due to classes A and V. In particular, the use of other features that can be obtained from the compressed signal, such as PSD, should be taken into consideration. In addition, the decision maker will be improved to make a reasonable contribution, even with a low value of the CR. Furthermore, the system will be tested in a real-life scenario with the use of ECG signals acquired through the ATTICUS WHD reported in [50] in both medical and real-life activity scenarios.

Author Contributions

Conceptualization, E.P., S.R. and L.D.V.; methodology, E.P., S.R. and L.D.V.; investigation, E.P., S.R., L.D.V., F.P. and I.T.; software, E.P.; validation and testing, E.P., S.R., F.P. and L.D.V.; writing—original draft preparation, E.P.; writing—review and editing, L.D.V., S.R., F.P. and I.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not Applicable.

Data Availability Statement

Data used in this study are publicly available at https://www.physionet.org/content/mitdb/1.0.0/ accessed on 4 June 2022.

Acknowledgments

This work is part of the project titled “Ambient-intelligent Tele-monitoring and Telemetry for Incepting & Catering over hUman Sustainability” (ATTICUS), which aims to develop an intelligent WHD to continuously observe the activity of a user and report arrhythmias concerning the state of health [50].

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ECGElectroCardioGram
DCTDiscrete Cosine Transform
WHOWorld Health Organization
CVDCardioVascular Disease
CRCompression Ratio
CSCompressed Sensing
DBBDDeterministic Binary Block Diagonal
APBAtrial Premature Beat
PVCPremature Ventricular Contraction
RBBBRight-Branch Block Beat
LBBBLeft-Branch Block Beat
KNNk-Nearest Neighbor
NCNot Classified
MLMachine Learning
PCAPrincipal Component Analysis
LDALinear Discriminant Analysis
ICAIndependent Component Analysis
DFTDiscrete Fourier Transform
PSDPower Spectral Density
HOSHigher-Order Statistics
AAMIAdvancement of Medical Instrumentation
SVEBSuperVentricular Entropic Beat
VEBVentricular Entropic Beat
GAGenetic Algorithm
SVMSupport Vector Machine
PNNProbabilistic Neural Network
NNNeural Network
FCResNetFast Compression Residual convolutional neural Network
OMPOrthogonal Matching Pursuit

Appendix A. Tables

Appendix A.1. Validation Tables

Table A1. Validation results for classifier C1 against different values of CR divided by class.
Table A1. Validation results for classifier C1 against different values of CR divided by class.
Normal Beat (Class N)
CRSensitivityPrecisionSpecificityF1
30.99710.99820.99750.9976
50.99700.99840.99780.9977
70.99680.99760.99660.9972
90.99710.99690.99570.9970
Atrial Premature Beat (Class A)
30.99050.98340.99870.9869
50.99140.98300.99870.9872
70.98780.98220.99870.9850
90.98510.98550.99890.9853
Left-Branch Block Beat (Class L)
30.99900.99910.99990.9990
50.99910.99910.99990.9991
70.99860.99880.99980.9987
90.99810.99810.99970.9981
Right-Branch Block Beat (Class R)
30.99840.99910.99990.9987
50.99830.99870.99980.9985
70.99800.99910.99990.9985
90.99760.99880.99980.9982
Premature Ventricular Contraction (Class V)
30.99610.99370.99920.9949
50.99610.99340.99920.9947
70.99390.99210.99900.9930
90.99260.99220.99910.9924
Table A2. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C1.
Table A2. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C1.
CRAccuracySensitivityPrecisionSpecificityF1
30.99690.99620.99470.99900.9954
50.99690.99640.99450.99910.9954
70.99620.99500.99400.99880.9945
90.99600.99410.99430.99860.9942
Table A3. Validation results for classifier C2 against different values of CR divided by class.
Table A3. Validation results for classifier C2 against different values of CR divided by class.
Normal Beat (Class N)
7SensitivityPrecisionSpecificityF1
30.99690.99840.99770.9976
50.99680.99840.99780.9976
70.99650.99740.99640.9969
90.99650.99720.99610.9968
APC (Class A)
30.99100.98110.99870.9860
50.99120.98370.99880.9874
70.98630.98290.99870.9846
90.98500.99240.99780.9850
Remaining Arrhythmias (Class NC)
30.99849.99770.99880.9939
50.99840.99730.99860.9978
70.99770.99680.99830.9972
90.99740.99620.99800.9968
Table A4. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C2.
Table A4. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C2.
7AccuracySensitivityPrecisionSpecificityF1
30.99700.99570.99240.99840.9939
50.99700.99550.99310.99840.9943
70.99620.99350.99240.99780.9929
90.99600.99300.99240.99770.9929
Table A5. Validation results for classifier C3 against different values of CR divided by class.
Table A5. Validation results for classifier C3 against different values of CR divided by class.
Normal Beat (Class N)
7SensitivityPrecisionSpecificityF1
30.99700.99830.99770.9976
50.99730.99840.99770.9978
70.99670.99720.99610.9969
90.99710.99700.99580.9970
PVC (Class V)
30.99620.99290.99910.9945
50.99610.99290.99920.9945
70.99310.99110.99890.9921
90.99140.99180.99900.9916
Remaining Arrhythmias (Class NC)
30.99739.99600.99820.9966
50.99740.99650.99840.9969
70.99630.99600.99820.9961
90.99570.99580.99810.9957
Table A6. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C3.
Table A6. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C3.
7AccuracySensitivityPrecisionSpecificityF1
30.99700.99680.99570.99830.9969
50.99720.99690.99590.99840.9964
70.99620.99540.99480.99770.9950
90.99610.99470.99490.99760.9948
Table A7. Validation results for classifier C4 against different values of CR divided by class.
Table A7. Validation results for classifier C4 against different values of CR divided by class.
Normal Beat (Class N)
CRSensitivityPrecisionSpecificityF1
30.99700.99840.99780.9977
50.99860.99810.99740.9983
70.99670.99750.99650.9971
90.99710.99710.99590.9971
LBBB (Class L)
30.99900.99940.99990.9992
50.99900.99880.99980.9989
70.99840.99850.99980.9984
90.99810.99810.99970.9981
Remaining Arrhythmias (Class NC)
30.99709.99390.99750.9954
50.99630.99450.99770.9954
70.99510.99340.99730.9942
90.99420.99430.99770.9942
Table A8. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C4.
Table A8. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C4.
7AccuracySensitivityPrecisionSpecificityF1
30.99720.99770.99720.99830.9974
50.99710.99800.99710.99830.9975
70.99640.99670.99650.99740.9966
90.99640.99650.99650.99780.9965
Table A9. Validation results for classifier C5 against different values of CR divided by class.
Table A9. Validation results for classifier C5 against different values of CR divided by class.
Normal Beat (Class N)
7SensitivityPrecisionSpecificityF1
30.99710.99850.99790.9978
50.99700.99830.99770.9976
70.99670.99730.99620.9970
90.99670.99710.99590.9969
RBBB (Class R)
30.99810.99900.99990.9985
50.99840.99890.99990.9986
70.99850.99910.99990.9988
90.99770.99900.99990.9983
Remaining Arrhythmias (Class NC)
30.99709.99400.99740.9955
50.99660.99380.99730.9954
70.99480.99360.99720.9942
90.99460.99340.99710.9940
Table A10. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C5.
Table A10. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in validation for classifier C5.
7AccuracySensitivityPrecisionSpecificityF1
30.99720.99740.99710.99840.9973
50.99700.99730.99700.99830.9972
70.99640.99670.99670.99780.9967
90.99620.99630.99650.99760.9964

Appendix A.2. Testing Tables

Table A11. Test results for classifier C1 against different values of CR divided by class.
Table A11. Test results for classifier C1 against different values of CR divided by class.
Normal Beat (Class N)
7SensitivityPrecisionSpecificityF1
30.99810.99540.98610.9967
50.99730.99480.98430.9960
70.99740.99400.98200.9957
90.99760.99320.97940.9954
APB (Class A)
30.90180.94640.99870.9245
50.89000.92830.99820.9087
70.88610.93570.99840.9102
90.87820.93710.99840.9067
LBBB (Class L)
30.99630.99690.99970.9966
50.99630.99260.99930.9944
70.99570.99380.99950.9947
90.99130.99130.99920.9913
RBBB (Class R)
30.99170.99720.99980.9944
50.99240.99590.99970.9941
70.99170.99450.99960.9931
90.99310.99590.99970.9945
PVC (Class V)
30.98260.98690.99900.9847
50.97540.98830.99910.9818
70.97100.98570.99900.9743
90.96300.98440.99890.9736
Table A12. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in the testing phase for classifier C1.
Table A12. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in the testing phase for classifier C1.
CRAccuracySensitivityPrecisionSpecificityF1
30.99390.97410.98460.99670.9794
50.99260.97030.98000.99610.9750
70.99210.96840.98070.99570.9743
90.99080.96460.98040.99510.9723
Table A13. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in the testing phase after the voting decision maker.
Table A13. Average sensitivity, average precision, average specificity, average F1 score, and accuracy obtained in the testing phase after the voting decision maker.
CRAccuracySensitivityPrecisionSpecificityF1
30.99400.97420.98480.99680.9796
50.99340.97190.98320.99640.9774
70.99240.97270.98250.99580.9760
90.99150.96570.98140.99530.9715
Table A14. Comparison of the proposed method with other state-of-the art ECG classification methods.
Table A14. Comparison of the proposed method with other state-of-the art ECG classification methods.
ECG Classification without Compression
StudyAccuracySensitivityPrecisionSpecificityData Size (Beats)
P. de Chazal et. al. [27]96.477.590.6N/A109,492
Plawiak [26]98.7589.35N/A99.39about 10,000 (estimated)
R.J. Martis et. al [25]99.5298.6999.5899.91110,094
ECG Classification with Compression
StudyCRAccuracySensitivityPrecisionSpecificityData Size
Turker I. et. al. [33]2098.3084.6087.4098.7083,648
Huang et. al. [38]1.8598.7995.1699.39N/AAbout 25,000 (estimated)
Zheng et. al. [37]299.39N/AN/AN/A20,000
Proposed399.4097.4298.4899.68122,184
Proposed (Classes N, L, R, and V)399.7499.4699.4799.83114,545

References

  1. WHO. Cardiovascular Diseases. 2022. Available online: https://www.who.int/health-topics/cardiovascular-diseases (accessed on 27 July 2022).
  2. Dias, D.; Paulo Silva Cunha, J. Wearable Health Devices—Vital Sign Monitoring, Systems and Technologies. Sensors 2018, 18, 2414. [Google Scholar] [CrossRef] [PubMed]
  3. Peng, M.; Wang, T.; Hu, G.; Zhang, H. A wearable heart rate belt for ambulant ECG monitoring. In Proceedings of the 2012 IEEE 14th International Conference on E-Health Networking, Applications and Services (Healthcom), Beijing, China, 10–13 October 2012; pp. 371–374. [Google Scholar]
  4. Huang, P.C.; Lin, C.C.; Wang, Y.H.; Hsieh, H.J. Development of Health Care System Based on Wearable Devices. In Proceedings of the 2019 Prognostics and System Health Management Conference (PHM-Paris), Paris, France, 2–5 May 2019; pp. 249–252. [Google Scholar]
  5. Kulkarni, C.; Karhade, H.; Gupta, S.; Bhende, P.; Bhandare, S. Health companion device using IoT and wearable computing. In Proceedings of the 2016 International Conference on Internet of Things and Applications (IOTA), Pune, India, 22–24 January 2016; pp. 152–156. [Google Scholar]
  6. Balestrieri, E.; Daponte, P.; De Vito, L.; Picariello, F.; Rapuano, S.; Tudosa, I. A Wi-Fi IoT prototype for ECG monitoring exploiting a novel Compressed Sensing method. Acta Imeko 2020, 9, 38–45. [Google Scholar] [CrossRef]
  7. Welch, T.A. A Technique for High-Performance Data Compression. Computer 1984, 17, 8–19. [Google Scholar] [CrossRef]
  8. Bui, N.; Nguyen, T.; Park, S.; Choi, J.; Vo, T.; Kang, Y.; Kim, B.; Oh, J. Design of a nearly linear-phase IIR filter and JPEG compression ECG signal in real-time system. Biomed. Signal Process. Control 2021, 67, 102431. Available online: https://www.sciencedirect.com/science/article/pii/S1746809421000288 (accessed on 24 July 2022). [CrossRef]
  9. Ranjeet, K.; Kumar, A.; Pandey, R. ECG Signal Compression Using Different Techniques. In Communications in Computer and Information Science; ICAC3; Springer: Berlin/Heidelberg, Germany, 2011; Volume 125. [Google Scholar]
  10. Adochiei, N.; David, V.; Adochiei, F.; Tudosa, I. ECG waves and features extraction using Wavelet Multi-Resolution Analysis. In Proceedings of the 2011 E-Health and Bioengineering Conference (EHB), Iasi, Romania, 24–26 November 2011. [Google Scholar]
  11. Tai, S.; Sun, C.; Yan, W. A 2-D ECG compression method based on wavelet transform and modified SPIHT. IEEE Trans. Biomed. Eng. 2005, 52, 999–1008. [Google Scholar] [CrossRef]
  12. Manikandan, M.; Dandapat, S. ECG Signal Compression using Discrete Sinc Interpolation. In Proceedings of the 2005 3rd International Conference on Intelligent Sensing and Information Processing, London, UK, 17–18 October 2005; pp. 14–19. [Google Scholar]
  13. Tropp, J.; Laska, J.; Duarte, M.; Romberg, J.; Baraniuk, R. Beyond Nyquist: Efficient Sampling of Sparse Bandlimited Signals. IEEE Trans. Inf. Theory 2010, 56, 520–544. [Google Scholar] [CrossRef]
  14. Polania, L.; Carrillo, R.; Blanco-Velasco, M.; Barner, K. Compressed sensing based method for ECG compression. In Proceedings of the 2011 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Prague, Czech Republic, 22–27 May 2011; pp. 761–764. [Google Scholar]
  15. Cambareri, V.; Mangia, M.; Pareschi, F.; Rovatti, R.; Setti, G. A Case Study in Low-Complexity ECG Signal Encoding: How Compressing is Compressed Sensing? IEEE Signal Process. Lett. 2015, 22, 1743–1747. [Google Scholar] [CrossRef]
  16. Chae, D.; Alem, Y.; Durrani, S.; Kennedy, R. Performance study of compressive sampling for ECG signal compression in noisy and varying sparsity acquisition. Proceedings of 2013 IEEE International Conference on Acoustics, Speech and Signal Processing, Vancouver, BC, Canada, 26–31 May 2013; pp. 1306–1309. [Google Scholar]
  17. Yildirim, Ö. A novel wavelet sequence based on deep bidirectional LSTM network model for ECG signal classification. Comput. Biol. Med. 2018, 96, 3. [Google Scholar] [CrossRef]
  18. Martis, R.; Acharya, U.; Adeli, H. Current methods in electrocardiogram characterization. Comput. Biol. Med. 2014, 48, 133–149. Available online: https://www.sciencedirect.com/science/article/pii/S0010482514000432 (accessed on 17 July 2022). [CrossRef]
  19. Zhang, H.; Zhang, L. ECG analysis based on PCA and Support Vector Machines. Proceedings of 2005 International Conference on Neural Networks and Brain, Beijing, China, 13–15 October 2015; Volume 2, pp. 743–747. [Google Scholar]
  20. Duda, R.; Hart, P.; Stork, D.G. Pattern Classification; Wiley Interscience: Hoboken, NJ, USA, 2001; p. 1. [Google Scholar]
  21. Martis, R.; Krishnan, M.; Chakraborty, C.; Pal, S.; Sarkar, D.; Mandana, K.; Ray, A. Automated screening of arrhythmia using wavelet based machine learning techniques. J. Med. Syst. 2012, 36, 677–688. [Google Scholar] [CrossRef]
  22. Martis, R.; Acharya, U.; Mandana, K.; Ray, A.; Chakraborty, C. Application of principal component analysis to ECG signals for automated diagnosis of cardiac health. Expert Syst. Appl. 2012, 39, 11792–11800. [Google Scholar] [CrossRef]
  23. Desai, U.; Martis, R.; Nayak, C.; Sarika, K.; Seshikala, G. Machine intelligent diagnosis of ECG for arrhythmia classification using DWT, ICA and SVM techniques. Proceedings of 2015 the Annual IEEE India Conference (INDICON), New Delhi, India, 17–20 December 2015; pp. 1–4. [Google Scholar]
  24. Martis, R.; Acharya, U.; Min, L. ECG beat classification using PCA, LDA, ICA and Discrete Wavelet Transform. Biomed. Signal Process. Control 2013, 8, 437–448. Available online: https://www.sciencedirect.com/science/article/pii/S1746809413000062 (accessed on 13 July 2022). [CrossRef]
  25. Martis, R.; Acharya, U.; Lim, C.; Suri, J. Characterization of ECG beats from cardiac arrhythmia using discrete cosine transform in PCA framework. Knowl.-Based Syst. 2013, 45, 76–82. Available online: https://www.sciencedirect.com/science/article/pii/S0950705113000609 (accessed on 15 July 2022). [CrossRef]
  26. Pławiak, P. Novel methodology of cardiac health recognition based on ECG signals and evolutionary-neural system. Expert Syst. Appl. 2018, 92, 334–349. Available online: https://www.sciencedirect.com/science/article/pii/S0957417417306292 (accessed on 15 July 2022). [CrossRef]
  27. Chazal, P.; O’Dwyer, M.; Reilly, R. Automatic classification of heartbeats using ECG morphology and heartbeat interval features. IEEE Trans. Biomed. Eng. 2004, 51, 1196–1206. [Google Scholar]
  28. Martis, R.; Acharya, U.; Mandana, K.; Ray, A.; Chakraborty, C. Cardiac decision making using higher order spectra. Biomed. Signal Process. Control 2013, 8, 193–203. Available online: https://www.sciencedirect.com/science/article/pii/S1746809412000869 (accessed on 15 July 2022). [CrossRef]
  29. Martis, R.; Acharya, U.; Ray, A.; Chakraborty, C. Application of higher order cumulants to ECG signals for the cardiac health diagnosis. In Proceedings of the 2011 Annual International Conference of the IEEE Engineering in Medicine and Biology Society, Boston, MA, USA, 30 August–31 September 2011; pp. 1697–1700. [Google Scholar]
  30. Chen, Y.; Yu, S. Subband Features Based on Higher Order Statistics for ECG Beat Classification. In Proceedings of the 2007 29th Annual International Conference of the IEEE Engineering in Medicine and Biology Society, Lyon, France, 22–26 August 2007; pp. 1859–1862. [Google Scholar]
  31. Rutkowski, L. Computational. In Intelligence Methods and, Techniques; Springer: Berlin/Heidelberg, Germany, 2008. [Google Scholar]
  32. Pan, J.; Tompkins, W. A Real-Time QRS Detection Algorithm. IEEE Trans. Biomed. Eng. 1985, BME-32, 230–236. [Google Scholar] [CrossRef]
  33. Ince, T.; Kiranyaz, S.; Gabbouj, M. A Generic and Robust System for Automated Patient-Specific Classification of ECG Signals. IEEE Trans. Biomed. Eng. 2009, 56, 1415–1426. [Google Scholar] [CrossRef] [PubMed]
  34. Osowski, S.; Linh, T. ECG beat recognition using fuzzy hybrid neural network. IEEE Trans. Biomed. Eng. 2001, 48, 1265–1271. [Google Scholar] [CrossRef]
  35. Isin, A.; Ozdalili, S. Cardiac arrhythmia detection using deep learning. In Proceedings of the 9th International Conference on Theory and Application of Soft Computing, Computing with Words and Perception, ICSCCW 2017, Budapest, Hungary, 22–23 August 2017; Volume 120, pp. 268–275. Available online: https://www.sciencedirect.com/science/article/pii/S187705091732450X (accessed on 15 July 2022).
  36. Alvarado, A.; Lakshminarayan, C.; Principe, J. Time-Based Compression and Classification of Heartbeats. IEEE Trans. Biomed. Eng. 2012, 59, 1641–1648. [Google Scholar] [CrossRef]
  37. Zheng, L.; Wang, Z.; Liang, J.; Luo, S.; Tian, S. Effective compression and classification of ECG arrhythmia by singular value decomposition. Biomed. Eng. Adv. 2021, 2, 100013. Available online: https://www.sciencedirect.com/science/article/pii/S266709922100013X (accessed on 15 July 2022). [CrossRef]
  38. Huang, J.; Chen, B.; Zeng, N.; Cao, X.; Li, Y. Accurate classification of ECG arrhythmia using MOWPT enhanced fast compression deep learning networks. J. Ambient. Intell. Humaniz. Comput. 2020, 14, 5703–5720. [Google Scholar] [CrossRef]
  39. Candes, E.; Wakin, M. An Introduction To Compressive Sampling. IEEE Signal Process. Mag. 2008, 25, 21–30. [Google Scholar] [CrossRef]
  40. Craven, D.; McGinley, B.; Kilmartin, L.; Glavin, M.; Jones, E. Compressed Sensing for Bioelectric Signals: A Review. IEEE J. Biomed. Health Inform. 2015, 19, 529–540. [Google Scholar] [CrossRef] [PubMed]
  41. Chawla, N.; Bowyer, K.; Hall, L.; Kegelmeyer, W. SMOTE: Synthetic minority over-sampling technique. J. Artif. Intell. Res. 2002, 16, 321–357. [Google Scholar] [CrossRef]
  42. Pandey, S.; Janghel, R. Automatic arrhythmia recognition from electrocardiogram signals using different feature methods with long short-term memory network model. Signal Image Video Process. 2020, 14, 1255–1263. [Google Scholar] [CrossRef]
  43. Mitra, D.; Zanddizari, H.; Rajan, S. Investigation of Kronecker-Based Recovery of Compressed ECG Signal. IEEE Trans. Instrum. Meas. 2020, 69, 3642–3653. [Google Scholar] [CrossRef]
  44. Daponte, P.; De Vito, L.; Iadarola, G.; Picariello, F.; Rapuano, S. Deterministic Compressed Sensing of heart sound signals. In Proceedings of the 2021 IEEE International Symposium on Medical Measurements and Applications (MeMeA), Lausanne, Switzerland, 23–25 June 2015; pp. 1–6. [Google Scholar]
  45. Candes, E.; Romberg, J.; Tao, T. Robust uncertainty principles: Exact signal reconstruction from highly incomplete frequency information. IEEE Trans. Inf. Theory 2006, 52, 489–509. [Google Scholar] [CrossRef]
  46. Daponte, P.; De Vito, L.; Picariello, E.; Rapuano, S. Impact of reconstruction algorithms on dynamic ECG compressed sensing. In Proceedings of the 2021 IEEE International Symposium on Medical Measurements and Applications (MeMeA), Lausanne, Switzerland, 23–25 June 2015; pp. 1–6. [Google Scholar]
  47. Kaur, H.; Pannu, H.; Malhi, A. A Systematic Review on Imbalanced Data Challenges in Machine Learning: Applications and Solutions. ACM Comput. Surv. 2019, 52, 1–36. [Google Scholar] [CrossRef]
  48. Ho, T. Nearest Neighbors in Random Subspaces. In Advances in Pattern Recognition: Joint IAPR International Workshops SSPR’98 and SPR’98, Sydney, Australia, 11–13 August 1998; Springer: Berlin/Heidelberg, Germany, 1998. [Google Scholar]
  49. Goldberger, A.; Amaral, L.; Glass, L.; Hausdorff, J.; Ivanov, P.C.; Mark, R.; Mietus, J.; 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]
  50. Laudato, G.; Scalabrino, S.; Colavita, A.R.; Chiacchiari, Q.; D’Orazio, R.; Donadelli, R.; De Vito, L.; Picariello, F.; Tudosa, I.; Malatesta, R.; et al. ATTICUS: Ambient-Intelligent Tele-monitoring and Telemetry for Incepting and Catering Over hUman Sustainability. Front. Hum. Dyn. 2021, 3. Available online: https://www.frontiersin.org/article/10.3389/fhumd.2021.614309 (accessed on 15 July 2022). [CrossRef]
Figure 1. An overview of the five analyzed beats. (a) Normal beat; (b) atrial premature beat; (c) Right-branch block beat; (d) premature ventricular contraction; (e) left-branch block beat.
Figure 1. An overview of the five analyzed beats. (a) Normal beat; (b) atrial premature beat; (c) Right-branch block beat; (d) premature ventricular contraction; (e) left-branch block beat.
Bioengineering 11 00883 g001
Figure 2. An overview of the proposed method for ECG signal acquisition, feature extraction, and unbalancing data correction.
Figure 2. An overview of the proposed method for ECG signal acquisition, feature extraction, and unbalancing data correction.
Bioengineering 11 00883 g002
Figure 3. An overview of the signal segmentation, processing, and compression phases. (a) Segmented ECG beat; (b) filtered and normalized ECG beat; (c) compressed ECG beat.
Figure 3. An overview of the signal segmentation, processing, and compression phases. (a) Segmented ECG beat; (b) filtered and normalized ECG beat; (c) compressed ECG beat.
Bioengineering 11 00883 g003
Figure 4. An overview of the training and validation phase.
Figure 4. An overview of the training and validation phase.
Bioengineering 11 00883 g004
Figure 5. An overview of the testing phase.
Figure 5. An overview of the testing phase.
Bioengineering 11 00883 g005
Table 1. Number of signals used for (i) training and validation before the SMOTE algorithm, (ii) training and validation after the SMOTE algorithm, and (iii) testing.
Table 1. Number of signals used for (i) training and validation before the SMOTE algorithm, (ii) training and validation after the SMOTE algorithm, and (iii) testing.
N° of Signals
ClassesNARLV
Before SMOTE59,6222037580664585522
Total79,415
After SMOTE59,622713011,61212,91611,044
Total102,324
Test14,905509145116151380
Total19,860
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

Picariello, E.; Picariello, F.; Tudosa, I.; Rajan, S.; De Vito, L. Automatic Classification of Anomalous ECG Heartbeats from Samples Acquired by Compressed Sensing. Bioengineering 2024, 11, 883. https://doi.org/10.3390/bioengineering11090883

AMA Style

Picariello E, Picariello F, Tudosa I, Rajan S, De Vito L. Automatic Classification of Anomalous ECG Heartbeats from Samples Acquired by Compressed Sensing. Bioengineering. 2024; 11(9):883. https://doi.org/10.3390/bioengineering11090883

Chicago/Turabian Style

Picariello, Enrico, Francesco Picariello, Ioan Tudosa, Sreeraman Rajan, and Luca De Vito. 2024. "Automatic Classification of Anomalous ECG Heartbeats from Samples Acquired by Compressed Sensing" Bioengineering 11, no. 9: 883. https://doi.org/10.3390/bioengineering11090883

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