Next Article in Journal
Early Optical Coherence Tomography Biomarkers for Selected Retinal Diseases—A Review
Previous Article in Journal
From Euglycemia to Recent Onset of Type 2 Diabetes Mellitus: A Proof-of-Concept Study on Circulating microRNA Profiling Reveals Distinct, and Early microRNA Signatures
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Deep Learning Approach for Atrial Fibrillation Classification Using Multi-Feature Time Series Data from ECG and PPG

1
Department of Information Systems, College of Computer and Information Sciences, Jouf University, Sakaka 72388, Saudi Arabia
2
School of Computer Science, SCS, Taylor’s University, Subang Jaya 47500, Malaysia
*
Author to whom correspondence should be addressed.
Diagnostics 2023, 13(14), 2442; https://doi.org/10.3390/diagnostics13142442
Submission received: 14 June 2023 / Revised: 8 July 2023 / Accepted: 13 July 2023 / Published: 21 July 2023
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)

Abstract

:
Atrial fibrillation is a prevalent cardiac arrhythmia that poses significant health risks to patients. The use of non-invasive methods for AF detection, such as Electrocardiogram and Photoplethysmogram, has gained attention due to their accessibility and ease of use. However, there are challenges associated with ECG-based AF detection, and the significance of PPG signals in this context has been increasingly recognized. The limitations of ECG and the untapped potential of PPG are taken into account as this work attempts to classify AF and non-AF using PPG time series data and deep learning. In this work, we emploted a hybrid deep neural network comprising of 1D CNN and BiLSTM for the task of AF classification. We addressed the under-researched area of applying deep learning methods to transmissive PPG signals by proposing a novel approach. Our approach involved integrating ECG and PPG signals as multi-featured time series data and training deep learning models for AF classification. Our hybrid 1D CNN and BiLSTM model achieved an accuracy of 95% on test data in identifying atrial fibrillation, showcasing its strong performance and reliable predictive capabilities. Furthermore, we evaluated the performance of our model using additional metrics. The precision of our classification model was measured at 0.88, indicating its ability to accurately identify true positive cases of AF. The recall, or sensitivity, was measured at 0.85, illustrating the model’s capacity to detect a high proportion of actual AF cases. Additionally, the F1 score, which combines both precision and recall, was calculated at 0.84, highlighting the overall effectiveness of our model in classifying AF and non-AF cases.

1. Introduction

The heart, as a vital component of the circulatory system, functions as a muscular pump, ensuring the continuous flow of blood to various organs and tissues of the body [1]. The sinoatrial node, frequently referred to as the heart’s natural pacemaker and located in the right atrium, produces electrical impulses that cause the heart to begin pumping. These electrical impulses move through the heart, orchestrating coordinated contractions and promoting the action potential’s quick spread [2].
A heartbeat consists of the contraction (systole) and relaxation (diastole) of the myocardium, regulated by electrical signals originating within the heart and propagated through the cardiac conduction system [3]. The signals begin at the SA node, triggering atrial systole as they travel across the atria, facilitating the transfer of blood to the ventricles. Subsequently, the signals pass through the atrioventricular node, allowing adequate time for atrial blood transfer before continuing towards the ventricles, initiating ventricular systole and pumping blood into the arteries. The relaxation and repolarization of the atria and ventricles follow, denoted as atrial diastole and ventricular diastole, respectively, before the cardiac cycle recommences [3,4]. This contraction and relaxation of the heart muscle, which pumps blood throughout the body, is what is referred to as a heartbeat. In contrast, a heart rhythm is the pattern or sequence of heartbeats over a period of time. The electrical signals that govern how the heart contracts serve as a determinant. Sinus rhythm is the name for the typical heartbeat. However, there can be abnormalities in the heart’s rhythm, known as cardiac arrhythmias, where the electrical signals are disrupted or irregular. Depending on the type of arrhythmia, the heart may beat excessively quickly a condition known as tachycardia or too slowly called bradycardia, or in an irregular pattern [5,6]. These rhythm disturbances can arise from various causes, including structural heart defects, electrolyte imbalances, cardiovascular diseases, and other underlying health conditions [7]. Cardiac arrhythmia encompasses a wide range of abnormal heart rhythms, of which atrial fibrillation is the most common type [8].
Atrial fibrillation affects millions of individuals each year, an estimated 33.5 million people worldwide [9,10]. Its presence increases the risk of strokes, heart failure, and even mortality. According to the Global Burden of Disease study, the worldwide prevalence of AF was reported to be approximately 0.51% of the global population, with an increasing trend [11]. It leads to irregular heartbeats caused by disorganized electrical signals originating from the atria and propagating through the heart. The result is inefficient blood perfusion, leading to symptoms such as fatigue, coagulation issues, strokes, and potential life-threatening consequences [12]. Figure 1 depicts the flow of electrical signals via the cardiac conduction system in atrial fibrillation (right) and normal sinus rhythm (left) [13].
A common test to identify AF is an ECG. It can identify unnatural cardiac rhythms and records the electrical activity of the heart [14]. Electrodes are positioned on the chest, limbs, or both during this painless and non-invasive technique to measure the electrical signals of the heart [15]. Photoplethysmography (PPG) is another non-invasive method that uses light to measure blood volume changes in peripheral blood vessels [16]. When compared to ECG, PPG has a number of benefits. Since it doesn’t require electrodes or close skin contact and it is less complicated. Moreover, wearable gadgets like smartwatches or fitness trackers can incorporate PPG sensors, enabling continuous monitoring throughout the day [17]. PPG is more suited for monitoring during physical exercise because it is less susceptible to motion artefacts. The technique uses light to illuminate the skin and detect the light reflected back to monitor changes in blood volume. The photoplethysmogram is a waveform that is produced when the amount of light reflected changes as a result of the blood pulsing through the vessels. This waveform can reveal details regarding blood flow, heart rate, and perhaps even detect abnormal heartbeats [18].
Machine learning techniques have gained prominence in the analysis and interpretation of physiological signals such as PPG and ECG, enabling advancements in detection, classification, and prediction tasks, with potential applications in various domains [19,20,21,22,23,24,25,26]. By analyzing large datasets of ECG and PPG signals, these models extract meaningful patterns and features associated with AF. Deep learning models, such as convolutional neural networks [27], recurrent neural networks [28] and long short term memory networks [29] also have demonstrated the ability to accurately identify various patterns and features within raw data. These models can be applied to diverse domains, showcasing their efficacy in tasks such as data classification, prediction, and anomaly detection.
Both ML and DL algorithms have also been widely employed in the detection, prediction, and classification of cardiac arrhythmias [30,31], with a particular focus on AF [23]. However, existing studies predominantly utilize ECG datasets for these tasks [32]. Although PPG-based approaches, mainly utilizing smart cameras and transmissive PPG [33], have been explored to some extent, the combined use of PPG and ECG for AF classification remains an underexplored area with limited research conducted thus far.
The aim of this study is to apply deep learning methods in the classification of atrial fibrillation by leveraging multiple data sources, with the objective of achieving higher accuracy. Mainly the study focuses on the comparison of LSTM, BiLSTM, and 1DConv models for the task of atrial fibrillation classification. While the application of deep learning-based methods on transmissive photoplethysmography signals for AF classification is an under-researched area, we propose a novel approach in this study.
The other sections of the study are broken down into the ones below, with Section 2 offering an overview of current research and studies on the identification of atrial fibrillation. The resources and procedures used in this investigation are described in Section 3. The section presents details about the data sources used for the task of AF classification. The results of the investigation are presented in Section 4. The findings are discussed in Section 5. In this section, the results are discussed and compared to past studies while being interpreted in light of the literature that is now accessible. In Section 6, the study discusses the key findings and their implications.

2. Literature Review

2.1. The Role of ECG in AF Detection

ECG or EKG plays a pivotal role in the detection and diagnosis of AF [34]. The recordings provide valuable insights into the electrical activity of the heart and serve as the gold standard for the diagnosis [35]. By capturing the electrical signals generated during each cardiac cycle, ECG enables the identification of specific patterns and abnormalities associated with AF.
Atrial fibrillation is characterized by the absence of distinct P waves in ECG leads I and III as shown in Figure 2. Instead of the regular and organized P waves observed in normal sinus rhythm, AF exhibits chaotic and irregular atrial electrical activity. These irregular electrical signals in the atria result in an erratic ventricular response, leading to irregular heartbeats.
While ECG is highly valuable for diagnosing AF, it has some limitations [37]. Firstly, AF episodes can be sporadic and transient, making it challenging to capture an episode during a short recording period. Consequently, longer ECG monitoring duration may be necessary to increase the chances of detecting AF episodes. Additionally, ECG requires direct contact with electrodes placed on the body, which can be inconvenient for continuous monitoring in everyday settings [38].

2.2. The Significance of PPG in AF Detection

PPG has emerged as a promising non-invasive technique for AF detection. Traditionally used for pulse oximetry and heart rate monitoring, PPG utilizes optical sensors to measure variations in blood volume at the peripheral blood vessels [39]. PPG signals reflect changes in blood flow and can provide valuable information about the cardiovascular system, including the presence of irregular heart rhythms like AF [40]. Figure 3 shows a raw PPG wave segment of a normal sinus rythym and atrial fabrilation patient’s rhythm.
The non-invasive nature of PPG, which may easily be carried out utilising wearable technology or even smartphone applications, is one of its main advantages, according to [42]. This qualifies PPG for continuous monitoring in a variety of contexts, including ambulatory care and home scenarios. Furthermore, PPG is capable of recording physiological data in real-time, enabling the identification of dynamic changes in heart rhythm [43].

2.3. Traditional Approach to Classify Atrial Fibrillation

