Skip to content
BY 4.0 license Open Access Published by De Gruyter March 29, 2022

Conception and realization of an IoT-enabled deep CNN decision support system for automated arrhythmia classification

  • Ann Varghese EMAIL logo , Midhun Muraleedharan Sylaja and James Kurian

Abstract

Arrhythmias are irregular heartbeats that may be life-threatening. Proper monitoring and the right care at the right time are necessary to keep the heart healthy. Monitoring electrocardiogram (ECG) patterns on continuous monitoring devices is time-consuming. An intense manual inspection by caregivers is not an option. In addition, such an inspection could result in errors and inter-variability. This article proposes an automated ECG beat classification method based on deep neural networks (DNN) to aid in the detection of cardiac arrhythmias. The data collected by an Internet of Things enabled ECG monitoring device are transferred to a server. They are analysed by a deep learning model, and the results are shared with the primary caregiver. The proposed model is trained using the MIT-BIH ECG arrhythmia database to classify into four classes: normal beat (N), left bundle branch block beat (L), right bundle branch block beat (R), and premature ventricular contraction (V). The received data are sampled with an overlapping sliding window and divided into an 80:20 ratio for training and testing, with tenfold cross-validation. The proposed method achieves higher accuracy with a simple model without any preprocessing when compared with previous works. For the train and test sets, we achieved accuracy rates of 99.09 and 99.03%, respectively. A precision, recall, and F1 scores of 0.99 is obtained. The proposed model achieves its goal of developing a simple and accurate ECG monitoring system with improved performance. This simple and efficient deep learning approach for heartbeat classification could be applied in real-time telehealth monitoring systems.

MSC 2010: 68T07

1 Introduction

Heart rhythm problem (heart arrhythmia) refers to heartbeats that are too fast, too slow, or irregular. It might feel like a fluttering or racing heart and may be completely harmless. Some, however, may be life-threatening, necessitating immediate medical attention. According to the World Health Organization, the prevalence of cardiovascular diseases (CVD) is increasing and is the leading cause of death from non-communicable diseases worldwide [1,2]. High-level medical care is scarce in rural areas, which may result in death or other complications. In such cases, an automated neural network trained model can aid a primary caregiver in making an informed decision whether the arrhythmia is dangerous or not. The prompt intervention allows a patient to receive proper care and encourages him to live a healthier lifestyle.

Electrocardiogram (ECG) is a non-invasive heart monitoring system that is widely adopted. Due to the availability of small, easy-to-use, low-cost, lead-free wearable cardiac monitors, continuous monitoring of heart condition is now possible [3]. ECG signals are nonlinear and are affected by noise, which makes decision making based on it cumbersome. The data accumulated by continuous monitoring devices need to be analysed by experts to make an informed decision. However, rather than relying on overworked caregivers to inspect and make decisions manually, a more workable solution is to employ computer-aided deep learning techniques [4]. Adopting computer-aided decision support systems helps in reducing inter-observer and intra-observer variability [5]. Many techniques have been proposed in various literature that involves preprocessing of signals, which adds to the main classification step [6]. As a result, a deep learning model with minimal preprocessing is proposed, which will assist the caregiver in making an informed decision. Furthermore, a wireless system is used to transmit ECG signals captured by continuous monitoring devices to a remote server, eliminating the need for periodic hospital visits.

Ullah et al. proposed a two-dimensional (2D) convolutional model that uses short-time Fourier transforms to convert one-dimensional (1D) signals to 2D spectrograms before classification [7]. The model divides signals into eight categories and employs data augmentation. Another deep CNN model, “DeepArrNet,” is based on depth-wise temporal convolution on wavelet-denoised and augmented ECG data [8]. Kaya et al. investigated a combination of feature selection algorithms and three classifiers to detect bundle branch block (BBB) beats using statistical and temporal features [9]. A method of detecting arrhythmias using wave and Gabor features and a Bat-Rider Optimization algorithm-based Deep Convolutional Neural Networks (BaROA-based DCNN) is proposed by Atal et al. [10]. All these works make use of various pre-processing and data augmenting methods, as well as optimization algorithms. So the main aim is to create a simple and accurate ECG monitoring system with reduced complexity that produces comparable results.

In this article, ECG beats are classified into four classes using an automated deep CNN. The main goal is to create a decision support system with a low complexity level. This is accomplished by eliminating preprocessing steps and reducing the convolutional layer count in the proposed model. The main contributions of this work are as follows:

  1. A less complex, real-time, automated deep CNN model for arrhythmia classification based on 1D CNN is proposed.

  2. Preprocessing steps adding to the computational complexity is avoided.

  3. Due to its low complexity, it is easily deployable on both hardware and non-GPU devices.

  4. With the help of an Internet of Things (IoT)-enabled continuous ECG monitoring device, an automated remote monitoring system for ECG signals is proposed.

  5. The proposed model has higher accuracy, precision, recall, and F1 score when compared to models that have additional preprocessing and optimization steps.

This article is organized as follows. Section 2 discusses the literature review; Section 3 discusses the database, remote monitoring system, data extraction, and the model architecture. The final section discusses the evaluation metrics, followed by the conclusion and references.

2 Related work