ECG or PPG approaches have typically been used by qualified medical professionals, such as cardiologists, to find AF. To identify cardiac irregularities and disorders, these specialists would examine the ECG waveform patterns, including the size, amplitude, duration, and timing of the various waves, intervals, and segments. The manual interpretation of these waveforms posses several challenges and limitations [44]. Firstly, it relied heavily on the expertise and experience of the interpreting physician, leading to potential variations in diagnoses and the possibility of human error [45]. Moreover, the manual interpretation of ECGs was a labor-intensive task, requiring significant time and effort from the interpreting physician. This could lead to delays in diagnosis, especially in situations where timely intervention was crucial for patient care. Furthermore, the availability of experienced cardiologists for ECG interpretation may be limited, particularly in resource-constrained settings or remote areas [46].
Researchers and developers used computer-assisted image processing and analysis approaches to get over the challenges and constraints [47]. These methods attempted to produce objective and standardised outcomes by automating portions of the ECG interpretation process. To recognise and categorise ECG waveform patterns, computer algorithms were developed, facilitating a quicker and more reliable analysis. Numerous studies investigated techniques for automated ECG interpretation, including template matching, feature extraction, and rule-based algorithms. While computer-assisted interpretation showed promise, it still faced some limitations [48]. Traditional algorithms often relied on handcrafted features, which required expert knowledge and may not capture the full complexity of underlying patterns. They also struggled with handling variability and noise in signals, making them less robust in real-world scenarios. Furthermore, the increasing volume of ECG and PPG data require more advanced and adaptable approaches [49].

2.4. Emergence of Machine Learning and Deep Learning

Over the past decade, machine learning and deep learning techniques have emerged as powerful tools for the detection, classification, and prediction of various phenomena, ranging from disease diagnoses in healthcare to fraud detection in finance, and from object recognition in computer vision to sentiment analysis in natural language processing, among many other domains [50,51,52,53,54]. These computational approaches leverage the analysis of large datasets to extract meaningful patterns and features.By training algorithms on labeled datasets, these models have the ability to learn and accurately identify and differentiate between different classes or categories of data in various domains [55,56,57].

2.4.1. Machine Learning Based Atrial Fibrillation Classification

For detection and classification of atrial fibrillation, machine learning algorithms can be trained using a diverse set of features extracted from ECG and PPG signals, including statistical measures [58,59], frequency-domain analysis [60,61], wavelet transformations [62,63,64], and nonlinear dynamics [65]. These features capture specific characteristics of AF, such as irregular heart rate, absence of distinct P waves, and chaotic atrial electrical activity. By feeding these features into supervised learning algorithms such as support vector machines [66], random forests [67], or neural networks [68]. Once trained on big data all these the models have ability to learn and classify new instances as AF or non-AF with high accuracy.
One of the most commonly used models of machine learning in medical research is the Support Vector Machine. SVM has been widely applied to the detection and classification of arrhythmias, with a particular focus on atrial fibrillation. The robustness and accuracy of SVM make it a valuable tool in identifying abnormal heart rhythms [69,70].
Using SVM and the Radial Basis function, [71] focused on the variabilities of electrocardiographic heart rate for AFib detection. The designed model outputs a prediction indicating whether these variabilities in the features belong to the AFib or non-AFib classes. In another study by [72], a Lagrangian SVM was proposed to detect atrial fibrillation using sixteen features as input vector. Other studies which employed AF classification using SVM include [73,74,75,76,77,78].
A different method was used in another study by [79] to identify AF. The analysis of ECG data from portable devices was the study’s main objective. Independent of ECG lead location, a wide range of discriminative features was examined, including features from several domains like time, frequency, time-frequency, phase space, and meta-level. The suggested classification algorithm successfully classified four different ECG types, including AF rhythms, by using a feature selection method based on a random forest classifier. Employing random forest with ecg to detect af was also studied by [80,81,82].
Decision trees are also extensively used in the classification of atrial fibrillation (AF) in various studies. For instance, in a study by [83], decision tree algorithms were employed to classify ECG signals into different rhythm classes, including AF. The study utilized a combination of hand-crafted features extracted from the ECG signals and a decision tree classifier to achieve accurate AF classification. Similarly, in another study conducted by [84], a decision tree-based approach was employed for AF detection using features derived from the heart rate variability analysis.
All the above-discussed studies utilize ECG features for the classification of atrial fibrillation (AF). However, it is worth noting that besides ECG, photoplethysmography (PPG) has also been extensively employed for the classification of heart rhythm, including AF. For example, in a study conducted by [85], PPG signals were utilized along with SVM with linear kernel to classify AF rhythms. The study enables the use of affordable wearable devices with limited processing and data storage resources for long-term ambulatory monitoring of AF. HRV features were extracted in another study by [86] from the inter-beat intervals, and SVM classifier was trained using these features utilizing face video recordings of 200 patients.

2.4.2. Deep Learning Based Atrial Fibrillation Classification

Deep learning, a subset of machine learning, has also shown great potential in AF detection and classification. Deep neural networks can effectively learn complex patterns and dependencies within data without the need for explicit feature engineering [87,88,89]. In case of ECG based time-series data, they can automatically extract hierarchical representations, capturing both local and global patterns indicative of AF. One of the most prominent and extensively used DL models within this domain is the Convolutional Neural Network (CNN). Also, in the case of arrhythmia detection and classification, it has emerged as a widely used and highly effective tool [90,91,92,93].
Using the single lead ECG signal [94] stacked a SVM on statistical features of segment-based recognition units produced by a CNN. The CNN architecture employed automatically classified each segment without the need for feature engineering. For non linear decision boundaries an RBF kernel was utilized with SVM. For the classification of raw ECG time series data [32] employed 1D convolutional neural network with seven FCN layers and achieved 86% validation accuracy. Similarly, one dimensional time series ECG data was utilized by [95] for automatic detection of atrial fibrillation using 1D CNN model. Additionally, a length normalization algorithm was presented to address the challenge of variable-length ECG recordings. Other studies employing 1D CNN for the task include [96,97,98,99,100,101].
Amonst other deep learning models, LSTMs and BiLSTMs have also been widely used in cardiac arrhythmia detection and classification due to their ability to capture temporal dependencies and handle sequential data effectively. These RNN architectures have shown promising results in accurately identifying and categorizing various types of arrhythmias, such as AF, VT, and PVCs. By leveraging the temporal information in ECG signals, LSTMs and BiLSTMs can learn complex patterns and make accurate predictions, improving diagnostic accuracy in clinical settings.
Four different methods to detect AF were employed by [102] with a bidirectional long short-term memory network. The identification and classification of two forms of atrial fibrillation, chronic and paroxysmal, were the study’s main objectives. ECG signal classification has also been done by [103,104]. The first one combined feed-forward and recurrent neural networks to extract relevant features for accurate arrhythmia classification. And the second utilized the LSTM model for the same task. Detection of AF directly by utilizing the raw PPG data, collected over 180 h using multi-sensor wearable devices using LSTM was studied by [105]. The authors reported The area under the receiver operating characteristic (ROC) curve to be 0.9999 for classification labels output every 0.8 s.
Hybrid models combining CNN, LSTM, and BiLSTM architectures also have emerged as popular choices in the literature for the classification of AF, leveraging their ability to capture spatial and temporal dependencies in waveform data effectively. The hybrid CNN-LSTM model studied by [106] is a lightweight 1D deep learning model for ECG beat-wise classification into six classes. In another work proposed by [97] a combination of 1D and 2D CNN is employed. In order to remove PPG data that has been affected by motion artefacts and ambient light interference, the 1D-CNN is used. A 2D-CNN that has been pretrained on ECG data is then utilised to detect AFib. PPIs obtained from wearable technology are used to fine-tune the 2D-CNN. The Table 1 summarizes key studies that have utilized hybrid deep learning models for cardiac arrhythmia classification and related tasks.

2.5. Research Findings

Based on the above literature we conclude that one notable research gap in the field of atrial fibrillation detection and classification lies in the exploration of PPG waveform data. While current research predominantly focuses on using machine learning and deep learning with ECG data to classify AF, there has been increasing interest in utilizing PPG for AF detection. However, previous studies on PPG-based AF detection have mainly concentrated on reflective PPG techniques. Reflective PPG measures the light reflected from the skin’s surface and provides information about superficial blood vessels. In contrast, transmissive PPG involves transmitting light through body tissues and measuring the attenuated light after passing through the vessels. Transmissive PPG has the potential to offer deeper insights into the cardiovascular system and may enhance AF detection accuracy. Therefore, the use of bedside PPG data in combination with ECG for AF classification represents a research gap that warrants further investigation.

3. Materials and Methods

In this section, we will provide a detailed overview of the dataset used in our study and describe the preprocessing steps undertaken to ensure data quality and consistency. Subsequently, we will delve into the discussion of three deep learning architectures employed in our research: 1DCNN (1D Convolutional Neural Network), LSTM (Long Short-Term Memory), and BiLSTM (Bidirectional Long Short-Term Memory). We will present the architectural details, highlighting the unique characteristics and advantages of each model in the context of our AF classification task. The diagram showing the block diagram of our proposed procedure is shown in Figure 4.

3.1. Dataset Preprocessing

The dataset used in this study was extracted from MIMIC PERform dataset [18] which itself is derived from the MIMIC III Waveform Database and offer valuable insights into the physiological state of critically-ill patients. The training dataset contains recordings from 200 patients, with an equal number of adults and neonates, with 100 having NSR and the other half having atrial fibrillation. Likewise, the distribution is the same in the testing dataset. Two instances from the MIMIC PERform dataset are shown in Figure 5, each representing a different physiological signal captured during standard clinical care. The first example shows ECG and PPG data for normal sinus rhythm. While the NSR ECG records the electrical activity of the heart, the NSR PPG visualises the pulsatile variations in blood volume. These signals operate as a benchmark for the common heart activity seen in healthy people.
In contrast, the second example exhibits signals associated with atrial fibrillation. The AFib PPG depicts the irregular and chaotic fluctuations in blood volume caused by the abnormal rhythm, while the AFib ECG highlights the irregularities in the electrical activity of the heart. This example demonstrates the distinct patterns observed in the PPG and ECG signals when the patient is experiencing AFib.

3.2. Baseline Architectures

Following a broad introduction to bidirectional LSTM and 1D convolutional neural networks (CNNs), we will explain the architecture used and the rationale behind combining these two types of networks.

3.2.1. 1D Conv Net

CNNs are widely used for image classification tasks, but they can also be applied to time series sequential data using a variant of vanilla CNN called 1D convolution neural network. In 1D CNNs, local patterns or motifs in the sequence are captured by convolutional filters that slide along the temporal axis of the input. Figure 6 shows the architecture of a simple 1D ConvNet.
By applying multiple convolutional layers with increasing filter sizes, CNNs can learn hierarchical representations of the input data, capturing both low-level and high-level features. Such models are useful for extracting meaningful features from sequential data, such as time series, audio signals, and text data.

3.2.2. BiLSTM

Recurrent neural networks of the LSTM variety are particularly good at capturing long-distance dependencies in sequential data. The bidirectional LSTM combines two LSTMs, one of which moves the input sequence forward while the other moves it backward. By processing the input in both ways, they are able to capture dependencies from both past and future context, making them suitable for applications that require a thorough understanding of the sequence. Figure 7 shows the architecture of a vanilla BiLSTM.

3.3. Our Proposed Hybrid Architecture

The architecture is designed to classify atrial fibrillation using time-series ECG and PPG data. It consists of the following components. Figure 8 illustrates the model summary.

3.3.1. 1D Convolutional Layers

  • The initial convolutional layers with increasing filter sizes and ReLU activation functions aim to capture local patterns and features from the ECG and PPG data.
  • The convolutional filters slide along the temporal axis of the input to extract meaningful features.
  • Each convolutional layer is followed by a max pooling layer, which reduces the spatial dimensions and retains important features.

3.3.2. Bidirectional LSTM Layers

  • The sequence is processed in both forward and reverse directions by the bidirectional LSTM layers, which also collect dependencies and contextual data from both past and future states.
  • By leveraging the bidirectional nature, the model can effectively understand the temporal dynamics of the ECG and PPG signals.

3.3.3. Additional Convolutional and Pooling Layers

  • Another convolutional layer with a smaller filter size and a max pooling layer follow the bidirectional LSTM layers.
  • This additional layer aims to extract more refined features from the combined information obtained from the previous layers.

3.3.4. Dense Layers and Dropout Layers

  • Dense layers with leaky ReLU activation functions are used to introduce non-linearity and capture higher-level representations.
  • Dropout layers are included to prevent overfitting by randomly dropping out a fraction of the connections during training.

3.3.5. Output Layer

  • The binary classification output, indicating the presence or absence of atrial fibrillation, is produced by the final dense layer with a sigmoid activation function.

3.4. Reasons for Hybridizing 1D CNN and Bidirectional LSTM

The categorization of atrial fibrillation gains from using both ECG and PPG data. PPG detects variations in blood volume, whereas ECG delivers electrical signals from the heart. The model is able to efficiently process and extract features from both forms of data by combining 1D CNN and bidirectional LSTM. Local patterns and characteristics in the ECG and PPG signals are well-captured by 1D CNNs. The ability to recognise long-term dependencies and comprehend the temporal context is a strength of bidirectional LSTM layers. The capacity of the model to distinguish between regular and atrial fibrillation signals is improved by integrating the two designs, which may capture both spatial and temporal patterns. The hybrid architecture improves performance in AF classification tasks by combining the advantages of bidirectional LSTM with 1D CNN.

3.5. Hyperparameter Tuning

To optimize the performance of our models, we conducted parameter tuning experiments. We investigated a number of hyperparameters, such as regularisation methods, dropout rates, and various optimisation approaches. The following are some of the precise specifics of the parameter tweaking experiments:

3.5.1. Regularization

We experimented with different regularization techniques, such as L1 and L2 regularization, to prevent overfitting and improve generalization. We varied the regularization strength to find the optimal balance between model complexity and performance.

3.5.2. Dropout Rate

Dropout is a regularisation strategy that prevents the model from depending too much on particular features by randomly removing a portion of the connections during training. We tested different dropout rates, ranging from 0.1 to 0.5, to find the dropout rate that achieved the best performance.

3.5.3. Optimization Algorithms

We compared different optimization algorithms, such as Adam and SGD to find the algorithm that resulted in faster convergence and better performance.

3.5.4. Final Hyperparameters

By systematically varying these hyperparameters and evaluating the models’ performance using appropriate metrics, we identified the optimal combination of parameters for our AF classification task as presented in Table 2.
These parameter tuning experiments allowed us to fine-tune our models and enhance their performance in accurately classifying atrial fibrillation.

4. Results and Experimentation

In the classification of atrial fibrillation using a hybrid 1D-CNN and BiLSTM model, we achieved promising results. The model showed a continuous increase in training and validation accuracy and decrease in the loss over the course of the 25 epochs that made up the training procedure. Details of the evaluation metrics and training procedures are discussed in Appendix A and Appendix B. Figure 9 illustrates the model’s learning process through the training and validation accuracy curves and the loss curves over time. When evaluated on test data the model achieved total loss of 0.1955 and accuracy of 0.9500, which is also highlighted in the each sub-figure. Figure 10 displays the distribution of predicted and actual classes, revealing 50 true negatives (non-AF) and 35 true positives (AF), with no false negatives and no false positives.
To further evaluate the performance of our model, we computed precision, recall, and F1-score for each class. The classification report in Figure 11 provides a comprehensive overview of the model’s performance metrics. Class 0 (non-AF) achieved a precision of 0.77, recall of 1.0, and an F1-score of 0.87. Class 1 (AF) achieved perfect precision, recall, and F1-score, all equal to 1.0.
We also evaluated the model’s sensitivity and specificity as shown in Figure 12. The non-AF category has a sensitivity (recall) of 0.7, which means that 70% of real non-AF cases were accurately identified. The sensitivity for Class AF was 1.0, indicating a 100% accurate identification of AF cases. Class AF’s specificity was 0.7 whereas Class non-AF’s was 1.0, indicating that all non-AF cases were correctly identified.
We also generated the Receiver Operating Characteristic curve as shown in Figure 13 to analyze the model’s overall performance. The area under the ROC curve was calculated as 0.99, indicating excellent discriminative ability between AF and non-AF cases.
Finally, using the same dataset and evaluation metrics, we trained and evaluated a variety of models, including CNN, LSTM, Bidirectional LSTM, BiLSTM, and SVM, to determine how well they performed for classifying atrial fibrillation using PPG and ECG signals as shown Table 3.
In summary, we can conclude that our model successfully identified atrial fibrillation with great accuracy and reliable prediction capabilities.

5. Discussion and Findings

In this study, we evaluated the performance of our proposed approach for the classification of atrial fibrillation using a hybrid deep learning model. Our approach incorporated both ECG and PPG signals to improve the accuracy of AF detection.
Comparing our findings with existing literature, we observed that previous studies primarily focused on utilizing only the ECG signal for AF classification. However, our proposed approach went beyond by integrating both ECG and PPG signals. This integration allowed us to capture complementary information from both signals, potentially enhancing the accuracy, precision, recall, and F1-score of the classification model.
Table 4 summarizes the main findings of the comparison between our proposed approach and previous studies in terms of accuracy, precision, recall, and F1-score. It is evident that our proposed approach outperformed the existing studies across all evaluation metrics.
Although the performance of the approach we suggested was greater, it is significant to note that each study’s use of distinct deep learning models. Ref. [118] employed densely connected convolutional neural networks (CNNs) to classify ECG recordings. The model consisted of a main CNN that processed 15-s ECG segments and a secondary CNN that analyzed shorter 9-s segments. In [119], a deep classifier was constructed using a combination of CNNs and LSTM units. The network architecture included pooling, dropout, and normalization techniques to improve accuracy. An ensemble classifier was then created by cross-validating ten standalone models based on the same architecture. For [120], the researchers explored the application of machine learning and deep learning algorithms for AF detection. Specifically, they compared the performance of LSTM and CNN algorithms against traditional machine learning classifiers such as support vectors and logistic regression. The results of their experimentation revealed interesting findings. The researchers reported that a simple CNN model achieved an accuracy of 0.865, indicating its effectiveness in distinguishing AF cases from normal sinus rhythm. They also evaluated a CNN+LSTM hybrid model, which combined the strengths of both architectures, resulting in an accuracy of 0.811. Additionally, they explored the performance of a residual network (ResNet) model, which achieved an accuracy of 0.792. This finding suggests that the ResNet architecture may not have been as effective in capturing the relevant features for AF detection in this particular study. Furthermore, the researchers investigated the performance of a standalone LSTM model, which achieved an accuracy of 0.875. This demonstrates the potential of LSTM networks in capturing the temporal dependencies present in the ECG signals. Building upon this we extended thier findings with hybrid CNN and BiLSTM network achieving an impressive accuracy of 0.95, surpassing the performance of the individual models and demonstrating the effectiveness of this combined approach for AF detection. These findings are summarized in Table 5.
The following contributions were made as a result of our method integrating both ECG and PPG signals as multi-featured time series data for deep learning models.
  • Our study utilized both ECG and PPG signals for AF classification. By leveraging the complementary information provided by these two modalities, our research aims to improve the accuracy of AF detection.
  • Our methodology made use of multi-feature time series data from ECG and PPG signals rather than depending just on a single feature. This thorough representation enables the collection of various patterns and AF-related traits, improving classification performance.
  • With the use of a hybrid model that combines a 1D Convolutional Neural Network with a Bidirectional Long Short-Term Memory architecture, we proposed a unique method for classifying atrial fibrillation. Due to the deep learning models’ integration, we were able to accurately detect temporal dependencies in the data.
  • Through trials and evaluation, we were able to classify AF and non-AF cases with a high degree of accuracy of 95%. The usefulness of your suggested technique was also highlighted by the great performance of other evaluation criteria like specificity and sensitivity.