The earlier methods for arrhythmia classification consisted of preprocessing, beat segmentation, feature extraction, and classification steps [6]. The main preprocessing steps adopted are denoising and removal of baseline wander. For noise removal, a variety of filters and wavelet transform methods are employed [11,12, 13,14]. R-peak or QRS complex detection is used in the beat segmentation steps [15,16]. One of the most widely used methods for detecting QRS is the Pan–Tompkins method [17]. The feature extraction entails extracting parts of the ECG segment that contain features useful for classification. For this purpose, both RR interval [18] and T wave [19] segments are utilized. Principal component analysis [20], independent component analysis [21,22], and other techniques to reduce the dimension of the extracted feature vector are also investigated. Wavelet transforms are preferred for feature extraction because they extract information in both time and frequency domains [23,24]. The most commonly used classification algorithms are support vector machine (SVM) [25,26], artificial neural network [27], linear discriminant [28], and reservoir computing with logistic regression [29]. Mustaqeem et al. studied the multi-class classification of cardiac arrhythmias using enhanced feature selection and SVM [30]. Their findings show that the one-against-one method of SVM outperforms all the other classifiers by achieving an accuracy rate of 81.11% when used with 80/20 data split and 92.07% using the 90/10 data split option.

Fukushima and Miyake introduced Convolutional Neural Network (CNN) in 1980 as neocognitron [31]. Initially, CNN was used in image classification [32], speech processing [33], and text annotation [34]. The availability of fast memories and recent advances in machine learning have sparked renewed interest in utilizing artificial intelligence for medical diagnosis. CNN’s main characteristic is its reliance on data order, and as a result, it performs well in finding patterns in 1D data vectors. According to the survey by Ebrahimi et al., CNN is the dominant choice for feature extraction among 52% of papers they surveyed [35]. Advanced research in arrhythmia classification helped researchers to eliminate the preprocessing steps like de-noising and baseline wander removal [36]. Some earlier works used CNN only for feature extraction [37], while others utilized it only for classification [38]. Some studies use separate preprocessing steps before feature extraction and classification by CNN [39].

For the 2017 PhysioNet/CinC challenges, Xiong et al. created RhythmNet, a 21-layer 1D convolutional recurrent neural network [40]. It uses single-lead ECG recordings to classify ECGs of four different rhythms, including noisy signals. The architecture has 16 convolution layers followed by 3 recurrent layers and achieved an accuracy of 82%. Another paper by Acharya et al. presented an 11-layer deep convolutional neural network model for congestive heart failure (CHF) diagnosis that requires no engineered features and minimal pre-processing of ECG signals [41]. The authors attempted to diagnose CHF from ECG signals in this study and obtained an accuracy of 98.97%. Shalin and Vahid employed the multilayer perceptron (MLP) algorithm, consisting of four hidden layers, and CNN, with four convolutional layers [42]. According to the results, the proposed algorithms can efficiently diagnose various CVD with 88.7% accuracy for MLP and 83.5% for CNN.

Kim et al. used the GoogLeNet Deep Neural Network Architecture to differentiate between five types of ECG beats. According to the authors, “The model consists of an inception module which is a method of extracting more information into a smaller layer by widening the layer of the neuron network” [43]. The inception model with a convolutional kernel size of { 10 , 50 , 100 } achieved slightly higher accuracy ranging between 91.4 and 95.7%. Ihsanto et al. proposed a depth-wise separable Deep Convolutional Network ensemble [44]. The authors claim that the proposed method eliminates the need for preprocessing and feature extraction and achieves an overall accuracy of greater than 99% for the 16 classes they studied. The ECG signals obtained from a tertiary care hospital are investigated by Zhang et al. [45]. They claimed an overall accuracy of close to 95% and concluded that the model could detect “misdiagnosed and missed diagnosed cases” in primary care settings.

DENS-ECG, a deep learning approach that combines CNN-LSTM networks to classify P, QRS, T, and NW waveforms, is studied in ref. [46]. On the MITDB and QTDB datasets, they obtained an average F 1-score of 99.56 and 96.78%, respectively. Zhao et al. proposed a wavelet transform method combined with 24-layer deep CNN to classify signals into four classes and obtained an accuracy of 87.1% [47]. CNN is the most computationally expensive deep learning method due to the multitude of parameters each convolution layer contributes [48]. As a result, efforts are made to reduce the complexity of the models, making them more efficient for portable device implementation [49].

3 Automated cardiac beat classifier

This article proposes an automated cardiac arrhythmia beat classification using Deep CNN trained on ECG patterns from the MIT-BIH arrhythmia database. The aim is to create a simple model in terms of architecture and which requires less preprocessing with improved performance. For the feature extraction part, the proposed model employs only two 1D convolution layers with no preprocessing. The classification part consists of the fully connected layer followed by softmax. The following sections go over the database, deep CNN, various optimization parameters, and evaluation metrics adopted.

3.1 Remote ECG processing system

It is critical for a heart patient to be monitored regularly to detect even minor variations in the heartbeat and receive proper care as needed. In this article, we propose a remote ECG processing and monitoring system that allows patients and caregivers to monitor heart conditions from the comfort of their own homes. A continuous ECG monitoring device with a wireless module is in charge of collecting data. These data are transmitted to a remote server, where they are analysed and stored for future reference. An ESP8266 Wi-Fi-enabled module along with standard ECG electrodes and instrumentation amplifier is used. The proposed arrhythmia detection model with sliding window implementation can automatically classify the beats into four classes. If an abnormality is observed the caregiver is alerted, thus ensuring continuous monitoring, increasing the patient’s access to expert heart care. Figure 1 illustrates the remote ECG processing system.

Figure 1 
            Remote ECG processing system.
Figure 1

Remote ECG processing system.

3.2 MIT-BIH database

The MIT-BIH arrhythmia database contains 48 half-hour ECG excerpts from two-channel recordings of 47 patients collected between 1975 and 1979 by the BIH Arrhythmia Laboratory [50]. The first 23 recordings are chosen at random, and the rest are selected to include rare arrhythmia. The records are digitized with an 11-bit resolution over a 10 mV range at 360 samples per second per channel. The recordings are annotated independently by two or more cardiologists and saved as reference annotations for each beat (approximately 110,000 annotations) included with the database. Table 1 contains an index of the various beat annotations used in the MIT-BIH database [51]. Of the different beats given in Table 1, normal beat (N), left BBB beat (L), right BBB beat (R), and premature ventricular contraction (V) are chosen for classification because the number of samples for the other beat types was negligible compared to the highly sampled N beat, which would have resulted in imbalanced data issue.

Table 1

Beat annotations used in MIT-BIH database [51]

Symbol Meaning
or N Normal beat
L Left BBB beat
R Right BBB beat
A Atrial premature beat
a Aberrated atrial premature beat
J Nodal (junctional) premature beat
S Supraventricular premature beat
V Premature ventricular contraction
F Fusion of ventricular and normal beat
[ Start of ventricular flutter/fibrillation
! Ventricular flutter wave
] End of ventricular flutter/fibrillation
e Atrial escape beat
j Nodal (junctional) escape beat
E Ventricular escape beat
/ Paced beat
f Fusion of paced and normal beat
x Non-conducted P -wave (blocked APB)
Q Unclassifiable beat
Isolated QRS-like artefact

To ensure that no part of the ECG is missed, the MIT-BIH data are sampled with a sliding window and an overlap size of 400 and 100, respectively. The sliding window size and overlap size are adjusted to include a complete ECG wave based on the sampling rate of the measured ECG signal. A total of 36,000 samples are obtained by taking 9,000 samples of each beat type, making it a balanced data set. The samples thus obtained are shuffled and then split into training and testing using an 80:20 ratio, as shown in Figure 2. For each beat type, 7,200 samples for training and 1,800 samples for testing are obtained. The training set is subjected to stratified tenfold cross-validation. The resulting accuracy is averaged over the ten folds. Stratified folds ensure that each test set will have the same distribution of classes or as close it can be.

Figure 2 
            The train-test split and the data flow through the proposed model.
Figure 2

The train-test split and the data flow through the proposed model.

3.3 Deep neural network

A set of algorithms to recognize patterns from unstructured data modelled after the human brain are called neural networks. A deep neural network is a neural network with more than two layers – higher complexity. Each layer of nodes uses the previous layer’s output features and trains on it to extract additional information. The features extracted from each successive layer become more complex as the previous layer’s information is aggregated and recombined. In contrast to the existing methods for beat classification, such as heartbeat segmentation and feature extraction, the proposed method does not require any preprocessing. The data are sampled and the only operation performed on it is normalization and one-hot encoding of the target data. Normalization converts data values to a standard scale, enabling the system to learn the features. One-hot encoding transforms a categorical value into a numerical value that is better suited for machine learning models. The proposed method eliminates preprocessing overhead while having lower complexity.

Deep learning is a time consuming and iterative process in which the various hyperparameters need to be tuned to better optimize the model without penalizing the cost function. Deep neural networks use optimization algorithms to optimize the cost function J , which is defined as:

(1) J ( W , b ) = 1 m i = 1 m L ( y ˆ ( i ) , y ( i ) ) .

The value of cost function J is the mean of the loss L between the predicted value y ˆ and actual value y . W is the weight matrix, b is the bias, and m is the number of samples [52]. The main objective of this work is to adopt a computationally efficient optimization algorithm, and works well even with noisy datasets. AdaM (Adaptive Momentum) [53] is a very powerful and fast optimizer and is well suited for the adopted objectives. Another advantage of AdaM is that each network parameter has its learning rate, which gets updated as learning progresses. In addition, the cumulative history of gradients is kept, which accelerates the learning process.

The activation function is the non-linear transformation performed over the input signal. This transformed output is used as input to the next layer of neurons. Activation functions enable back-propagation because the gradients are supplied with the error to update the weights and biases. ReLU makes computation efficient, simple, and it also speeds up training. It is defined as:

(2) f ( x ) = max ( 0 , x ) .

ReLU ensures that only a few neurons are activated at a time, resulting in a sparse network. Furthermore, ReLU is idempotent, which solves the vanishing gradient problem.

3.4 Proposed method