6. Conclusions

For the categorization of atrial fibrillation, we used a hybrid model in this study that combines a simple 1D CNN with a BiLSTM. The use of BiLSTM is an important component of our research because it has been comparatively underutilised in prior AF detection investigations. Moreover, the utilization of a simple 1D CNN as the base model is advantageous in terms of its lightweight architecture, which allows for efficient computation and reduced model complexity. This is particularly important in the context of AF detection, where real-time processing and low computational requirements are crucial for practical applications. In addition to this one other significance of our approach lies in the incorporation of PPG alongside ECG, which allowed us to leverage the complementary information from both signals. By considering additional features provided by PPG, we improved the detection and classification of AF, enhancing the overall performance of the model. Although our suggested solution outperformed existing ones in terms of performance, it is crucial to confirm its efficacy on a bigger and more varied dataset. This would guarantee our model’s resilience and generalizability across various patient groups and data collection environments. In future we plan to the deployment and evaluation of our proposed model in a real-world clinical setting would provide valuable insights into its practical feasibility and performance in a clinical context. Such studies can contribute to the translation of our research into clinical practice, ultimately benefiting patients by enabling early and accurate detection of atrial fibrillation.

Author Contributions

Conceptualization, B.A.; Formal analysis, B.A. and F.A.; Funding acquisition, B.A.; Investigation, F.A.; Project administration, M.H.; Supervision, B.A., N.Z.J. and M.H.; Validation, F.A.; Writing—original draft, F.A.; Writing—review & editing, N.Z.J. and M.H. All authors have read and agreed to the published version of the manuscript.

Funding

This study is supported by the Deputyship for Research and Innovation, Ministry of Education in Saudi Arabia through the project number 223202.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

The authors extend their appreciation to the Deputyship for Research and Innovation, Ministry of Education in Saudi Arabia for funding this research work through the project number 223202.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AFAtrial Fibrillation
AFDBAtrial Fibrillation Database
AIArtificial Intelligence
AUCArea Under the Curve
AVAtrioventricular
CNNConvolutional Neural Network
DLDeep Learning
ECGElectrocardiogram
EKGElectrocardiogram
FCNFully Convolutional Network
HRVHeart Rate Variability
KMMBOK-means Monarchy Butterfly Optimization
LSTMLong Short-Term Memory
MIMIC-IIIMedical Information Mart for Intensive Care III
MLMachine Learning
MIT-BIHMassachusetts Institute of Technology-Beth Israel Hospital
NSRNormal sinus rhythm
NSRDBNormal Sinus Rhythm Database
NSRNormal sinus rhythm
PPIsPeak-to-Peak Intervals
PPGPhotoplethysmogram
PVCsPremature ventricular contractions
RBFRadial Basis Function
RNNRecurrent Neural Network
RMSERoot Mean Square Error
ROCReceiver Operating Characteristic
SASinoatrial
SVMSupport Vector Machine
VTVentricular tachycardia

Appendix A. Experimental Setup and Hyperparameters

The following table provides an overview of the hyperparameters used in our study for training the classification model. These hyperparameters define the architecture and configuration of the model, influencing its performance and predictive capabilities. Table A1 summarizes the values chosen for each hyperparameter, including the model architecture, filter sizes, kernel sizes, LSTM units, dense layers and units, activation functions, dropout rate, optimizer, and loss function. Understanding and optimizing these hyperparameters are crucial steps in developing an accurate and reliable model for atrial fibrillation classification.
Table A1. Hyperparameters used in the study.
Table A1. Hyperparameters used in the study.
HyperparameterValue
Model ArchitectureConv1D, MaxPooling1D, Bidirectional LSTM, Dense
Conv1D Filters32, 64, 128
Conv1D Kernel Size3
LSTM Units64, 32
Dense Layers2
Dense Units256, 128
Activation FunctionReLU, LeakyReLU
Dropout Rate0.5
OptimizerAdam
Loss FunctionBinary Crossentropy

Appendix B. The Details of the Evaluation Metrics Used in Our Study

  • Precision A measurement of precision is the percentage of accurately anticipated positive instances among all positive instances that were forecasted. It measures how accurately the model can detect positive cases while excluding false positives. Precision in the classification of atrial fibrillation refers to the accuracy with which AF cases are located.
    PR = True positive True positive + False positive
  • Recall The proportion of accurately anticipated positive cases out of all actual positive instances is measured by recall, also known as sensitivity or true positive rate. It indicates the model’s ability to correctly identify positive cases and avoid false negatives. In the context of atrial fibrillation classification, recall represents the accuracy of identifying AF cases.
    RC = True positive True positive + False negative
  • F1-score The F1-score is a harmonic mean of precision and recall. It provides a balanced measure of the model’s performance, considering both precision and recall. The F1-score combines the strengths of precision (correctly identifying positive cases) and recall (avoiding false negatives) into a single metric. It is particularly useful when there is an imbalance between the classes. In atrial fibrillation classification, the F1-score represents the overall accuracy of the model in identifying both AF and non-AF cases.
    F 1 - score = 2 × PR × RC PR + RC
  • Sensitivity The proportion of accurately anticipated positive cases out of all actual positive instances is measured by sensitivity, also known as true positive rate or recall. It measures how well the model can recognise positive cases—in this case, cases of AF—correctly.
    Sensitivity = True positive True positive + False negative
  • Specificity Specificity is determined by the proportion of precisely foreseen negative events to all actual negative events. It represents the model’s ability to correctly identify negative cases, in this case, non-AF cases. A specificity of 1.0 indicates that all non-AF cases were correctly identified.
    Specificity = True negative True negative + False positive
  • Receiver Operating Characteristic (ROC) curve The ROC curve is a graph that shows how a binary classifier system performs as its discrimination threshold is changed. It demonstrates the trade-off between the false positive rate and the actual positive rate (sensitivity). One often used statistic to evaluate the overall effectiveness of the model is the area under the ROC curve. AUC-ROC values range from 0.5 to 1.0, with 1.0 denoting perfect classification and 0.5 denoting random categorization. Figure A1 shows the good and worse ROC of a classifier.
Figure A1. Comparison of ROC curves for a superior and inferior classifier. The better classifier exhibits a higher true positive rate (sensitivity) across various false positive rates, indicating its improved discriminatory power.
Figure A1. Comparison of ROC curves for a superior and inferior classifier. The better classifier exhibits a higher true positive rate (sensitivity) across various false positive rates, indicating its improved discriminatory power.
Diagnostics 13 02442 g0a1