The model used for beat classification is of low complexity, with only two 1D convolution layers. Many existing models, such as ResNet and VGG-Net, with multiple layers, might lead to overfitting. The proposed sequential model consists of two layers of convolution, batch normalization, activation, and maxpooling. It is followed by a flatten layer and a dense layer with softmax activation. Though having more than two hidden layers is advantageous for learning complex representations in neural networks, the number of convolutions is limited to two to avoid overfitting. For real-time processing, the sliding window implementation is used. The sliding window size and overlap size can be adjusted according to the sampling rate of the measured ECG signal.

The samples extracted undergo normalization followed by shuffling. Shuffling makes sure that no bias occurs in the model. The data are split into train and test sets in an 80:20 ratio. The training set further undergoes stratified K fold cross-validation with K = 10 . The stratified K fold ensures that all types of samples are present in each fold. Early stopping and model checkpoint callbacks are used, with cross-entropy as the loss function. The training is done for 30 epochs with validation after each epoch. The Adam optimizer is used, with a learning rate of 1 × 1 0 3 . Table 2 lists the various parameters chosen for different layers of the proposed model. Figure 3 depicts the model architecture and specifies the output shape of each layer.

Keras is an open-source high-level neural network library written in Python. Keras, along with TensorFlow as the backend is used in the proposed work. Nvidia GeForce GTX 1050Ti GPU with 768 CUDA cores accelerates learning in Ubuntu 16.04 platform. TensorBoard is used to track and visualize parameters such as loss and accuracy.

Table 2

Components of the proposed deep learning model and the various parameters adopted

Layer (type) Parameters
Input layer Input_shape = (400,2)
Conv1D Number of filters: 64
Kernel size: 3
Stride: 1
Activation ReLu
MaxPooling1D Pool_size: 2
Stride: 2
Padding: 0
FC layer 6,272 neurons
Dense layer SoftMax
Output layer 4 classes
Weight optimization function Adam (learning rate: 1 × 1 0 3 )
Figure 3 
            Proposed model architecture containing the two convolution layers followed by the fully connected layer and softmax.
Figure 3

Proposed model architecture containing the two convolution layers followed by the fully connected layer and softmax.

4 Results

4.1 Evaluation metrics

The standard metrics used are accuracy, precision, recall, and F 1 score. Classification accuracy is defined as the percentage of correct predictions to total predictions.

(3) Classification accuracy = Correct predictions Total predictions × 100 % .

When an observation is both positive and predicted to be positive, it is referred to as a true positive (TP). When an observation is positive but is predicted to be negative, this is referred to as a false negative (FN). True Negative (TN) occurs when an observation is negative and is predicted to be negative. False Positive (FP) is characterized by a negative observation but a positive prediction. The total number of correctly classified positive examples divided by the total number of positive examples is defined as recall.

(4) Recall (Sensitivity) = TP TP + FN .

Precision is calculated by dividing the total number of positively classified examples by the total number of positively predicted examples. A high precision value indicates that an example labelled as positive is, in fact, positive.

(5) Precision (Predictivity) = TP TP + FP .

The F -measure is a metric that represents both precision and recall. The F -measure will always be closer to the smaller among precision and recall values.

(6) F 1 score = 2 × Recall × Precision Recall + Precision .

4.2 Analysis

A training and testing accuracy of 99.09 and 99.03%, respectively, are achieved. The confusion matrix in Figure 4 shows that the N beat is identified with 100% accuracy while identifying L, R, and V beat with 98, 100, and 99% accuracy. Precision, recall, and F1 score all obtained an overall score of 0.99. Table 3 summarizes the precision, recall, and F1 scores. The four output classes are visualized in Figure 5 using t-distributed stochastic neighbour embedding (t-SNE). The t-SNE method is a dimensionality reduction technique for visualizing high-dimensional data in 2D and 3D maps. t-SNE employs gradient descent to transform the dataset into a low-dimensional space so that the joint probability distribution representing the data points is as similar to the one in the high dimension as possible. In this case, the dense layer output is fed into t-SNE to visualize the four classes.

Figure 4 
            Confusion matrix for the testing data.
Figure 4

Confusion matrix for the testing data.

Table 3

Results obtained for the testing set

Label Precision Recall F1 score
N 1.00 1.00 1.00
L 0.99 0.98 0.99
R 0.99 1.00 1.00
V 0.98 0.99 0.98
Figure 5 
            t-SNE visualization of the four classes N, L, R, and V.
Figure 5

t-SNE visualization of the four classes N, L, R, and V.

Table 4 shows a comparison of similar results with the proposed work using the MIT-BIH database. A 3-layer CNN-LSTM is investigated in ref. [54] to classify normal and abnormal arrhythmia with 83.4% accuracy. Brito et al. used AdaM optimizer with a 12-layer ResNet architecture to classify arrhythmias into four categories and achieve an accuracy of 83.00% [55]. A 9-layer CNN with three convolutions for classifying five different types of beats is studied in ref. [36] and obtained an accuracy of 89.07% with no data augmentations. Fujita et al. employed a similar approach in their work, with no preprocessing but requiring knowledge of feature extraction before training the model and achieving comparable results [56]. To classify ECG beats, Zhou et al. proposed a hybrid CNN - Extreme Learning Machine (ELM) method [57]. They used the Pan–Tompkins algorithm to determine the R peak, followed by CNN for feature extraction and ELM for classification and achieved 98.77% accuracy in distinguishing four classes. An architecture based on hybrid Alexnet-SVM is investigated in ref. [58] for classifying three types of ECG signals with 96.77% accuracy, which is higher than the conventional methods. For arrhythmia detection, Atal et al. used an optimization enabled deep CNN and achieved an accuracy of 93.19%. They examined the model with 50 and 100 convolutional layers since accuracy is proportional to the number of convolutional layers involved [10]. A two-stage hierarchical deep CNN classification system for 16 classes is proposed in ref. [59]. The first stage categorizes the ECG into the five classes N, S, V, F, and Q, while the second stage categorizes the beats into the subclasses specified by the AAMI standards. They achieved an average accuracy of 97.30%. Harrane and Belkhiri used CNN for feature extraction and LSTM for classification across six classes, achieving 98.60% accuracy [60].

Table 4

Result comparison for beat classification using MIT-BIH dataset

Author Approach Pre-processing Classes Convolutions Accuracy (%)
Acharya et al. [36] CNN Yes 5 3 89.07
Swapna et al. [54] RNN/LSTM/GRU/CNN Yes 2 3 83.40
Brito et al. [55] CNN - ResNet Yes 4 12 83.00
Fujita et al. [56] CNN No 4 2 97.78
Zhou et al. [57] CNN - ELM Yes 4 2 97.50
Atal et al. [10] BaROA-DCNN Yes 2 50/100 93.19
Shaker et al. [59] 2 stage DCNN Yes 16 14 97.30
Harrane and Belkhiri [60] CNN - LSTM No 6 4 98.60
Çınar and Tuncer [58] Hybrid Alexnet-SVM Yes 3 5 96.77
Proposed method 1DCNN No 4 2 99.03

The proposed work achieved relatively significant accuracy with an excellent F1 score. The novelty of this work is that it trains a lower complexity CNN model with no preprocessing for use with real-time streamed data. The ECG data are sent to a remote server for analysis. As a result, the patient is no longer required to be admitted to a care facility. In addition, there is no need for P wave or QRS complex position detection, R peak determination, or noise removal to perform the classification. Though the results are specific to GPU training, the same can run with remarkable speed on non-GPU devices. The only disadvantage is that it requires a large amount of data for performing the initial training. The lower number of convolution layers used makes it suitable to deploy on hardware.

An automated ECG heartbeat classifier based on 1D CNNs is proposed in this study. The feature extraction and classification blocks are combined into a single learning body in this method. The need for feature extraction and preprocessing for real-time implementation of heart monitoring is thus eliminated. The proposed method only uses 1D convolutions reducing computational complexity and making it suitable for hardware implementation. The model achieved good classification results with minimal error. The obtained results did not show overfitting, and the test set performed well in terms of accuracy and F1-score. The model is able to classify all four classes remarkably well. Compared with related works in which the authors perform a beat-to-beat classification using CNN on the MIT-BIH arrhythmia database, this work outperforms other approaches in terms of accuracy using a model with lower complexity.

5 Conclusion and future works

In summary, an automated IoT-enabled arrhythmia detection system is proposed with a deep learning model to classify the heartbeat with an overall testing accuracy of 99.03%, which is higher than reported in the literature. A training accuracy of 99.09% with precision, recall, and F1-scores of 0.99 is achieved. An ESP8266 Wi-Fi-enabled module is used for real-time ECG signal transfer from the source to the server where the analysis is performed. Model complexity is minimized due to fewer convolution layers employed, making it suitable for hardware implementation. The heartbeats are classified into four types: N, L, R, and V. There is no preprocessing reducing the computational overhead.

In the future, the system can be fine-tuned with additional methods such as data augmentation, dropout, and learning rate optimization and expand it to classify other types of arrhythmias. The system can also be implemented in hardware, as low-cost embedded processors are now available, reducing power consumption. The current work uses the most widely used MIT-BIH data set. Another future work direction is to collect an indigenous data set and evaluate model performance on it. The classification results are promising, indicating that this path for beat classification should be investigated further and provides a foundation for future research. Hopefully, the proposed system will assist the caregiver in arrhythmia classification by acting as a decision support system.

Acknowledgements

The authors are thankful to the Department of Electronics, Cochin University of Science and Technology, Kerala, India for encouraging the research by providing all necessary facilities.

  1. Funding information: Authors have no potential financial interest in the publication of this article.

  2. Conflict of interest: The authors state no conflict of interest.

  3. Data availability statement: Data sharing is not applicable to this article as no datasets were generated or analysed during the current study.

References

[1] World Health Organization. The top 10 causes of death. https://www.who.int/news-room/fact-sheets/detail/the-top-10-causes-of-death.Search in Google Scholar

[2] Chow GV, Marine JE, Fleg JL. Epidemiology of arrhythmias and conduction disorders in older adults. Clinics Geriatric Med. 2012;28(4):539–53.10.1016/j.cger.2012.07.003Search in Google Scholar PubMed PubMed Central

[3] Bayoumy K, Gaber M, Elshafeey A, Mhaimeed O, Dineen EH, Marvel FA, et al. Smart wear-able devices in cardiovascular care: where we are and how to move forward. Nat Rev Cardiol. 2021;18(8):581–99. 10.1038/s41569-021-00522-7.Search in Google Scholar PubMed PubMed Central