References

  1. Torrent-Guasp, F.; Kocica, M.; Corno, A.; Komeda, M.; Carreras-Costa, F.; Flotats, A.; Cosin-Aguillar, J.; Wen, H. Towards new understanding of the heart structure and function. Eur. J. Cardio-Thorac. Surg. 2005, 27, 191–201. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  2. Monfredi, O.; Dobrzynski, H.; Mondal, T.; Boyett, M.; Morris, G. The anatomy and physiology of the sinoatrial node—A contemporary review. Pacing Clin. Electrophysiol. 2010, 33, 1392–1406. [Google Scholar] [CrossRef] [PubMed]
  3. Drew, R.; Sinoway, L. Autonomic control of the heart. In Primer on the Autonomic Nervous System; Elsevier: Amsterdam, The Netherlands, 2012; pp. 177–180. [Google Scholar]
  4. Barros, V. The heart cycle: Review. MOJ Womens Health 2018, 8, 66–69. [Google Scholar] [CrossRef] [Green Version]
  5. Antzelevitch, C.; Burashnikov, A. Overview of basic mechanisms of cardiac arrhythmia. Card. Electrophysiol. Clin. 2011, 3, 23–45. [Google Scholar] [CrossRef] [Green Version]
  6. Fenton, F.; Cherry, E.; Glass, L. Cardiac arrhythmia. Scholarpedia 2008, 3, 1665. [Google Scholar] [CrossRef]
  7. Fu, D. Cardiac arrhythmias: Diagnosis, symptoms, and treatments. Cell Biochem. Biophys. 2015, 73, 291–296. [Google Scholar] [CrossRef] [PubMed]
  8. Wyndham, C. Atrial fibrillation: The most common arrhythmia. Tex. Heart Inst. J. 2000, 27, 257. [Google Scholar]
  9. Hu, D.; Barajas-Martinez, H.; Zhang, Z.; Duan, H.; Zhao, Q.; Bao, M.; Du, Y.; Burashnikov, A.; Monasky, M.; Pappone, C.; et al. Advances in basic and translational research in atrial fibrillation. Philos. Trans. R. Soc. 2023, 378, 20220174. [Google Scholar] [CrossRef]
  10. Marinucci, D.; Sbrollini, A.; Marcantoni, I.; Morettini, M.; Swenne, C.; Burattini, L. Artificial Neural Network for Atrial Fibrillation Identification in Portable Devices. Sensors 2020, 20, 3570. [Google Scholar] [CrossRef]
  11. Chugh, S.; Havmoeller, R.; Narayanan, K.; Singh, D.; Rienstra, M.; Benjamin, E.; Gillum, R.; Kim, Y.; McAnulty, J., Jr.; Zheng, Z.; et al. Worldwide epidemiology of atrial fibrillation: A Global Burden of Disease 2010 Study. Circulation 2014, 129, 837–847. [Google Scholar] [CrossRef] [Green Version]
  12. Bogun, F.; Anh, D.; Kalahasty, G.; Wissner, E.; Serhal, C.; Bazzi, R.; Weaver, W.; Schuger, C. Misdiagnosis of atrial fibrillation and its clinical consequences. Am. J. Med. 2004, 117, 636–642. [Google Scholar] [CrossRef]
  13. SecondsCount. What Is Atrial Fibrillation (afib or af)? Available online: https://www.secondscount.org/heart-condition-centers/info-detail-2/what-is-atrial-fibrillation-afib-af#.YMcXBuFR2Uk (accessed on 20 May 2023).
  14. Hagiwara, Y.; Fujita, H.; Oh, S.L.; Tan, J.H.; San Tan, R.; Ciaccio, E.J.; Acharya, U.R. Computer-aided diagnosis of atrial fibrillation based on ECG Signals: A review. Inf. Sci. 2018, 467, 99–114. [Google Scholar] [CrossRef]
  15. Lankveld, T.; Zeemering, S.; Crijns, H.; Schotten, U. The ECG as a tool to determine atrial fibrillation complexity. Heart 2022, 2014, 1077–1084. [Google Scholar] [CrossRef]
  16. Alian, A.; Shelley, K. Photoplethysmography. Best Pract. Res. Clin. Anaesthesiol. 2014, 28, 395–406. [Google Scholar] [CrossRef] [PubMed]
  17. Loh, H.; Xu, S.; Faust, O.; Ooi, C.; Barua, P.; Chakraborty, S.; Tan, R.; Molinari, F.; Acharya, U. Application of photoplethysmography signals for healthcare systems: An in-depth review. Comput. Methods Programs Biomed. 2022, 216, 106677. [Google Scholar] [CrossRef] [PubMed]
  18. Charlton, P.; Kyriacou, P.; Mant, J.; Marozas, V.; Chowienczyk, P.; Alastruey, J. Wearable photoplethysmography for cardiovascular monitoring. Proc. IEEE 2020, 2022, 355–381. [Google Scholar] [CrossRef] [PubMed]
  19. El-Hajj, C.; Kyriacou, P. A review of machine learning techniques in photoplethysmography for the non-invasive cuff-less measurement of blood pressure. Biomed. Signal Process. Control 2020, 58, 101870. [Google Scholar] [CrossRef]
  20. Mejía-Mejxixa, E.; May, J.; Elgendi, M.; Kyriacou, P. Classification of blood pressure in critically ill patients using photoplethysmography and machine learning. Comput. Methods Programs Biomed. 2021, 208, 106222. [Google Scholar] [CrossRef]
  21. Perpetuini, D.; Chiarelli, A.; Cardone, D.; Filippini, C.; Rinella, S.; Massimino, S.; Bianco, F.; Bucciarelli, V.; Vinciguerra, V.; Fallica, P.; et al. Prediction of state anxiety by machine learning applied to photoplethysmography data. PeerJ 2021, 9, e10448. [Google Scholar] [CrossRef] [PubMed]
  22. Stankoski, S.; Kiprijanovska, I.; Mavridou, I.; Nduka, C.; Gjoreski, H.; Gjoreski, M. Breathing rate estimation from head-worn photoplethysmography sensor data using machine learning. Sensors 2022, 22, 2079. [Google Scholar] [CrossRef] [PubMed]
  23. Sahoo, S.; Dash, M.; Behera, S.; Sabut, S. Machine learning approach to detect cardiac arrhythmias in ECG signals: A survey. IRBM 2020, 41, 185–194. [Google Scholar] [CrossRef]
  24. Salari, N.; Hosseinian-Far, A.; Mohammadi, M.; Ghasemi, H.; Khazaie, H.; Daneshkhah, A.; Ahmadi, A. Detection of sleep apnea using Machine learning algorithms based on ECG Signals: A comprehensive systematic review. Expert Syst. Appl. 2022, 187, 115950. [Google Scholar] [CrossRef]
  25. Chakraborty, A.; Chatterjee, S.; Majumder, K.; Shaw, R.; Ghosh, A. A comparative study of myocardial infarction detection from ECG data using machine learning. In Advanced Computing and Intelligent Technologies; Springer: Berlin/Heidelberg, Germany, 2022; pp. 257–267. [Google Scholar]
  26. Pham, T.; Sree, V.; Mapes, J.; Dua, S.; Lih, O.; Koh, J.; Ciaccio, E.; Acharya, U. A novel machine learning framework for automated detection of arrhythmias in ECG segments. J. Ambient. Intell. Humaniz. Comput. 2021, 12, 10145–10162. [Google Scholar] [CrossRef]
  27. Albawi, S.; Mohammed, T.; Al-Zawi, S. Understanding of a convolutional neural network. In Proceedings of the 2017 International Conference on Engineering and Technology (ICET), Antalya, Turkey, 21–23 August 2017; pp. 1–6. [Google Scholar]
  28. Medsker, L.; Jain, L. Recurrent neural networks. Des. Appl. 2001, 5, 64–67. [Google Scholar]
  29. Lindemann, B.; Müller, T.; Vietz, H.; Jazdi, N.; Weyrich, M. A survey on long short-term memory networks for time series prediction. Procedia CIRP 2021, 99, 650–655. [Google Scholar] [CrossRef]
  30. Chang, K.; Hsieh, P.; Wu, M.; Wang, Y.; Chen, J.; Tsai, F.; Shih, E.; Hwang, M.; Huang, T. Usefulness of machine learning-based detection and classification of cardiac arrhythmias with 12-lead electrocardiograms. Can. J. Cardiol. 2021, 37, 94–104. [Google Scholar] [CrossRef]
  31. Parvaneh, S.; Rubin, J.; Babaeizadeh, S.; Xu-Wilson, M. Cardiac arrhythmia detection using deep learning: A review. J. Electrocardiol. 2019, 57, S70–S74. [Google Scholar] [CrossRef]
  32. Pyakillya, B.; Kazachenko, N.; Mikhailovsky, N. Deep learning for ECG classification. J. Phys. Conf. Ser. 2017, 913, 012004. [Google Scholar] [CrossRef]
  33. Bukum, K.; Savur, C.; Tsouri, G. Deep Learning Classifier for Advancing Video Monitoring of Atrial Fibrillation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 19–20 June 2022; pp. 2211–2219. [Google Scholar]
  34. Udawat, A.; Singh, P. An automated detection of atrial fibrillation from single-lead ECG using HRV features and machine learning. J. Electrocardiol. 2022, 75, 70–81. [Google Scholar] [CrossRef]
  35. Lawin, D.; Kuhn, S.; Schulze Lammers, S.; Lawrenz, T.; Stellbrink, C. Use of digital health applications for the detection of atrial fibrillation. Herzschrittmachertherapie + Elektrophysiologie 2022, 33, 373–379. [Google Scholar] [CrossRef]
  36. Heuser, J. Atrial Fibrillation. Wikipedia. 2005. Available online: https://en.wikipedia.org/wiki/Atrial_fibrillation (accessed on 21 May 2023).
  37. Horie, T.; Hamaya, R.; Sugiyama, T.; Hirano, H.; Hoshino, M.; Kanaji, Y.; Lee, T.; Yonetsu, T.; Sasano, T.; Kakuta, T. Synthesized 18-Lead Electrocardiogram in Diagnosing Posteriorstemi-Equivalentacute Coronary Syndrome in Patients with NSTEMI. Cardiol. Res. Pract. 2022, 2022, 9582174. [Google Scholar] [CrossRef]
  38. Sandgren, E.; Wickbom, A.; Kalm, T.; Ahlsson, A.; Edvardsson, N.; Engdahl, J. The contribution of intermittent handheld electrocardiogram and continuous electrocardiogram monitoring with an implantable loop recorder to detect incident and recurrent atrial fibrillation during 1 year after coronary artery bypass graft surgery: A prospective cohort study. Heart Rhythm O2 2021, 2, 247–254. [Google Scholar]
  39. Castaneda, D.; Esparza, A.; Ghamari, M.; Soltanpur, C.; Nazeran, H. A review on wearable photoplethysmography sensors and their potential future applications in health care. Int. J. Biosens. Bioelectron. 2018, 4, e00125. [Google Scholar]
  40. Kamal, A.; Harness, J.; Irving, G.; Mearns, A. Skin photoplethysmography—A review. Comput. Methods Programs Biomed. 1989, 28, 257–269. [Google Scholar] [CrossRef]
  41. Aschbacher, K.; Yilmaz, D.; Kerem, Y.; Crawford, S.; Benaron, D.; Liu, J.; Eaton, M.; Tison, G.; Olgin, J.; Li, Y.; et al. Atrial fibrillation detection from raw photoplethysmography waveforms: A deep learning application. Heart Rhythm O2 2020, 1, 3–9. [Google Scholar] [CrossRef] [PubMed]
  42. Yang, D.; Zhu, J.; Zhu, P. SpO2 and heart rate measurement with wearable watch based on PPG. In Proceedings of the 2015 IET International Conference on Biomedical Image and Signal Processing (ICBISP 2015), Beijing, China, 19 November 2015. [Google Scholar]
  43. Panwar, M.; Gautam, A.; Biswas, D.; Acharyya, A. PP-Net: A deep learning framework for PPG-based blood pressure and heart rate estimation. IEEE Sens. J. 2020, 20, 10000–10011. [Google Scholar] [CrossRef]
  44. Willems, J.; Abreu-Lima, C.; Arnaud, P.; Brohet, C.; Denis, B.; Gehring, J.; Graham, I.; Van Herpen, G.; Machado, H.; Michaelis, J.; et al. Evaluation of ECG interpretation results obtained by computer and cardiologists. Methods Inf. Med. 1990, 29, 308–316. [Google Scholar] [PubMed]
  45. Wathen, J.; Rewers, A.; Yetman, A.; Schaffer, M. Accuracy of ECG interpretation in the pediatric emergency department. Ann. Emerg. Med. 2005, 46, 507–511. [Google Scholar] [CrossRef]
  46. Ribeiro, A.; Ribeiro, M.; Paixão, G.; Oliveira, D.; Gomes, P.; Canazart, J.; Ferreira, M.; Andersson, C.; Macfarlane, P.; Meira, W., Jr.; et al. Automatic diagnosis of the 12-lead ECG using a deep neural network. Nat. Commun. 2020, 11, 1760. [Google Scholar] [CrossRef] [Green Version]
  47. Ginzton, L.; Laks, M. Computer aided ECG interpretation. In Images, Signals and Devices; Springer: Berlin/Heidelberg, Germany, 1987; pp. 46–53. [Google Scholar]
  48. Guo, S.; Han, L.; Liu, H.; Si, Q.; Kong, D.; Guo, F. The future of remote ECG monitoring systems. J. Geriatr. Cardiol. JGC 2016, 13, 528. [Google Scholar]
  49. Silva, J.; Hagan, A. An economic analysis of an automated system for interpreting electrocardiograms. Comput. Electr. Eng. 1974, 1, 559–571. [Google Scholar] [CrossRef]
  50. Humayun, M.; Ashfaq, F.; Jhanjhi, N.; Alsadun, M. Traffic management: Multi-scale vehicle detection in varying weather conditions using yolov4 and spatial pyramid pooling network. Electronics 2022, 11, 2748. [Google Scholar] [CrossRef]
  51. Ashfaq, F.; Ghoniem, R.; Jhanjhi, N.; Khan, N.; Algarni, A. Using Dual Attention BiLSTM to Predict Vehicle Lane Changing Maneuvers on Highway Dataset. Systems 2023, 11, 196. [Google Scholar] [CrossRef]
  52. Muzafar, S.; Jhanjhi, N.; Khan, N.; Ashfaq, F. Ddos attack detection approaches in on software defined network. In Proceedings of the 2022 14th International Conference on Mathematics, Actuarial Science, Computer Science and Statistics (MACS), Karachi, Pakistan, 12–13 November 2022; pp. 1–5. [Google Scholar]
  53. Aldughayfiq, B.; Ashfaq, F.; Jhanjhi, N.; Humayun, M. YOLO-Based Deep Learning Model for Pressure Ulcer Detection and Classification. Healthcare 2023, 11, 1222. [Google Scholar] [CrossRef]
  54. Alex, S.A.; Jhanjhi, N.Z.; Humayun, M.; Ibrahim, A.O.; Abulfaraj, A.W. Deep LSTM Model for Diabetes Prediction with Class Balancing by SMOTE. Electronics 2023, 11, 2737. [Google Scholar] [CrossRef]
  55. Humayun, M.; Alsayat, A. Prediction Model for Coronavirus Pandemic Using Deep Learning. Comput. Syst. Sci. Eng. 2022, 40, 947–961. [Google Scholar] [CrossRef]
  56. Myszczynska, M.; Ojamies, P.; Lacoste, A.; Neil, D.; Saffari, A.; Mead, R.; Hautbergue, G.; Holbrook, J.; Ferraiuolo, L. Applications of machine learning to diagnosis and treatment of neurodegenerative diseases. Nat. Rev. Neurol. 2020, 16, 440–456. [Google Scholar] [CrossRef]
  57. Bakator, M.; Radosav, D. Deep learning and medical diagnosis: A review of literature. Multimodal Technol. Interact. 2018, 2, 47. [Google Scholar] [CrossRef] [Green Version]
  58. Ladavich, S.; Ghoraani, B. Rate-independent detection of atrial fibrillation by statistical modeling of atrial activity. Biomed. Signal Process. Control 2015, 18, 274–281. [Google Scholar] [CrossRef]
  59. Mohebbi, M.; Ghassemian, H. Predicting termination of paroxysmal atrial fibrillation using empirical mode decomposition of the atrial activity and statistical features of the heart rate variability. Med. Biol. Eng. Comput. 2014, 52, 415–427. [Google Scholar] [CrossRef]
  60. Rao, S.; Kolekar, M.; Martis, R. Frequency Domain Features Based Atrial Fibrillation Detection Using Machine Learning and Deep Learning Approach. In Proceedings of the 2021 IEEE International Conference on Electronics, Computing and Communication Technologies (CONECCT), Bangalore, India, 9–11 July 2021; pp. 1–6. [Google Scholar]
  61. Manda, H.; Dash, S.; Tripathy, R.K. Time-Frequency Domain Modified Vision Transformer Model for Detection of Atrial Fibrillation using Multi-lead ECG Signals. In Proceedings of the 2023 National Conference on Communications (NCC), Guwahati, India, 23–26 February 2023; pp. 1–5. [Google Scholar]
  62. Wu, Z.; Feng, X.; Yang, C. A deep learning method to detect atrial fibrillation based on continuous wavelet transform. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering In Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 1908–1912. [Google Scholar]
  63. Xia, Y.; Wulan, N.; Wang, K.; Zhang, H. Atrial fibrillation detection using stationary wavelet transform and deep learning. In Proceedings of the 2017 Computing in Cardiology (CinC), Rennes, France, 24–27 September 2017; pp. 1–4. [Google Scholar]
  64. Serhal, H.; Abdallah, N.; Marion, J.; Chauvet, P.; Oueidat, M.; Humeau-Heurtier, A. Overview on prediction, detection, and classification of atrial fibrillation using wavelets and AI on ECG. Comput. Biol. Med. 2022, 142, 105168. [Google Scholar] [CrossRef]
  65. Shandilya, S.; Ward, K.; Kurz, M.; Najarian, K. Non-linear dynamical signal characterization for prediction of defibrillation success through machine learning. BMC Med. Inform. Decis. Mak. 2012, 12, 116. [Google Scholar] [CrossRef] [Green Version]
  66. Suthaharan, S.; Suthaharan, S. Support vector machine. In Machine Learning Models and Algorithms for Big Data Classification: Thinking With Examples for Effective Learning; Springer: Berlin/Heidelberg, Germany, 2016; pp. 207–235. [Google Scholar]
  67. Rigatti, S. Random forest. J. Insur. Med. 2017, 47, 31–39. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  68. Fan, F.; Xiong, J.; Li, M.; Wang, G. On interpretability of artificial neural networks: A survey. IEEE Trans. Radiat. Plasma Med. Sci. 2021, 5, 741–760. [Google Scholar] [CrossRef] [PubMed]
  69. Colloca, R.; Johnson, A.; Mainardi, L.; Clifford, G. A support vector machine approach for reliable detection of atrial fibrillation events. Comput. Cardiol. 2013, 2013, 1047–1050. [Google Scholar]
  70. Asgari, S.; Mehrnia, A.; Moussavi, M. Automatic detection of atrial fibrillation using stationary wavelet transform and support vector machine. Comput. Biol. Med. 2015, 60, 132–142. [Google Scholar] [CrossRef]
  71. Nuryani, N.; Harjito, B.; Yahya, I.; Lestari, A. Atrial fibrillation detection using support vector machine. In Proceedings of the Joint International Conference on Electric Vehicular Technology and Industrial Mechanical, Electrical and Chemical Engineering (ICEVT IMECE), Surakarta, Indonesia, 4–5 November 2015; pp. 215–218. [Google Scholar]
  72. Czabanski, R.; Horoba, K.; Wrobel, J.; Matonia, A.; Martinek, R.; Kupka, T.; Jezewski, M.; Kahankova, R.; Jezewski, J.; Leski, J. Detection of atrial fibrillation episodes in long-term heart rhythm signals using a support vector machine. Sensors 2020, 20, 765. [Google Scholar] [CrossRef] [Green Version]
  73. Geweid, G.; Chen, J. Automatic classification of atrial fibrillation from short single-lead ECG recordings using a Hybrid Approach of Dual Support Vector Machine. Expert Syst. Appl. 2022, 198, 116848. [Google Scholar] [CrossRef]
  74. Wang, L.; Yan, Z.; Yang, Y.; Chen, J.; Yang, T.; Kuo, I.; Abu, P.; Huang, P.; Chen, C.; Chen, S. A classification and prediction hybrid model construction with the IQPSO-SVM algorithm for atrial fibrillation arrhythmia. Sensors 2021, 21, 5222. [Google Scholar] [CrossRef]
  75. Abdul-Kadir, N.; Safri, N.; Othman, M. Dynamic ECG features for atrial fibrillation recognition. Comput. Methods Programs Biomed. 2016, 136, 143–150. [Google Scholar] [CrossRef]
  76. Rivera, D.; Veiga, C.; Rodríguez-Andina, J.; Farña, J.; Garcxixa, E. Using support vector machines for atrial fibrillation screening. In Proceedings of the 2017 IEEE 26th International Symposium on Industrial Electronics (ISIE), Edinburgh, UK, 19–21 June 2017; pp. 2056–2060. [Google Scholar]
  77. Kohli, N.; Verma, N.; Roy, A. SVM based methods for arrhythmia classification in ECG. In Proceedings of the 2010 International Conference on Computer and Communication Technology (ICCCT), Allahabad, India, 17–19 September 2010; pp. 486–490. [Google Scholar]
  78. Nasiri, J.; Naghibzadeh, M.; Yazdi, H.; Naghibzadeh, B. ECG arrhythmia classification with support vector machines and genetic algorithm. In Proceedings of the 2009 Third UKSim European Symposium on Computer Modeling and Simulation, Athens, Greece, 25–27 November 2009; pp. 187–192. [Google Scholar]
  79. Zabihi, M.; Rad, A.; Katsaggelos, A.; Kiranyaz, S.; Narkilahti, S.; Gabbouj, M. Detection of atrial fibrillation in ECG hand-held devices using a random forest classifier. In Proceedings of the 2017 Computing in Cardiology (CinC), Rennes, France, 24–27 September 2017; pp. 1–4. [Google Scholar]
  80. Myrovali, E.; Hristu-Varsakelis, D.; Tachmatzidis, D.; Antoniadis, A.; Vassilikos, V. Identifying patients with paroxysmal atrial fibrillation from sinus rhythm ECG using random forests. Expert Syst. Appl. 2023, 213, 118948. [Google Scholar] [CrossRef]
  81. Kalidas, V.; Tamil, L. Detection of atrial fibrillation using discrete-state Markov models and Random Forests. Comput. Biol. Med. 2019, 113, 103386. [Google Scholar] [CrossRef] [PubMed]
  82. Kumar, R.; Kumaraswamy, Y. Investigating cardiac arrhythmia in ECG using random forest classification. Int. J. Comput. Appl. 2012, 37, 31–34. [Google Scholar]
  83. Bin, G.; Shao, M.; Bin, G.; Huang, J.; Zheng, D.; Wu, S. Detection of atrial fibrillation using decision tree ensemble. In Proceedings of the 2017 Computing in Cardiology (CinC), Rennes, France, 24–27 September 2017; pp. 1–4. [Google Scholar]
  84. Kumari, L.; Sai, Y. Classification of ECG beats using optimized decision tree and adaptive boosted optimized decision tree. Signal. Image Video Process. 2022, 16, 695–703. [Google Scholar]
  85. Yang, C.; Veiga, C.; Rodriguez-Andina, J.; Farina, J.; Iniguez, A.; Yin, S. Using PPG signals and wearable devices for atrial fibrillation screening. IEEE Trans. Ind. Electron. 2019, 66, 8832–8842. [Google Scholar] [CrossRef]
  86. Sun, Z.; Junttila, J.; Tulppo, M.; Seppänen, T.; Li, X. Non-Contact Atrial Fibrillation Detection From Face Videos by Learning Systolic Peaks. IEEE J. Biomed. Health Inform. 2022, 26, 4587–4598. [Google Scholar] [CrossRef]
  87. Klang, E. Deep learning and medical imaging. J. Thorac. Dis. 2018, 10, 1325. [Google Scholar] [CrossRef]
  88. Erickson, B.; Korfiatis, P.; Kline, T.; Akkus, Z.; Philbrick, K.; Weston, A. Deep learning in radiology: Does one size fit all? J. Am. Coll. Radiol. 2018, 15, 521–526. [Google Scholar] [CrossRef] [Green Version]
  89. Dara, S.; Tumma, P. Feature extraction by using deep learning: A survey. In Proceedings of the 2018 Second International Conference on Electronics, Communication and Aerospace Technology (ICECA), Coimbatore, India, 29–31 March 2018; pp. 1795–1801. [Google Scholar]
  90. Ebrahimi, Z.; Loni, M.; Daneshtalab, M.; Gharehbaghi, A. A review on deep learning methods for ECG arrhythmia classification. Expert Syst. Appl. 2020, 7, 100033. [Google Scholar] [CrossRef]
  91. Rajkumar, A.; Ganesan, M.; Lavanya, R. Arrhythmia classification on ECG using Deep Learning. In Proceedings of the 2019 5th International Conference on Advanced Computing & Communication Systems (ICACCS), Coimbatore, India, 15–16 March 2019; pp. 365–369. [Google Scholar]
  92. Izci, E.; Ozdemir, M.; Degirmenci, M.; Akan, A. Cardiac arrhythmia detection from 2d ecg images by using deep learning technique. In Proceedings of the 2019 Medical Technologies Congress (TIPTEKNO), Izmir, Turkey, 3–5 October 2019; pp. 1–4. [Google Scholar]
  93. Eltrass, A.; Tayel, M.; Ammar, A. A new automated CNN deep learning approach for identification of ECG congestive heart failure and arrhythmia using constant-Q non-stationary Gabor transform. Biomed. Signal Process. Control 2021, 65, 102326. [Google Scholar] [CrossRef]
  94. Nguyen, Q.; Nguyen, B.; Nguyen, T.; Do, T.; Mbinta, J.; Simpson, C. Stacking segment-based CNN with SVM for recognition of atrial fibrillation from single-lead ECG recordings. Biomed. Signal Process. Control 2021, 68, 102672. [Google Scholar] [CrossRef]
  95. Hsieh, C.; Li, Y.; Hwang, B.; Hsiao, C. Detection of atrial fibrillation using 1D convolutional neural network. Sensors 2020, 20, 2136. [Google Scholar] [CrossRef] [Green Version]
  96. Apu, M.; Akter, F.; Lubna, M.; Helaly, T.; Pias, T. Ecg arrhythmia classification using 1d cnn leveraging the resampling technique and gaussian mixture model. In Proceedings of the 2021 Joint 10th International Conference on Informatics, Electronics & Vision (ICIEV) and 2021 5th International Conference on Imaging, Vision & Pattern Recognition (icIVPR), Kitakyushu, Japan, 16–20 August 2021; pp. 1–8. [Google Scholar]
  97. Nguyen, D.; Chao, P.; Chung, C.; Horng, R.; Choubey, B. Detecting Atrial Fibrillation in Real Time Based on PPG via Two CNNs for Quality Assessment and Detection. IEEE Sens. J. 2022, 22, 24102–24111. [Google Scholar] [CrossRef]
  98. Wang, C.; Yang, S.; Tang, X.; Li, B. A 12-lead ECG arrhythmia classification method based on 1D densely connected CNN. In Proceedings of the Machine Learning and Medical Engineering for Cardiovascular Health and Intravascular Imaging and Computer Assisted Stenting: First International Workshop, MLMECH 2019, and 8th Joint International Workshop, CVII-STENT 2019, Held in Conjunction with MICCAI 2019, Shenzhen, China, 13 October 2019; pp. 72–79. [Google Scholar]
  99. Kim, S.; Jeong, E. CNN Based Atrial Fibrillation Diagnosis with ECG Signals. Nat. Volatiles Essent. Oils J. 2021, 8, 1990–1999. [Google Scholar]
  100. Nannavecchia, A.; Girardi, F.; Fina, P.; Scalera, M.; Dimauro, G. Personal heart health monitoring based on 1D convolutional neural network. J. Imaging 2021, 7, 26. [Google Scholar] [CrossRef]
  101. Jacob, J.; Cherian, J.; George, J.; Reji, C.; Mohan, D. Heart diseases classification using 1D CNN. In Proceedings of the Emerging Technologies in Data Mining and Information Security: Proceedings of IEMIS 2020; Springer: Berlin, Germany, 2021; Volume 2, pp. 755–765. [Google Scholar]
  102. Gündüz, A.; Talu, M. Atrial fibrillation classification and detection from ECG recordings. Biomed. Signal Process. Control 2023, 82, 104531. [Google Scholar] [CrossRef]
  103. Kłosowski, G.; Rymarczyk, T.; Wójcik, D.; Skowron, S.; Cieplak, T.; Adamkiewicz, P. The use of time-frequency moments as inputs of lstm network for ecg signal classification. Electronics 2020, 9, 1452. [Google Scholar] [CrossRef]
  104. Midani, W.; Ouarda, W.; Ayed, M. DeepArr: An investigative tool for arrhythmia detection using a contextual deep neural network from electrocardiograms (ECG) signals. Biomed. Signal Process. Control 2023, 85, 104954. [Google Scholar] [CrossRef]
  105. Gotlibovych, I.; Crawford, S.; Goyal, D.; Liu, J.; Kerem, Y.; Benaron, D.; Yilmaz, D.; Marcus, G.; Li, Y. End-to-end deep learning from raw sensor data: Atrial fibrillation detection using wearables. arXiv 2018, arXiv:1807.10707. [Google Scholar]
  106. Obeidat, Y.; Alqudah, A. A Hybrid Lightweight 1D CNN-LSTM Architecture for Automated ECG Beat-Wise Classification. Trait. Signal 2021, 38, 1281–1291. [Google Scholar] [CrossRef]
  107. Mogili, R.; Narsimha, G. K-means monarchy butterfly optimization for feature selection and Bi-LSTM for arrhythmia classification. Soft Comput. 2023, 1–17. [Google Scholar] [CrossRef]
  108. Lin, H.; Zhang, S.; Li, Q.; Li, Y.; Li, J.; Yang, Y. A new method for heart rate prediction based on LSTM-BiLSTM-Att. Measurement 2023, 207, 112384. [Google Scholar] [CrossRef]
  109. Chen, C.; Hua, Z.; Zhang, R.; Liu, G.; Wen, W. Automated arrhythmia classification based on a combination network of CNN and LSTM. Biomed. Signal Process. Control 2020, 57, 101819. [Google Scholar] [CrossRef]
  110. Wang, J.; Li, W. Atrial fibrillation detection and ECG classification based on CNN-BILSTM. arXiv 2020, arXiv:2011.06187. [Google Scholar]
  111. Tarifi, B.; Fainman, A.; Pantanowitz, A.; Rubin, D. A Machine Learning Approach to the Non-Invasive Estimation of Continuous Blood Pressure Using Photoplethysmography. Appl. Sci. 2013, 13, 3955. [Google Scholar] [CrossRef]
  112. Smith, G.; Wang, Y. Atrial Fibrillation Detection Using RR-Intervals for Application in Photoplethysmographs. arXiv 2023, arXiv:2302.07648. [Google Scholar]
  113. Talukdar, D.; Deus, L.; Sehgal, N. Evaluation of Atrial Fibrillation Detection in short-term Photoplethysmography (PPG) signals using artificial intelligence. MedRxiv 2023, 2023, 23286847. [Google Scholar] [CrossRef]
  114. Kudo, S.; Chen, Z.; Zhou, X.; Izu, L.; Chen-Izu, Y.; Zhu, X.; Tamura, T.; Kanaya, S.; Huang, M. A training pipeline of an arrhythmia classifier for atrial fibrillation detection using Photoplethysmography signal. Front. Physiol. 2023, 14, 2. [Google Scholar] [CrossRef]
  115. Ramesh, J.; Solatidehkordi, Z.; Aburukba, R.; Sagahyroon, A. Atrial fibrillation classification with smart wearables using short-term heart rate variability and deep convolutional neural networks. Sensors 2021, 21, 7233. [Google Scholar] [CrossRef]
  116. Shenfield, A.; Howarth, M. A novel deep learning model for the detection and identification of rolling element-bearing faults. Sensors 2020, 20, 5112. [Google Scholar] [CrossRef]
  117. Ihianle, I.; Nwajana, A.; Ebenuwa, S.; Otuka, R.; Owa, K.; Orisatoki, M. A deep learning approach for human activities recognition from multimodal sensing devices. IEEE Access 2020, 8, 179028–179038. [Google Scholar] [CrossRef]
  118. Rubin, J.; Parvaneh, S.; Rahman, A.; Conroy, B.; Babaeizadeh, S. Densely connected convolutional networks for detection of atrial fibrillation from short single-lead ECG recordings. J. Electrocardiol. 2018, 51, S18–S21. [Google Scholar] [CrossRef]
  119. Warrick, P.; Homsi, M. Ensembling convolutional and long short-term memory networks for electrocardiogram arrhythmia detection. Physiol. Meas. 2018, 39, 114002. [Google Scholar] [CrossRef] [PubMed]
  120. Liaqat, S.; Dashtipour, K.; Zahid, A.; Assaleh, K.; Arshad, K.; Ramzan, N. Detection of atrial fibrillation using a machine learning approach. Information 2020, 11, 549. [Google Scholar] [CrossRef]