[4] Krittanawong C, Zhang H, Wang Z, Aydar M, Kitai T. Artificial intelligence in precision cardiovascular medicine. J Am College Cardiol. 2017;69(21):2657–64.10.1016/j.jacc.2017.03.571Search in Google Scholar PubMed

[5] Martis RJ, Acharya UR, Adeli H. Current methods in electrocardiogram characterization. Comput Biol Med. 2014;48:133–49.10.1016/j.compbiomed.2014.02.012Search in Google Scholar PubMed

[6] Luz EJdS, Schwartz WR Cámara-Chávez G, Menotti D. ECG-based heartbeat classification for arrhythmia detection: a survey. Comput Meth Programs Biomed. 2016;127:144–64.10.1016/j.cmpb.2015.12.008Search in Google Scholar PubMed

[7] Ullah A, Anwar SM, Bilal M, Mehmood RM. Classification of arrhythmia by using deep learning with 2-D ECG spectral image representation. Remote Sensing. 2020;12(10):1685.10.3390/rs12101685Search in Google Scholar

[8] Mahmud T, Fattah SA, Saquib M. Deeparrnet: an efficient deep CNN architecture for automatic arrhythmia detection and classification from denoised ECG beats. IEEE Access. 2020;8:104788–800.10.1109/ACCESS.2020.2998788Search in Google Scholar

[9] Kaya Y. Detection of bundle branch block using higher order statistics and temporal features. Int Arab J Inf Technol. 2021;18(3):279–85.10.34028/iajit/18/3/3Search in Google Scholar

[10] Atal DK, Singh M. Arrhythmia classification with ECG signals based on the optimization-enabled deep convolutional neural network. Comput Meth Programs Biomed. 2020;196:105607.10.1016/j.cmpb.2020.105607Search in Google Scholar PubMed

[11] Chen SW, Chen HC, Chan HL. A real-time QRS detection method based on moving-averaging incorporating with wavelet denoising. Comput Meth Programs Biomed. 2006;82(3):187–95.10.1016/j.cmpb.2005.11.012Search in Google Scholar PubMed

[12] Singh BN, Tiwari AK. Optimal selection of wavelet basis function applied to ECG signal denoising. Digital Signal Process. 2006;16(3):275–87.10.1016/j.dsp.2005.12.003Search in Google Scholar

[13] Poungponsri S, Yu XH. An adaptive filtering approach for electrocardiogram (ECG) signal noise reduction using neural networks. Neurocomputing. 2013;117:206–13.10.1016/j.neucom.2013.02.010Search in Google Scholar

[14] Lin HY, Liang SY, Ho YL, Lin YH, Ma HP. Discrete-wavelet-transform-based noise removal and feature extraction for ECG signals. Irbm. 2014;35(6):351–61.10.1016/j.irbm.2014.10.004Search in Google Scholar

[15] Hossain MB, Bashar SK, Walkey AJ, McManus DD, Chon KH. An accurate QRS complex and P wave detection in ECG signals using complete ensemble empirical mode decomposition with adaptive noise approach. IEEE Access. 2019;7:128869–80.10.1109/ACCESS.2019.2939943Search in Google Scholar PubMed PubMed Central

[16] Laitala J, Jiang M, Syrjälä E, Naeini EK, Airola A, Rahmani AM, et al. Robust ECG R-peak detection using LSTM. In: Proceedings of the 35th Annual ACM Symposium on Applied Computing. New York, United States: Association for Computing Machinery; 2020. p. 1104–11.10.1145/3341105.3373945Search in Google Scholar

[17] Pan J, Tompkins WJ. A real-time QRS detection algorithm. IEEE Trans Biomed Eng. 1985;3:230–6.10.1109/TBME.1985.325532Search in Google Scholar PubMed

[18] Lin CC, Yang CM. Heartbeat classification using normalized RR intervals and morphological features. Math Problems Eng. 2014;2014:1–11. 10.1155/2014/712474.Search in Google Scholar

[19] Haddadi R, Abdelmounim E, El Hanine M, Belaguid A. ST segment analysis using wavelet transform. IJCSNS Int J Comput Sci Netw Secur. 2017;17:102–7.Search in Google Scholar

[20] Kallas M, Francis C, Kanaan L, Merheb D, Honeine P, Amoud H, et al. Classification combined with kernel PCA feature extraction of ECG signals. In 2012 19th International Conference on Telecommunications (ICT). Jounieh, Lebanon: IEEE; 2012. p. 1–5. 10.1109/ICT19651.2012.Search in Google Scholar

[21] Yu SN, Chou KT. Integration of independent component analysis and neural networks for ECG beat classification. Expert Syst Appl. 2008;34(4):2841–6.10.1016/j.eswa.2007.05.006Search in Google Scholar

[22] Yu SN, Chou KT. Selection of significant independent components for ECG beat classification. Expert Syst Appl. 2009;36(2):2088–96.10.1016/j.eswa.2007.12.016Search in Google Scholar

[23] Kutlu Y, Kuntalp D. Feature extraction for ECG heartbeats using higher order statistics of WPD coefficients. Computer Meth Programs Biomed. 2012;105(3):257–67.10.1016/j.cmpb.2011.10.002Search in Google Scholar PubMed

[24] Lin CH, Du YC, Chen T. Adaptive wavelet network for multiple cardiac arrhythmias recognition. Expert Syst Appl. 2008;34(4):2601–11.10.1016/j.eswa.2007.05.008Search in Google Scholar

[25] Bazi Y, Alajlan N, AlHichri H, Malek S. Domain adaptation methods for ECG classification. In: 2013 International Conference on Computer Medical Applications (ICCMA). Sousse, Tunisia: IEEE; 2013. p. 1–4. 10.1109/ICCMA30706.2013.Search in Google Scholar

[26] Ye C, Kumar BV, Coimbra MT. Heartbeat classification using morphological and dynamic features of ECG signals. IEEE Trans Biomed Eng. 2012;59(10):2930–41.10.1109/TBME.2012.2213253Search in Google Scholar PubMed

[27] Mar T, Zaunseder S, Martínez JP, Llamedo M, Poll R. Optimization of ECG classification by means of feature selection. IEEE Trans Biomed Eng. 2011;58(8):2168–77.10.1109/TBME.2011.2113395Search in Google Scholar PubMed

[28] Llamedo M, Martínez JP. Heartbeat classification using feature selection driven by database generalization criteria. IEEE Trans Biomed Eng. 2010;58(3):616–25.10.1109/TBME.2010.2068048Search in Google Scholar PubMed

[29] Escalona-Morán MA, Soriano MC, Fischer I, Mirasso CR. Electrocardiogram classification using reservoir computing with logistic regression. IEEE J Biomed Health Informatics. 2014;19(3):892–8.10.1109/JBHI.2014.2332001Search in Google Scholar PubMed

[30] Mustaqeem A, Anwar SM, Majid M. Multiclass classification of cardiac arrhythmia using improved feature selection and SVM invariants. Comput Math Meth Med. 2018;2018:1–10.10.1155/2018/7310496Search in Google Scholar PubMed PubMed Central

[31] Fukushima K, Miyake S. Neocognitron: A self-organizing neural network model for a mechanism of visual pattern recognition. In: Competition and Cooperation in Neural Nets. Berlin, Heidelberg: Springer; 1982. p. 267–85.10.1007/978-3-642-46466-9_18Search in Google Scholar

[32] Simonyan K, Zisserman A. Very deep convolutional networks for large-scale image recognition. 2014. arXiv preprint:http://arXiv.org/abs/arXiv:14091556.Search in Google Scholar

[33] Abdel-Hamid O, Mohamed Ar, Jiang H, Deng H, Penn G, Yu G. Convolutional neural networks for speech recognition. IEEE/ACM Trans Audio Speech Language Process. 2014;22(10):1533–45.10.1109/TASLP.2014.2339736Search in Google Scholar

[34] Zhang Y, Wallace B. A sensitivity analysis of (and practitioners’ guide to) convolutional neural networks for sentence classification. 2015. arXiv preprint: http://arXiv.org/abs/arXiv:151003820.Search in Google Scholar

[35] Ebrahimi Z, Loni M, Daneshtalab M, Gharehbaghi A. A review on deep learning methods for ECG arrhythmia classification. Expert Syst Appl X. 2020;7:100033.10.1016/j.eswax.2020.100033Search in Google Scholar

[36] Acharya UR, Oh SL, Hagiwara Y, Tan JH, Adam M, Gertych A, et al. A deep convolutional neural network model to classify heartbeats. Comput Biol Med. 2017;89:389–96.10.1016/j.compbiomed.2017.08.022Search in Google Scholar PubMed

[37] Li K, Pan W, Li Y, Jiang Q, Liu G. A method to detect sleep apnea based on deep neural network and hidden markov model using single-lead ECG signal. Neurocomputing. 2018;294:94–101.10.1016/j.neucom.2018.03.011Search in Google Scholar

[38] Xia Y, Wulan N, Wang K, Zhang H. Atrial fibrillation detection using stationary wavelet transform and deep learning. In: 2017 Computing in Cardiology (CinC). Rennes, France: IEEE; 2017. p. 1–4. https://ieeexplore.ieee.org/document/8331427/metrics#metrics.10.22489/CinC.2017.210-084Search in Google Scholar

[39] Zhang C, Wang G, Zhao J, Gao P, Lin J, Yang H. Patient-specific ECG classification based on recurrent neural networks and clustering technique. In: 2017 13th IASTED International Conference on Biomedical Engineering (BioMed). Innsbruck, Austria: IEEE; 2017. p. 63–7. https://ieeexplore.ieee.org/xpl/conhome/7890909/proceeding.10.2316/P.2017.852-029Search in Google Scholar

[40] Xiong Z, Nash MP, Cheng E, Fedorov VV, Stiles MK, Zhao J. ECG signal classification for the detection of cardiac arrhythmias using a convolutional recurrent neural network. Physiol Measurement. 2018 Sep;39(9):094006.10.1088/1361-6579/aad9edSearch in Google Scholar PubMed PubMed Central

[41] Acharya UR, Fujita H, Oh SL, Hagiwara Y, Tan JH, Adam M, et al. Deep convolutional neural network for the automated diagnosis of congestive heart failure using ECG signals. Appl Intell. 2019;49(1):16–27.10.1007/s10489-018-1179-1Search in Google Scholar