Figure 1. Electrical signal Flow in Atrial Fibrillation (right) and Normal Sinus Rhythm (left) [13].
Figure 1. Electrical signal Flow in Atrial Fibrillation (right) and Normal Sinus Rhythm (left) [13].
Diagnostics 13 02442 g001
Figure 2. Lead I ECG recording. (a) ECG Recording of NSR and (b) ECG Recording of AF. In NSR, a clear and distinct P wave is observable, which is absent in AF. Additionally, the interval between consecutive QRS complexes remains constant in NSR, whereas it becomes irregular in AF. Adapted from [36].
Figure 2. Lead I ECG recording. (a) ECG Recording of NSR and (b) ECG Recording of AF. In NSR, a clear and distinct P wave is observable, which is absent in AF. Additionally, the interval between consecutive QRS complexes remains constant in NSR, whereas it becomes irregular in AF. Adapted from [36].
Diagnostics 13 02442 g002
Figure 3. Raw PPG waveform of (a) Normal Sinus Rhythm (b) Atrial Fibrillation. As can be seen that the AF waveform exhibits the distinctive pattern of being “irregularly irregular”, characterized by variations in both the amplitude and period of the waveform [41].
Figure 3. Raw PPG waveform of (a) Normal Sinus Rhythm (b) Atrial Fibrillation. As can be seen that the AF waveform exhibits the distinctive pattern of being “irregularly irregular”, characterized by variations in both the amplitude and period of the waveform [41].
Diagnostics 13 02442 g003
Figure 4. Block Diagram of our proposed procedure.
Figure 4. Block Diagram of our proposed procedure.
Diagnostics 13 02442 g004
Figure 5. Physiological signals from the MIMIC PERform dataset. Subfigure (a) shows NSR ECG, (b) displays NSR PPG, (c) depicts AFib ECG, and (d) exhibits AFib PPG.
Figure 5. Physiological signals from the MIMIC PERform dataset. Subfigure (a) shows NSR ECG, (b) displays NSR PPG, (c) depicts AFib ECG, and (d) exhibits AFib PPG.
Diagnostics 13 02442 g005
Figure 6. The architecture of a Simple 1D CNN adapted from [116].
Figure 6. The architecture of a Simple 1D CNN adapted from [116].
Diagnostics 13 02442 g006
Figure 7. The architecture of a Simple BiLSTM network adapted from [117].
Figure 7. The architecture of a Simple BiLSTM network adapted from [117].
Diagnostics 13 02442 g007
Figure 8. The summary of our proposed architecture.
Figure 8. The summary of our proposed architecture.
Diagnostics 13 02442 g008
Figure 9. Training and validation accuracy and loss curves during the model training process. The testing accuracy and loss are also displayed. (a) Training and Validation Accuracy Curve along with Testing Accuracy, (b) Training and Validation Loss Curve along with Testing Loss.
Figure 9. Training and validation accuracy and loss curves during the model training process. The testing accuracy and loss are also displayed. (a) Training and Validation Accuracy Curve along with Testing Accuracy, (b) Training and Validation Loss Curve along with Testing Loss.
Diagnostics 13 02442 g009
Figure 10. Obtained Confusion Matrix.
Figure 10. Obtained Confusion Matrix.
Diagnostics 13 02442 g010
Figure 11. Precision, Recall, and F1-score for Atrial Fibrillation Classification.
Figure 11. Precision, Recall, and F1-score for Atrial Fibrillation Classification.
Diagnostics 13 02442 g011
Figure 12. Sensitivity and Specificity for Atrial Fibrillation Classification—Comparison of class-wise sensitivity and specificity values for class Non-AF and class AF. The bar plot illustrates the performance of the classification model in terms of correctly identifying positive (sensitivity) and negative (specificity) instances for each class.
Figure 12. Sensitivity and Specificity for Atrial Fibrillation Classification—Comparison of class-wise sensitivity and specificity values for class Non-AF and class AF. The bar plot illustrates the performance of the classification model in terms of correctly identifying positive (sensitivity) and negative (specificity) instances for each class.
Diagnostics 13 02442 g012
Figure 13. The ROC curve illustrates the trade-off between the true positive rate (sensitivity) and the false positive rate for the atrial fibrillation classification model. The AUC is a measure of the model’s overall performance, with higher values indicating better discrimination between the classes. The diagonal line represents the performance of a random classifier. The AUC value for this model is 0.85, indicating good predictive performance.
Figure 13. The ROC curve illustrates the trade-off between the true positive rate (sensitivity) and the false positive rate for the atrial fibrillation classification model. The AUC is a measure of the model’s overall performance, with higher values indicating better discrimination between the classes. The diagonal line represents the performance of a random classifier. The AUC value for this model is 0.85, indicating good predictive performance.
Diagnostics 13 02442 g013
Table 1. Studies Utilizing Hybrid Deep Learning Models for Cardiac Arrhythmia Classification and Related Tasks.
Table 1. Studies Utilizing Hybrid Deep Learning Models for Cardiac Arrhythmia Classification and Related Tasks.
StudyLSTMBiLSTMCNNOtherECGPPGTaskEvaluation MetricsDataset
 [102]🗸🗸🗸 🗸 AF DetectionTraining Accuracy, Test Accuracy4th China Physiological Signal Challenge—2021
 [107] 🗸 KMMBO🗸 Arrhythmia ClassificationAccuracy, SensitivityChina Physiological Signal Challenge 2018, MIT-BIH
 [108]🗸🗸 Attention Mechanism Heart Rate PredictionRMSE-
 [109]🗸 🗸 🗸 Arrhythmia ClassificationAccuracy, AUC-ROCMIT-BIH Arrhythmia Database, AFDB, NSRDB
 [110]🗸 🗸 🗸 AF DetectionWeighted F1 ScoreMIT-BIT Arrhythmia Physionet
 [111]🗸 Non Hybrid 🗸Blood Pressure PredictionMean Error, Standard DeviationMIMIC-III Waveform Database
 [112] SVM🗸🗸AF ClassificationAccuracyMIT-BIH Atrial Fibrillation Database, 2017 Challenge Database
 [113] Random Forest🗸🗸AF DetectionAccuracyECG Databases, PPG Databases
 [114]🗸 🗸 🗸🗸AF DetectionF1 value, Overall AccuracyECG Databases, PPG Databases
 [115] 🗸 🗸🗸AF ClassificationAccuracy, Sensitivity, SpecificityMIT-BIH ECG Databases, Unseen PPG Dataset