[42] Shalin S, Vahid E. Cardiac arrhythmia classification by multi-layer perceptron and convolution neural networks. Bioengineering. 2018;5(2):35–46.10.3390/bioengineering5020035Search in Google Scholar PubMed PubMed Central

[43] Kim JH, Seo SY, Kim KS. Assessment of electrocardiogram rhythms by GoogLeNet deep neural network architecture. J Healthcare Eng. 2019;2019:1–10. 10.1155/2019/2826901.Search in Google Scholar PubMed PubMed Central

[44] Ihsanto E, Ramli K, Sudiana D, Gunawan TS. An efficient algorithm for cardiac arrhythmia classification using ensemble of depthwise separable convolutional neural networks. Appl Sci. 2020;10(2):483.10.3390/app10020483Search in Google Scholar

[45] Zhang X, Gu K, Miao S, Zhang X, Yin Y, Wan C, et al. Automated detection of cardiovascular disease by electrocardiogram signal analysis: a deep learning system. Cardiovascular Diagnosis Therapy. 2020;10(2):227.10.21037/cdt.2019.12.10Search in Google Scholar PubMed PubMed Central

[46] Peimankar A, Puthusserypady S. DENS-ECG: A deep learning approach for ECG signal delineation. Expert Syst Appl. 2021;165:113911.10.1016/j.eswa.2020.113911Search in Google Scholar

[47] Zhao Y, Cheng J, Zhang P, Peng X. ECG classification using deep CNN improved by wavelet transform. Comput Mater Continua. 2020;64(3):1615–28.10.32604/cmc.2020.09938Search in Google Scholar

[48] Bianco S, Cadène R, Celona L, Napoletano P. Benchmark analysis of representative deep neural network architectures. IEEE Access. 2018;6:64270–7.10.1109/ACCESS.2018.2877890Search in Google Scholar

[49] Farabet C, Poulet C, Han JY, LeCun Y. Cnp: An fpga-based processor for convolutional networks. In: 2009 International Conference on Field Programmable Logic and Applications. Prague, Czech Republic: IEEE; 2009. p. 32–37. 10.1109/FPL15426.2009.Search in Google Scholar

[50] Moody GB, Mark RG. The impact of the MIT-BIH Arrhythmia database. IEEE Eng Med Biol. May–June 2001;20(3):45–50.10.1109/51.932724Search in Google Scholar PubMed

[51] Goldberger AL, Amaral LA, Glass L, Hausdorff JM, Ivanov PC, Mark RG, et al. PhysioBank, physiotoolkit, and physionet: components of a new research resource for complex physiologic signals. Circulation. 2000;101(23):e215–e220.10.1161/01.CIR.101.23.e215Search in Google Scholar

[52] Ng A. Basics of Neural Network Programming. https://cs230.stanford.edu/files/C1M2.pdf.Search in Google Scholar

[53] Kingma DP, Ba J. Adam: A method for stochastic optimization. 2014. arXiv: http://arXiv.org/abs/arXiv:14126980.Search in Google Scholar

[54] Swapna G, Soman KP, Vinayakumar R. Automated detection of cardiac arrhythmia using deep learning techniques. Proc Comput Sci. 2018;132:1192–201.10.1016/j.procs.2018.05.034Search in Google Scholar

[55] Brito C, Machado A, Sousa A. Electrocardiogram beat-classification based on a ResNet network. Stud Health Technol Inform. 2019 August;264:55–9.Search in Google Scholar

[56] Fujita H, Cimr D. Decision support system for arrhythmia prediction using convolutional neural network structure without preprocessing. Appl Intell. 2019;49(9):3383–91.10.1007/s10489-019-01461-0Search in Google Scholar

[57] Zhou S, Tan B. Electrocardiogram soft computing using hybrid deep learning CNN-ELM. Aappl Soft Comput. 2020;86:105778.10.1016/j.asoc.2019.105778Search in Google Scholar

[58] Çiiinar A, Tuncer SA. Classification of normal sinus rhythm, abnormal arrhythmia and congestive heart failure ECG signals using LSTM and hybrid CNN-SVM deep neural networks. Comput Meth Biomech Biomed Eng. 2021;24(2):203–14.10.1080/10255842.2020.1821192Search in Google Scholar PubMed

[59] Shaker AM, Tantawi M, Shedeed HA, Tolba MF. Deep convolutional neural networks for ECG heartbeat classification using two-stage hierarchical method. In: International Conference on Advanced Intelligent Systems and Informatics. Cairo, Egypt; 2020. p. 137–47. Cham: Springer. https://link.springer.com/book/10.1007/978-3-030-58669-0#about.10.1007/978-3-030-58669-0_12Search in Google Scholar

[60] Harrane S, Belkhiri M. Classification of ECG heartbeats using deep neural networks. Res Biomed Eng. 2021;37:1–11.10.1007/s42600-021-00176-xSearch in Google Scholar

Received: 2021-04-24
Revised: 2021-11-20
Accepted: 2022-01-03
Published Online: 2022-03-29

© 2022 Ann Varghese et al., published by De Gruyter

This work is licensed under the Creative Commons Attribution 4.0 International License.

Downloaded on 31.5.2024 from https://www.degruyter.com/document/doi/10.1515/jisys-2022-0015/html
Scroll to top button