Table 2. Final Hyperparameters.
Table 2. Final Hyperparameters.
HyperparameterValue
Conv1D Filters32, 64, 128
Conv1D Kernel Size3
LSTM Units64, 32
Dense Units256, 128
Dropout Rate0.5
RegularizerL2
OptimizerAdam
Learning Rate0.001
Epochs25
Batch Size20
Validation Split0.2
Table 3. Comparison of precision and accuracy for different ML and DL methods on same dataset.
Table 3. Comparison of precision and accuracy for different ML and DL methods on same dataset.
MethodPrecisionAccuracy
Proposed (Hybrid)0.850.95
CNN0.780.90
LSTM0.750.88
BiLSTM0.820.92
SVM0.700.85
Table 4. Comparison of results with benchmark studies.
Table 4. Comparison of results with benchmark studies.
StudyMetrics
AccuracyPrecisionRecallF1
 [118]80.00.800.790.80
 [119]77.10.770.760.76
 [120]86.50.860.850.86
Our proposed95.00.880.850.84
Table 5. Performance of deep learning models in classification of AF.
Table 5. Performance of deep learning models in classification of AF.
ModelAccuracy
Simple CNN0.865
CNN+LSTM0.811
ResNet0.792
LSTM0.875
1DCNN-BiLSTM (Proposed)0.950
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

Aldughayfiq, B.; Ashfaq, F.; Jhanjhi, N.Z.; Humayun, M. A Deep Learning Approach for Atrial Fibrillation Classification Using Multi-Feature Time Series Data from ECG and PPG. Diagnostics 2023, 13, 2442. https://doi.org/10.3390/diagnostics13142442

AMA Style

Aldughayfiq B, Ashfaq F, Jhanjhi NZ, Humayun M. A Deep Learning Approach for Atrial Fibrillation Classification Using Multi-Feature Time Series Data from ECG and PPG. Diagnostics. 2023; 13(14):2442. https://doi.org/10.3390/diagnostics13142442

Chicago/Turabian Style

Aldughayfiq, Bader, Farzeen Ashfaq, N. Z. Jhanjhi, and Mamoona Humayun. 2023. "A Deep Learning Approach for Atrial Fibrillation Classification Using Multi-Feature Time Series Data from ECG and PPG" Diagnostics 13, no. 14: 2442. https://doi.org/10.3390/diagnostics13142442

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