Next Article in Journal
A Dew-Condensation Sensor Exploiting Local Variations in the Relative Refractive Index on the Dew-Friendly Surface of a Waveguide
Next Article in Special Issue
Machine Learning Analysis of RNA-seq Data for Diagnostic and Prognostic Prediction of Colon Cancer
Previous Article in Journal
Sign2Pose: A Pose-Based Approach for Gloss Prediction Using a Transformer Model
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Morphological Autoencoders for Beat-by-Beat Atrial Fibrillation Detection Using Single-Lead ECG

1
Department of Bioengineering (DBE), Instituto Superior Técnico (IST), Av. Rovisco Pais 1, 1049-001 Lisboa, Portugal
2
Instituto de Telecomunicações (IT), Av. Rovisco Pais 1, Torre Norte—Piso 10, 1049-001 Lisboa, Portugal
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(5), 2854; https://doi.org/10.3390/s23052854
Submission received: 30 December 2022 / Revised: 21 February 2023 / Accepted: 4 March 2023 / Published: 6 March 2023
(This article belongs to the Special Issue Advanced Machine Intelligence for Biomedical Signal Processing)

Abstract

:
Engineered feature extraction can compromise the ability of Atrial Fibrillation (AFib) detection algorithms to deliver near real-time results. Autoencoders (AEs) can be used as an automatic feature extraction tool, tailoring the resulting features to a specific classification task. By coupling an encoder to a classifier, it is possible to reduce the dimension of the Electrocardiogram (ECG) heartbeat waveforms and classify them. In this work we show that morphological features extracted using a Sparse AE are sufficient to distinguish AFib from Normal Sinus Rhythm (NSR) beats. In addition to the morphological features, rhythm information was included in the model using a proposed short-term feature called Local Change of Successive Differences (LCSD). Using single-lead ECG recordings from two referenced public databases, and with features from the AE, the model was able to achieve an F1-score of 88.8%. These results show that morphological features appear to be a distinct and sufficient factor for detecting AFib in ECG recordings, especially when designed for patient-specific applications. This is an advantage over state-of-the-art algorithms that need longer acquisition times to extract engineered rhythm features, which also requires careful preprocessing steps. To the best of our knowledge, this is the first work that presents a near real-time morphological approach for AFib detection under naturalistic ECG acquisition with a mobile device.

1. Introduction

Atrial Fibrillation (AFib) is a Cardiovascular Disease (CVD) characterized by the uncoordinated activity of the heart chambers, with the atria exhibiting irregular and high-rate electrical activity. It is the most frequent type of cardiac arrhythmia in the Western World, with an estimated prevalence of 46.3 million individuals worldwide [1,2], and it is one of the leading causes of stroke, as it increases the risk of having one by four to five times [3]. In addition, recent reports suggest that both global incidence and prevalence are on the rise, putting a greater strain on healthcare systems [4,5].
AFib occurs because of a lack of synchrony in atrial contraction since disorganized electrical impulses propagate throughout both atria. This can be caused by the appearance of ectopic pacemaker foci, or by structural and biochemical changes that delay regular electrical pulses [6]. Over time, risk factors and lack of treatment can deteriorate the atria’s condition, and AFib can progress from a paroxysmal to a permanent state, in a process known as atrial remodeling [7,8]. Because persistent AFib is linked to a higher risk of a severe stroke [9], AFib early diagnosis and monitoring are crucial to prevent further complications.
Diagnosing AFib is commonly made using the Electrocardiogram (ECG) to monitor the heart’s electrical activity (Figure 1). Both its rhythm and waveform morphology are changed by the presence of an irregular heart rate, the replacement of P-waves by fibrillatory waves (F-waves), and the lack of an isoelectric baseline [10].
Since one cannot predict rare AFib events to occur while at the hospital, continuous monitoring of patients at risk can be achieved in other environments (e.g., home and/or ambulatory) by using implantable cardiac monitors, wearable patch monitors, and Holter monitoring systems [11,12,13]. Cardiovascular monitoring has also been extended to the general population using wrist-worn wearable devices, which can benefit from automatic detection of heart conditions [14]. More recently, off-the-person devices, increasingly dubbed as “invisibles”, are integrated with everyday use objects and do not require a conscious effort to perform data acquisition, providing a more pervasive way to detect CVDs [15,16,17,18].
Because of the overwhelming amount of data generated by these long-term acquisitions, many Computer-Aided Diagnosis (CAD) tools have been developed over the last decades to assist in AFib detection. State-of-the-art CAD examples include algorithms based on Artificial Neural Networks (ANNs), Support Vector Machines (SVMs), and Decision-Trees (DTs) [19]. Most of these algorithms rely on ventricular and signal features extracted from ECG recordings, such as RR-Intervals (RRIs) and associated variability metrics, frequency content, among others. However, despite AFib being an atrial phenomenon, very few algorithms rely on atrial features (e.g., atrial wave morphology), mainly because of the relatively low amplitudes of the atrial activity and high sensitivity to noise [19].
Given the large number of features that can be extracted, feature selection can be computationally expensive (given that it is an NP-hard problem), and, depending on the number of chosen features, feature extraction can compromise the algorithms’ responsiveness. This way, algorithms that do not rely on feature engineering (e.g., only using morphology) or that use optimized features for a specific problem (e.g., using automatic feature extraction tools) can be advantageous for real-time (or near real-time) and resource-limited systems.
In addition, the duration of the temporal window in which the features are to be extracted has to be considered. Ideally, systems for real-time implementation need to have low latency between acquisition and result. Consequently, short-term features are preferred in monitoring systems. In this regard, morphological characteristics could be more efficient than ventricular and signal features, which frequently require more samples to become relevant [20].
To deal with such challenges, we propose an approach based on Autoencoders (AEs) to distinguish AFib from Normal Sinus Rhythm (NSR) in a beat-by-beat fashion. The AE is capable of automatically generating features from the morphology of the ECG waveforms, which can then be used by a standard Machine Learning (ML) classifier. To this end, two PhysioNet [21] databases were used to evaluate its performance: the MIT-BIH Atrial Fibrillation (AFDB) [22] and the Computing in Cardiology Challenge 2017 (CinC2017) [23]. In addition, we also examine the impact of Supervised AEs (SupAEs) and the effect of incorporating a short-term engineered ventricular feature on the overall classification performance.
To do so, this paper first briefly describes comparable state-of-the-art approaches for AFib detection (Section 2). Next, the methodology used to build the AE-based model is presented, along with the training approach (Section 3). Finally, the results and key findings are described (Section 4), compared to other approaches, and discussed (Section 5 and Section 6).

2. Related Work

As stated in Section 1, many approaches around AFib detection have been developed over the years [19], where the use of ANNs has recently been more pronounced and achieves the best performances (Figure 2). There is a wide variety of algorithms based on ANNs, such as using Convolutional Neural Networks (CNNs), Deep Neural Networks (DNNs), Recurrent Neural Networks (RNNs), and AEs. The following subsections provide some insight into the current state-of-the-art of these approaches, taking into account the nature of the proposed model.

2.1. Without Feature Engineering

Feature extraction and feature selection are two of the main ML tasks since their purpose is to provide algorithms with meaningful and compact data. In AFib detection, Heart-Rate Variability (HRV) metrics are often used to measure the irregularity of RR-Intervals [19,24]. Examples of such ventricular features include: Root Mean Square of Successive Differences (RMSSD), Poincaré plots, Sample Entropy (SampEn), Turning Point Ratio (TPR), and Lyapunov exponents. In addition, signal features can include signal power, frequency content, statistical measures, Wavelet Transform, phase-space analysis, among others.
Using a Deep Learning (DL) approach, Baalman et al. [25] developed a feedforward neural network focused on classifying ECG beats (i.e., single cycle) as NSR or AFib. This approach demonstrated the capacity of DL models to automatically extract adapted features to a specific classification task. In addition, the authors used an attention mechanism to highlight the model’s hidden features, thus providing explainable results (in contrast with the typical black-box paradigm). Using their own ECG data recorded at 500 Hz, the authors achieved an accuracy of 96% and an F1-score of 94% using Lead II ECG recordings and, using Lead I recordings, the model achieved an accuracy of 93% and an F1-score of 90%.
Based on computer vision strategies, Fan et al. [26] proposed a fusion of two deep convolutional neural networks (DCNNs) with different filter sizes. Using ECG signals in one dimension, the output of both DCNNs is concatenated and fed into a set of 3 fully connected layers that produce an output for the AFib/NSR classification with a Softmax activation function. This model was tested in single-lead short ECG recordings from the CinC2017 dataset, and it achieved a 96.99% accuracy using a 5 s time window, and a peak accuracy of 98.13% using a 20 s input sequence.
To tackle the limitation of CNN-based models to analyze variable-duration ECG recordings, Zhang et. al [27] proposed a time-adaptive structure that consists of multiple densely connected CNNs (DenseNets) and a Bidirectional Long Short-Term Memory (Bi-LSTM) cell. Using 10 s cropped single-lead ECG fragments, the binary classification performance was 99% and 87% for the CinC2017 and AFDB datasets, respectively.

2.2. Autoencoder-Based

AEs are well-known for their ability to perform dimensionality reduction and have been used in numerous applications. However, their usage for AFib detection has been very scarce.
Yuan et al. [28] developed an approach for AFib detection from ECG records using a stacked Sparse Autoencoder (SAE) based on 84 selected features extracted from the RR-Intervals and P-wave measurements within a 10 s ECG window. The AE used to achieve data compression had 84 input nodes and 2 hidden layers with 300 nodes each. AFib detection was made by stacking a Softmax activation function to the extracted features of the AE. Using ECG recordings from the MIT-BIH databases, the model first achieved a detection accuracy of 75.6%, and, after fine-tuning the model, a 98.3% accuracy was reported.
A similar approach was followed by Chen and Ying [29], where a stacked SAE receives 19 features extracted from the ECG records, including statistical measures, parameters from the Hilbert–Huang transform, and Wavelet decomposition features. After training, the AE is then coupled to a Softmax activation function to detect AFib; a 96.0% accuracy was achieved.

2.3. For Real-Time Implementation

Detecting AFib in real-time is challenging, requiring algorithms that are highly sensitive and specific while also being robust to noise and artifacts, with low computational requirements. Additionally, designing embedded systems for AFib detection must take into account hardware constraints, such as memory allocation and processing power, as well as the efficiency and number of operations of the algorithm.
To address these challenges, Chen and colleagues [30] proposed an edge computing framework for AFib detection based on an embedded platform that mainly uses feature engineering to collect ECG signals in real-time. The model used for AFib detection is lightweight and achieved an F1-score of about 90% with only 18 multiplications and 18 additions. Directly analyzing data at the edge can reduce the response time, making the proposed solution feasible for analysis and training on the edge.
In addition, Andersen et al. [31] proposed a DL-based approach for real-time automatic detection of AFib in long-term ECG recordings. Their proposed model, a combination of CNNs and RNNs, achieved high sensitivity and specificity of 98.98% and 96.95%, respectively, after being trained and validated on three different databases with a total of 89 subjects. The model also demonstrated computational efficiency, analyzing 24 h of ECG recordings in less than one second. The proposed algorithm was tested on unseen datasets, resulting in 98.96% and 86.04% for specificity and sensitivity, respectively, and was found to outperform existing state-of-the-art models evaluated on standard benchmark ECG datasets. By learning data-driven features to distinguish AFib from the remaining rhythms in the signals, the proposed method eliminates the need for traditional feature engineering.

3. Methods

We study the ability to promptly distinguish ECG beats in NSR and in AFib using waveform morphology, for which an AE-based approach is proposed. Here, we briefly describe the purpose of the AE training and how classification is performed using the compressed version of the ECG waveforms.

3.1. Autoencoder-Based Models

An AE is an ANN that is divided into two elements: an encoder and a decoder (Figure 3a). The encoder is responsible for generating a feature vector (also called code) from the input, generally by compression, while the decoder is responsible for reconstructing the input from the feature vector. The traditional AE model (called undercomplete) achieves compression and reconstruction by, respectively, reducing and increasing the number of nodes layer by layer, often symmetrically. By enforcing the input to be compressed into a latent representation, and by using a cost function that favors the output to be as close as possible to the input (e.g., mean squared error (MSE)), the feature vector within the code should retain the most relevant information about the data’s nature, provided that the model converged and properly fit the data.
SAEs, on the other hand, take advantage of setting some nodes to zero, which can have a positive effect when learning an internal representation. Instead of reducing the number of nodes to achieve an information bottleneck, SAEs try to enhance the generalization ability by applying an L1 penalty to the code layer, which equals the sum of the absolute values of the ANN’s weights [32].
Another approach is to add a classifier in the AE’s bottleneck (Figure 3b), called a Supervised Autoencoder [33]. Although a regular AE is supervised in the sense that the target is the input, the set of features generated by the SupAE is regulated by both the MSE and the classification loss, which should result in higher classification performances.
Upon a previously made systematic study of different combinations of AE type and classifier [34], the proposed model for AFib detection consists of first training a three-layer SAE (with 75% compression level) using ECG waveforms from both classes (NSR and AFib), and then using the encoded features as an input to a Multilayer Perceptron (MLP) binary classifier (Figure 4). By doing this, the ECG waveforms are mapped into a compressed version, consisting of feature vectors, which are then classified as NSR or as AFib.

3.2. Rhythm Feature

Since rhythm information (i.e., RR-Interval variability) is not fed into the AE, an additional feature was also tested to possibly enhance the classification task. This engineered feature is called Local Change of Successive Differences (LCSD) [34], which was specifically designed for the beat-by-beat classification problem. Given an ECG signal with R-peaks at time instants R 1 , R 2 , . . . , R i , . . . , R N , the LCSD is computed for a given R i as:
LCSD ( R i ) = | ( R i + 1 R i ) ( R i R i 1 ) | 1 N 1 j = 1 N 1 ( R j + 1 R j ) , 1 < i < N ,
which consists in computing the absolute difference between consecutive RR-Intervals and dividing by the mean RR-Interval of the recording. Because AFib is characterized by irregular RR-Intervals, the LCSD values in this rhythm should be different from the ones in NSR as illustrated in Figure 5.

4. Results

In this section, we first describe the datasets chosen to evaluate the performance of the proposed approach, then validate the preprocessing steps, including the LCSD feature calculation, and finally present the training and classification results.

4.1. Databases

In the last decades, a number of databases for AFib detection have been made publicly available to promote the development and testing of new algorithms. The AFDB [21,22], created by Boston’s Beth Israel Hospital laboratories and the Massachusetts Institute of Technology, contains 10-hour recordings of 25 people with AFib (mainly paroxysmal). The dataset contains annotations for NSR, AFib, atrial flutter, and AV junctional rhythm. The 250 Hz Holter recording system consisted of two ECG leads, however, with no indication of the electrodes’ placement.
Another well-known and recent database originated from the CinC2017 [23], which is considered to be one of the main sources of new publications related to AFib detection algorithms in 2018 (Figure 2) [19]. In addition, because of its acquisition environment, the CinC2017 database is particularly interesting to test algorithms using short-term ECG acquisitions from wearable devices. There are 12,186 single-lead recordings in this database, ranging in length from 9 to 60 s. The recordings are labeled as NSR, AFib, other rhythms, and noisy acquisitions. The data were collected using AliveCor’s single channel ECG devices, including the AliveCor® KardiaMobile, with a Left Arm–Right Arm lead configuration (equivalent to Lead I [16]). The acquisitions were made using a sampling rate of 300 Hz with a 0.5–40 Hz bandwidth. More information regarding the aforementioned databases can be found in Table 1.

4.2. Preprocessing

Data preprocessing (Figure 6) was conducted using the BioSPPy toolbox [35] on a Python 3 environment. All ECG signals were first filtered using a high-pass Finite Impulse Response (FIR) filter with a cut-off frequency of 0.5 Hz. An R-peak detection algorithm that follows the approach proposed by Hamilton [36] was applied to the CinC2017 data, and the AFDB R-peak data (already provided) were corrected to achieve more accurate R-peak locations. Only the first channel of the AFDB database (“ECG1”) was used.
Afterwards, all ECG recordings were segmented by beats using a segmentation technique proposed by Lourenço et al. [37], where ECG beats are obtained by clipping around the R-peaks (200 milliseconds (ms) before and 400 ms after). However, since this method generates fixed-length templates, second R-peaks can appear due to the short RR-Intervals caused by AFib. To prevent the model from being affected by such second R-peaks, they were removed by applying zero-padding 70 ms before their appearance, to also cover the Q-wave (Figure 7a).
In addition, to prevent the models from being trained with anomalous waveforms, an ECG outlier detection algorithm based on DMEAN was used [38], which discards ECG beats by their cosine distance to the average waveform (Figure 7b).
The number of NSR and AFib signal portions and beats extracted from the recordings is presented in Table 2.

4.3. Validation of the LCSD Metric

As previously presented, the LCSD feature was proposed to provide the model with local rhythm information. This metric is proportional to the absolute difference between consecutive RR-Intervals around an R-peak, which is expected to result in different values for NSR and AFib. To validate its usefulness, the Mann–Whitney U test was conducted on all databases, and the results showed significant differences between the two groups (as illustrated in Figure 8).
Additionally, the use of the LCSD metric was studied as the sole feature for the separation of NSR and AFib. A logistic regression classifier was trained to predict the classes and its performance was evaluated using various metrics, as reported in Table 3. The results show good performance, which highlights the importance of the LCSD metric to enhance the classification results of the morphology-based models.

4.4. Training

For both datasets, the data split consisted of using 80% of the signal portions for training and 20% for testing, and, to determine the number of epochs to train the AE models, a 10-fold cross-validation procedure was used. Because the AFDB is organized by patients, an additional data split approach was tested: 80% of the patients (18) for training and 20% for testing (5). This stratification by patient could give insight into whether the proposed model is able to generalize for ECG recordings of unseen patients.
After extraction of the ECG waveforms from each subject’s recording(s), the number of NSR samples used to train the models was limited by the number of AFib waveforms (i.e., undersampling of the majority class), to deal with class imbalance (Table 2).
The training procedure was performed using a TensorFlow 2 version in a Python 3 environment. The training data were standardized using the StandardScaler implementation of the Scikit-Learn Python library [39], and the validation and test inputs were transformed using the training standardization.
The loss functions chosen were MSE loss for the AEs and binary cross-entropy for the MLP classifiers. A maximum of 2000 epochs was set for all models, using an early stopping condition with a 50 epoch-patience after no decrease in validation loss. The models were trained on batches of 32 samples using the Adam optimizer algorithm with an initial learning rate set to 1 × 10 4 . The architecture of the models can be found in Table A1 and detailed information regarding the training procedure is in Table A2.
The resulting learning curves are represented in Figure 9, Figure 10 and Figure 11, where the differences in the convergence between the AE and SupAE models can be noted. Table A3 reports the training results of the models, with indication of the number of epochs, losses, and classification thresholds.

4.5. Classification

Table 4 summarizes the classification results using data from the CinC2017 and AFDB databases, including the models using patient-stratified data. The accuracy, F1-score, and Area Under Curve (AUC) are presented for the AE and SupAE models with and without the LCSD feature. The remaining metrics such as precision and recall are available in Table A4.
Because the training approach for the AEs and MLPs involved a 10-fold cross-validation, the instance of the models chosen for testing was the one with the lowest validation loss.

5. Discussion

The results of our study suggest that coupling a trained encoder with a classifier can effectively distinguish NSR from AFib waveforms using single-lead ECG recordings. The Supervised AEs demonstrated the ability to create a feature space that enhanced the classification performance, outperforming the “unsupervised” versions (Table 4). This is also supported by the lower train and validation losses (Figure 9, Figure 10 and Figure 11).
Since the features created by AEs are based only on ECG waveforms and were able to obtain high scores (86% F1-score with the SupAE), this suggests that morphological features alone are a distinct and sufficient factor for detecting AFib in ECG recordings. This is an advantage comparatively to most state-of-the-art algorithms that only use rhythm information (i.e., ventricular features), because these rely on the analysis of heartbeat variations occurring over a longer time period than a single ECG waveform.
In this respect, multiple-beat classification could potentially lead to superior performance. However, for the time being, existing datasets do not allow more detailed analysis, since the available labels are assigned to a signal portion rather than to individual beats. As a result, a signal portion labeled AFib may actually contain normal ECG beats (i.e., with a regular P-wave). This could have prevented the AE from reaching its full potential, as there could be mislabeled data.
Nevertheless, the SupAE with the LCSD metric achieved peak F1-scores of 88.8% and 87.9% for the CinC2017 and AFDB data, respectively, corresponding to a 6% and 2% increase in classification performance (Table 4). These improvements are supported by the validation tests of the LCSD metric (Section 4.3).
Regarding the learning of the AE-based models, the difference between the two data-split approaches provides some insight into the generalization ability of the proposed approach. While the validation loss curve converged similarly to the training loss in the CinC2017 and AFDB training (Figure 9 and Figure 10), the AFDB stratified by patients did not, with high cross-entropy values (Figure 11). Although the models using this approach obtained F1-scores between 74% and 84% with the test data (Table 4), the training curves suggest that the model is not able to fully capture the ECG morphological differences of different patients. Indeed, some recordings of this database appear to have pathological ECG waveforms (Figure 12).
This observation clarifies the ability of AEs to be used in AFib detection. Since ECG morphology is unique for each subject, the use of AEs for patient-independent diagnosis is limited. In this respect, algorithms using RR-Intervals to perform AFib detection have an advantage over morphology-based ones, as they have a greater generalization ability. On the other hand, the AE-based approach for subject-specific AFib detection yields good results.
Table 5 compares the performance of our approach to other state-of-the-art methods for AFib detection. One of the key aspects to highlight is that our method achieved competitive F1-scores when compared to the other approaches that were designed for real-time implementation, despite not using any feature engineering. Our approach extracts useful features automatically from the input data, making it more efficient and scalable.
For the CinC2017 dataset, our approach achieved an F1-score of 88.8% (with 180 trainable parameters), which is slightly lower than the F1-score obtained by Chen et al. [30] using an MLP (with 8 trainable parameters) with feature engineering (91.5%). However, it is worth noting that feature extraction may involve preprocessing steps such as interpolation, frequency analysis, and other tasks that may compromise latency and be more susceptible to noise. Zhang et al. [27] achieved a higher F1-score of 99.0% using DenseNet+Bi-LSTM, but their approach, which involves a significant number of operations (e.g., convolutions, multiplications, additions), may not be suitable for real-time and resource-limited systems.
Regarding the AFDB dataset, our approach achieved an F1-score of 87.9%, which is comparable to the F1-score achieved by Zhang et al. [27] using DenseNet+Bi-LSTM (87.6%) but lower than the F1-score obtained by Andersen et al. [31] using CNN+LSTM (97.2%). Nevertheless, the approach by Andersen et al. uses a more complex architecture (with 159,841 trainable parameters), which may not be optimal for AFib real-time detection. In contrast, our approach is simple and efficient, making it compatible with real-time implementation.
Compared to DL methods, our proposed approach offers several advantages. Firstly, our model has a significantly simpler architecture, with only 148 trainable parameters for AFDB and 180 for CinC2017, as opposed to the thousands or even millions of parameters required by DL models. This makes our approach faster and more computationally efficient, which is important for real-time detection applications. Secondly, our model is more interpretable, as the extracted features are directly related to the waveform morphology. In contrast, DL models often rely on complex and opaque architectures, making it difficult to explain how decisions are made. Lastly, our approach does not require extensive feature engineering, which is often a time-consuming and challenging task in ML/DL applications.
Based on the overall score of the proposed morphological AE-based model, our work demonstrates the ability of AEs to automatically extract features tailored to a specific classification task, with performance that compares favorably to other state-of-the-art algorithms. Furthermore, because of their efficient feature mapping, AEs avoid the need for explicit feature extraction, and can be easily implemented in resource-limited and real-time systems, which is especially relevant in wearable devices that aim to provide real-time results and/or that do not rely on external processing units (e.g., cloud computing). The low number of trainable parameters and operations, as well as the extracted morphological features, offer advantages over DL models. However, some limitations have been identified regarding the generalization ability of morphology-based algorithms.

6. Conclusions

In this work we evaluate an AE-based technique to classify ECG beats into NSR and AFib. The results of combining a trained encoder with a classifier reveal that single-lead ECG recordings can be used to differentiate NSR and AFib waveforms. In general, SupAEs can provide a feature space that improves classification performance as they produce better results.
This approach was tested with two highly referenced databases that demonstrate the ability of AEs to handle different acquisition modalities. Namely, the AFDB database, containing ECG recordings from hospital-grade Holter devices, and the CinC2017 database with single-lead ECG data recorded with a mobile device using current technology. Since the latter results from the subject’s interaction with a device, its use case is more naturalistic.
This versatile strategy of using single-lead ECG beats for near real-time classification is an advantage over state-of-the-art algorithms that only use rhythm information and/or need a longer time period to be computed. However, using the short-term feature LCSD greatly enhances classification performances. The best model achieved F1-scores of 88.8% and 87.9% using the data from the CinC2017 and AFDB. However, when a patient-based data split was used (i.e., the model was evaluated using data from patients that were left out during training), the F1-score dropped to 84%. This suggests that morphology-based AFib detection models based on Supervised Autoencoders generalize better when trained with patient-specific data.
The performance of our approach for AFib detection was compared to other state-of-the-art methods, and it was found to achieve competitive F1-scores without requiring any feature engineering. The approach extracts useful features automatically from input data, making it more efficient and scalable. It is also simpler and more efficient compared to DL methods and suitable for real-time detection. To the best of our knowledge, this is the first work that presents a near real-time morphological approach to detect AFib under naturalistic ECG acquisition with a mobile-based device.
Future work may explore the extension of the proposed technique to classify multiple arrhythmias, beyond NSR and AFib, to enhance the model’s clinical relevance. In addition, investigating the use of AEs to capture the morphological features of other types of cardiac pathologies could further expand the proposed approach’s applicability. A next step for future research could also involve the integration of the proposed technique into a real-time ECG monitoring system. This would require addressing the challenge of deploying a computationally efficient model that does not compromise classification performance while accounting for device and data transmission constraints.

Author Contributions

Conceptualization, R.S., H.P.d.S. and A.F.; methodology, R.S., H.P.d.S. and A.F.; software, H.P.d.S.; validation, R.S.; formal analysis, R.S., H.P.d.S. and A.F.; investigation, R.S.; resources, R.S., H.P.d.S. and A.F.; data curation, R.S.; writing—original draft preparation, R.S.; writing—review and editing, R.S., H.P.d.S. and A.F.; visualization, R.S.; supervision, H.P.d.S. and A.F.; project administration, H.P.d.S. and A.F.; funding acquisition, H.P.d.S. and A.F. All authors have read and agreed to the published version of the manuscript.

Funding

This work was partially funded by Fundação para a Ciência e Tecnologia (FCT) under the project PCIF/S-SO/0163/2019 “SafeFire”, by the FCT/Ministério da Ciência, Tecnologia e Ensino Superior (MCTES) through national funds and, when applicable, co-funded by EU funds under the project UIDB/50008/2020, by the Instituto de Telecomunicações (IT), by the European Regional Development Fund (FEDER) through the Operational Competitiveness and Internationalization Programme (COMPETE 2020), and by National Funds (OE) through the FCT under the LISBOA-01-0247-FEDER-069918 “CardioLeather”.

Data Availability Statement

The data presented in this study are openly available in Physionet at https://physionet.org/content/challenge-2017 (accessed on 30 January 2021 ) and https://doi.org/10.13026/C2MW2D (accessed on 30 January 2021).

Conflicts of Interest

The authors have no competing interests to declare that are relevant to the content of this article.

Appendix A

Table A1. Architecture of the AE and MLP models for CinC2017 and AFDB Databases. The SupAE consists of training the AE+MLP model. In models with the use of LCSD, the MLP is increased in one input node.
Table A1. Architecture of the AE and MLP models for CinC2017 and AFDB Databases. The SupAE consists of training the AE+MLP model. In models with the use of LCSD, the MLP is increased in one input node.
DatabaseModelLayerSizeActivation FunctionRegularization
CinC2017AEInput180--
Dense45LinearL1 ( 1 × 10 5 )
Dense180LinearL1 ( 1 × 10 5 )
MLPInput45--
Dense45ReLU0.2% Dropout
Dense45ReLU0.2% Dropout
Dense45ReLU0.2% Dropout
Output1Sigmoid-
AFDBAEInput150--
Dense37LinearL1 ( 1 × 10 5 )
Dense150LinearL1 ( 1 × 10 5 )
MLPInput37--
Dense37ReLU0.2% Dropout
Dense37ReLU0.2% Dropout
Dense37ReLU0.2% Dropout
Output1Sigmoid-
Table A2. Training details for the Autoencoder and MLP Classifier models.
Table A2. Training details for the Autoencoder and MLP Classifier models.
ParameterAutoencoderMLP Classifier
TrainingLoss FunctionMean Squared ErrorBinary Cross-Entropy
Epochs20002000
Early Stoppingmin mode, 50 epoch-patiencemin mode, 50 epoch-patience
Batch Size3232
OptimizerTypeAdamAdam
Learning Rate 1 × 10 4 1 × 10 4
Beta10.90.9
Beta20.9990.999
Epsilon 1 × 10 7 1 × 10 7

Appendix B

Table A3. Training results for the AE-based models using data from two PhysioNet databases.
Table A3. Training results for the AE-based models using data from two PhysioNet databases.
DatabaseSupA EFeaturesNum. of
Epochs
Training
Loss (min)
Validation
Loss (min)
AUC
Threshold
CinC2017NoM2290.3200.3170.337
M+LCSD2230.2180.2170.408
YesM9420.3370.3140.46
M+LCSD20000.1950.2140.439
AFDBNoM1220.0740.0540.298
M+LCSD2060.0670.050.563
YesM3590.0390.0440.239
M+LCSD20000.0350.0390.17
AFDB
(by patient)
NoM1000.0800.4910.313
M+LCSD550.0820.3730.437
YesM1410.0810.2510.450
M+LCSD20000.0760.1070.480
Table A4. Classification metrics for the proposed AE-based models using data from two PhysioNet databases.
Table A4. Classification metrics for the proposed AE-based models using data from two PhysioNet databases.
DatabaseSupAEFeaturesAccuracyPrecisionRecallF1-ScoreAUC
CinC2017NoM0.820.7940.8630.8270.892
M+LCSD0.8850.8760.8970.8860.945
YesM0.8310.8210.8470.8340.908
M+LCSD0.8880.8880.8890.8880.951
AFDBNoM0.7770.7180.9110.8030.797
M+LCSD0.8180.7590.9320.8370.825
YesM0.870.9330.7980.860.874
M+LCSD0.8870.9470.820.8790.908
AFDB
(by patient)
NoM0.7030.6520.8710.7460.719
M+LCSD0.7320.6840.8640.7630.754
YesM0.8040.7710.8650.8150.833
M+LCSD0.8370.8240.8570.840.907

References

  1. Benjamin, E.J.; Muntner, P.; Alonso, A.; Bittencourt, M.S.; Callaway, C.W.; Carson, A.P.; Chamberlain, A.M.; Chang, A.R.; Cheng, S.; Das, S.R.; et al. Heart Disease and Stroke Statistics—2019 Update: A Report From the American Heart Association. Circulation 2019, 139, e56–e528. [Google Scholar] [CrossRef] [PubMed]
  2. Kornej, J.; Börschel, C.S.; Benjamin, E.J.; Schnabel, R.B. Epidemiology of Atrial Fibrillation in the 21st Century. Circ. Res. 2020, 127, 4–20. [Google Scholar] [CrossRef] [PubMed]
  3. Healey, J.S.; Connolly, S.J.; Gold, M.R.; Israel, C.W.; Van Gelder, I.C.; Capucci, A.; Lau, C.P.; Fain, E.; Yang, S.; Bailleul, C.; et al. Subclinical Atrial Fibrillation and the Risk of Stroke. N. Engl. J. Med. 2012, 366, 120–129. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  4. Lippi, G.; Sanchis-Gomar, F.; Cervellin, G. Global Epidemiology of Atrial Fibrillation: An Increasing Epidemic and Public Health Challenge. Int. J. Stroke 2021, 16, 217–221. [Google Scholar] [CrossRef]
  5. Zhang, J.; Johnsen, S.P.; Guo, Y.; Lip, G.Y.H. Epidemiology of Atrial Fibrillation: Geographic and Ecological Risk Factors, Age, Sex, Genetics. Card. Electrophysiol. Clin. 2021, 13, 1–23. [Google Scholar] [CrossRef]
  6. Nattel, S.; Burstein, B.; Dobrev, D. Atrial Remodeling and Atrial Fibrillation. Circ. Arrhythmia Electrophysiol. 2008, 1, 62–73. [Google Scholar] [CrossRef] [Green Version]
  7. Nattel, S.; Harada, M. Atrial Remodeling and Atrial Fibrillation: Recent Advances and Translational Perspectives. J. Am. Coll. Cardiol. 2014, 63, 2335–2345. [Google Scholar] [CrossRef] [Green Version]
  8. Kato, T.; Yamashita, T.; Sagara, K.; Iinuma, H.; Fu, L.T. Progressive Nature of Paroxysmal Atrial Fibrillation. Circ. J. 2004, 68, 568–572. [Google Scholar] [CrossRef] [Green Version]
  9. Hagii, J.; Metoki, N.; Saito, S.; Shiroto, H.; Sasaki, S.; Takahashi, K.; Hitomi, H.; Baba, Y.; Yamada, N.; Seino, S.; et al. Persistent or Permanent Atrial Fibrillation is Associated with Severe Cardioembolic Stroke in Patients with Non-valvular Atrial Fibrillation. Thromb. J. 2021, 19, 22. [Google Scholar] [CrossRef]
  10. Podrid, P.; Malhotra, R.; Kakkar, R.; Noseworthy, P. Podrid’s Real-World ECGs: Volume 4, Arrhythmias: A Master’s Approach to the Art and Practice of Clinical ECG Interpretation; Cardiotext Publishing: Minneapolis, MN, USA, 2015. [Google Scholar]
  11. Hickey, K.T.; Riga, T.C.; Mitha, S.A.; Reading, M.J. Detection and Management of Atrial Fibrillation Using Remote Monitoring. Nurse Pract. 2018, 43, 24–30. [Google Scholar] [CrossRef]
  12. Perez, M.V.; Mahaffey, K.W.; Hedlin, H.; Rumsfeld, J.S.; Garcia, A.; Ferris, T.; Balasubramanian, V.; Russo, A.M.; Rajmane, A.; Cheung, L.; et al. Large-Scale Assessment of a Smartwatch to Identify Atrial Fibrillation. N. Engl. J. Med. 2019, 381, 1909–1917. [Google Scholar] [CrossRef]
  13. Perino, A.C.; Gummidipundi, S.E.; Lee, J.; Hedlin, H.; Garcia, A.; Ferris, T.; Balasubramanian, V.; Gardner, R.M.; Cheung, L.; Hung, G.; et al. Arrhythmias Other Than Atrial Fibrillation in Those With an Irregular Pulse Detected With a Smartwatch: Findings From the Apple Heart Study. Circ. Arrhythmia Electrophysiol. 2021, 14, e010063. [Google Scholar] [CrossRef]
  14. Serhani, M.A.; El Kassabi, H.; Ismail, H.; Nujum Navaz, A. ECG Monitoring Systems: Review, Architecture, Processes, and Key Challenges. Sensors 2020, 20, 1796. [Google Scholar] [CrossRef] [Green Version]
  15. da Silva, H.P. The Biosignal C.A.O.S.: Reflections on the Usability of Physiological Sensing for Human-Computer Interaction Practitioners and Researchers. In Proceedings of the Converging Clinical and Engineering Research on Neurorehabilitation II; Ibáñez, J., González-Vargas, J., Azorín, J.M., Akay, M., Pons, J.L., Eds.; Biosystems & Biorobotics; Springer: Cham, Switzerland, 2017; pp. 807–811. [Google Scholar] [CrossRef]
  16. da Silva, H.P.; Carreiras, C.; Lourenço, A.; Fred, A.; das Neves, R.C.; Ferreira, R. Off-the-person Electrocardiography: Performance Assessment and Clinical Correlation. Health Technol. 2015, 4, 309–318. [Google Scholar] [CrossRef]
  17. Silva, A.S.; Correia, M.V.; Silva, H.P. Invisible ECG for High Throughput Screening in eSports. Sensors 2021, 21, 7601. [Google Scholar] [CrossRef]
  18. dos Santos Silva, A.; Almeida, H.; da Silva, H.P.; Oliveira, A. Design and Evaluation of a Novel Approach to Invisible Electrocardiography (ECG) in Sanitary Facilities Using Polymeric Electrodes. Sci. Rep. 2021, 11, 6222. [Google Scholar] [CrossRef]
  19. Wesselius, F.J.; van Schie, M.S.; De Groot, N.M.S.; Hendriks, R.C. Digital Biomarkers and Algorithms for Detection of Atrial Fibrillation Using Surface Electrocardiograms: A Systematic Review. Comput. Biol. Med. 2021, 133, 104404. [Google Scholar] [CrossRef]
  20. Li, K.; Rüdiger, H.; Ziemssen, T. Spectral Analysis of Heart Rate Variability: Time Window Matters. Front. Neurol. 2019, 10, 545. [Google Scholar] [CrossRef] [Green Version]
  21. Goldberger, A.; Amaral, L.; Glass, L.; Havlin, S.; Hausdorg, J.; Ivanov, P.; Mark, R.; Mietus, J.; Moody, G.; Peng, C.K.; et al. Components of a New Research Resource for Complex Physiologic Signals. PhysioNet 2000, 101, E215–E220. [Google Scholar]
  22. Moody, G.B.; Mark, R.G. A New Method for Detecting Atrial Fibrillation using R-R Intervals. Comput. Cardiol. 1983, 10, 227–230. [Google Scholar]
  23. Clifford, G.D.; Liu, C.; Moody, B.; Lehman, L.w.H.; Silva, I.; Li, Q.; Johnson, A.E.; Mark, R.G. AF Classification from a Short Single Lead ECG Recording: The PhysioNet/Computing in Cardiology Challenge 2017. Comput. Cardiol. 2017, 44, 1–4. [Google Scholar]
  24. Shaffer, F.; Ginsberg, J.P. An Overview of Heart Rate Variability Metrics and Norms. Front. Public Health 2017, 5, 258. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  25. Baalman, S.W.E.; Schroevers, F.E.; Oakley, A.J.; Brouwer, T.F.; Stuijt, W.v.d.; Bleijendaal, H.; Ramos, L.A.; Lopes, R.R.; Marquering, H.A.; Knops, R.E.; et al. A Morphology Based Deep Learning Model for Atrial Fibrillation Detection Using Single Cycle Electrocardiographic Samples. Int. J. Cardiol. 2020, 316, 130–136. [Google Scholar] [CrossRef] [PubMed]
  26. Fan, X.; Yao, Q.; Cai, Y.; Miao, F.; Sun, F.; Li, Y. Multiscaled Fusion of Deep Convolutional Neural Networks for Screening Atrial Fibrillation from Single Lead Short ECG Recordings. IEEE J. Biomed. Health Inform. 2018, 22, 1744–1753. [Google Scholar] [CrossRef]
  27. Zhang, X.; Jiang, M.; Polat, K.; Alhudhaif, A.; Hemanth, J.; Wu, W. Detection of Atrial Fibrillation from Variable-Duration ECG Signal Based on Time-Adaptive Densely Network and Feature Enhancement Strategy. IEEE J. Biomed. Health Inform. 2023, 27, 944–955. [Google Scholar] [CrossRef]
  28. Yuan, C.; Yan, Y.; Zhou, L.; Bai, J.; Wang, L. Automated Atrial Fibrillation Detection Based on Deep Learning Network. In Proceedings of the 2016 IEEE International Conference on Information and Automation (ICIA), Ningbo, China, 1–3 August 2016; pp. 1159–1164. [Google Scholar] [CrossRef]
  29. Chen, L.; He, Y. Identification of Atrial Fibrillation from Electrocardiogram Signals Based on Deep Neural Network. J. Med Imaging Health Inform. 2019, 9, 838–846. [Google Scholar] [CrossRef]
  30. Chen, J.; Zheng, Y.; Liang, Y.; Zhan, Z.; Jiang, M.; Zhang, X.; da Silva, D.S.; Wu, W.; Albuquerque, V.H.C.d. Edge2Analysis: A Novel AIoT Platform for Atrial Fibrillation Recognition and Detection. IEEE J. Biomed. Health Inform. 2022, 26, 5772–5782. [Google Scholar] [CrossRef]
  31. Andersen, R.S.; Peimankar, A.; Puthusserypady, S. A Deep Learning Approach for Real-Time Detection of Atrial Fibrillation. Expert Syst. Appl. 2019, 115, 465–473. [Google Scholar] [CrossRef]
  32. Saleh, H. Machine Learning Fundamentals; Packt Publishing: Woodside, NY, USA, 2018. [Google Scholar]
  33. Le, L.; Patterson, A.; White, M. Supervised Autoencoders: Improving Generalization Performance with Unsupervised Regularizers. In Proceedings of the 32nd International Conference on Neural Information Processing Systems, Montreal, Canada, 3–8 December 2018; Curran Associates Inc.: Red Hook, NY, USA, 2018; pp. 107–117. [Google Scholar]
  34. Silva, R. An Artificial Intelligence Approach to Atrial Fibrillation Detection in Single-lead Invisible ECG. Master’s Thesis, Instituto Superior Técnico, Lisbon, Portugal, 2021. [Google Scholar]
  35. Carreiras, C.; Alves, A.P.; Lourenço, A.; Canento, F.; Silva, H.; Fred, A. BioSPPy: Biosignal Processing in Python. 2015. [Google Scholar]
  36. Hamilton, P. Open source ECG analysis. In Proceedings of the Computers in Cardiology, London, UK, 5–8 September 1993; pp. 101–104. [Google Scholar] [CrossRef]
  37. Lourenco, A.; Plácido da Silva, H.; Leite, P.; Lourenço, R.; Fred, A. Real Time Electrocardiogram Segmentation for Finger Based ECG Biometrics. In Proceedings of the International Conference on Bio-Inspired Systems and Signal Processing (BIOSTEC), Vilamoura, Portugal, 1–14 February 2012; pp. 49–54. [Google Scholar]
  38. Lourenço, A.; Silva, H.; Carreiras, C.; Fred, A. Outlier Detection in Non-Intrusive ECG Biometric System. In Proceedings of the Image Analysis and Recognition; Kamel, M., Campilho, A., Eds.; Lecture Notes in Computer Science. Springer: Berlin/Heidelberg, Germany, 2013; pp. 43–52. [Google Scholar] [CrossRef]
  39. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine Learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
Figure 1. Morphological and rhythm changes between ECG recordings in Normal Sinus Rhythm (top) and in Atrial Fibrillation (bottom), where the absence of P-waves and the irregular heart rate are noticeable.
Figure 1. Morphological and rhythm changes between ECG recordings in Normal Sinus Rhythm (top) and in Atrial Fibrillation (bottom), where the absence of P-waves and the irregular heart rate are noticeable.
Sensors 23 02854 g001
Figure 2. Number of AFib detection algorithm publications from 2013 to 2020, showing how the number of ANN-based algorithms have gained popularity over time. The year 2018 was boosted by the CinC2017 challenge. Data obtained from the Appendix A, Supplementary Data section of [19].
Figure 2. Number of AFib detection algorithm publications from 2013 to 2020, showing how the number of ANN-based algorithms have gained popularity over time. The year 2018 was boosted by the CinC2017 challenge. Data obtained from the Appendix A, Supplementary Data section of [19].
Sensors 23 02854 g002
Figure 3. (a) A traditional autoencoder which is trained to reproduce the input samples, and (b) a supervised autoencoder that receives additional feedback from labeled samples.
Figure 3. (a) A traditional autoencoder which is trained to reproduce the input samples, and (b) a supervised autoencoder that receives additional feedback from labeled samples.
Sensors 23 02854 g003
Figure 4. The proposed model for classifying ECG heartbeat waveforms into Normal Sinus Rhythm (NSR) and Atrial Fibrillation (AFib). It consists of an encoder responsible for extracting morphological features from the ECG segments, which are then used by a classifier. The LCSD metric is also used to train the classifier to provide local rhythm information and improve classification performance.
Figure 4. The proposed model for classifying ECG heartbeat waveforms into Normal Sinus Rhythm (NSR) and Atrial Fibrillation (AFib). It consists of an encoder responsible for extracting morphological features from the ECG segments, which are then used by a classifier. The LCSD metric is also used to train the classifier to provide local rhythm information and improve classification performance.
Sensors 23 02854 g004
Figure 5. Example of LCSD values for ECG beats in NSR (left) and in AFib (right). Since RR-Intervals are more regular in NSR, their consecutive differences are smaller compared to AFib.
Figure 5. Example of LCSD values for ECG beats in NSR (left) and in AFib (right). Since RR-Intervals are more regular in NSR, their consecutive differences are smaller compared to AFib.
Sensors 23 02854 g005
Figure 6. Preprocessing steps of the ECG recordings.
Figure 6. Preprocessing steps of the ECG recordings.
Sensors 23 02854 g006
Figure 7. (a) Example of second R-peak removal from an AFib ECG segment using zero-padding. (b) Use of DMEAN to detect outliers in a set of ECG segments from a recording—valid segments are depicted as solid lines, while outliers are displayed in dashed lines. Data from the CinC2017 database [23].
Figure 7. (a) Example of second R-peak removal from an AFib ECG segment using zero-padding. (b) Use of DMEAN to detect outliers in a set of ECG segments from a recording—valid segments are depicted as solid lines, while outliers are displayed in dashed lines. Data from the CinC2017 database [23].
Sensors 23 02854 g007
Figure 8. Distribution of LCSD values for NSR and AFib in two databases. The Mann–Whitney U test revealed significant statistical differences between the distributions, with p-values smaller than 0.0001 (marked by ****).
Figure 8. Distribution of LCSD values for NSR and AFib in two databases. The Mann–Whitney U test revealed significant statistical differences between the distributions, with p-values smaller than 0.0001 (marked by ****).
Sensors 23 02854 g008
Figure 9. Comparison of Encoder-MLP (left) and Supervised Autoencoder (center) on CinC2017 data shows that SupAEs have insignificant changes in convergence and performance in terms of lower classification losses. The ROC curve of SupAE with and without the LCSD metric (right) highlights the best threshold value.
Figure 9. Comparison of Encoder-MLP (left) and Supervised Autoencoder (center) on CinC2017 data shows that SupAEs have insignificant changes in convergence and performance in terms of lower classification losses. The ROC curve of SupAE with and without the LCSD metric (right) highlights the best threshold value.
Sensors 23 02854 g009
Figure 10. Comparison of Encoder-MLP (left) and Supervised Autoencoder (center) on AFDB data shows the SupAE’s quicker convergence and better performance in terms of lower classification losses. The ROC curve of SupAE with and without the LCSD metric (right) highlights the best threshold value.
Figure 10. Comparison of Encoder-MLP (left) and Supervised Autoencoder (center) on AFDB data shows the SupAE’s quicker convergence and better performance in terms of lower classification losses. The ROC curve of SupAE with and without the LCSD metric (right) highlights the best threshold value.
Sensors 23 02854 g010
Figure 11. Comparing the performance of Encoder-MLP and Supervised Autoencoder on AFDB data using a patient-based split. The learning curves on the (left) and (center) show that both models face difficulties in converging the validation loss, possibly due to the presence of unseen pathological waveforms. The ROC curve of the SupAE model (right) with and without the LCSD metric highlights the best threshold value.
Figure 11. Comparing the performance of Encoder-MLP and Supervised Autoencoder on AFDB data using a patient-based split. The learning curves on the (left) and (center) show that both models face difficulties in converging the validation loss, possibly due to the presence of unseen pathological waveforms. The ROC curve of the SupAE model (right) with and without the LCSD metric highlights the best threshold value.
Sensors 23 02854 g011
Figure 12. Portion of a pathological ECG waveform from the AFDB database (recording 04043).
Figure 12. Portion of a pathological ECG waveform from the AFDB database (recording 04043).
Sensors 23 02854 g012
Table 1. Description of publicly available databases for atrial fibrillation detection.
Table 1. Description of publicly available databases for atrial fibrillation detection.
Database (Year)Lead SystemDuration
Recording
Sampling Rate (Hz)ADC ResolutionDynamic RangeBandwidth
CinC2017 (2017)Single-lead9–60 s30016-bit±5 mV0.5–40 Hz
AFDB (1983)Two-lead10 h25012-bit±10 mV0.1–40 Hz
Table 2. Number of recordings, signal portions, and ECG waves after data preprocessing.
Table 2. Number of recordings, signal portions, and ECG waves after data preprocessing.
DatabaseRecordingsSignal PortionsECG Waves
NSRAFibNSRAFib
CinC201757885050738144,31027,969
AFDB23288289478,898365,455
Table 3. Performance of the Logistic Regression classifier for the LCSD metric in two databases.
Table 3. Performance of the Logistic Regression classifier for the LCSD metric in two databases.
DatabaseAccuracyPrecisionRecallF1-Score
CinC20170.8700.7390.3040.431
AFDB0.7570.8200.5620.667
Table 4. Classification metrics for the proposed AE-based models using data from two PhysioNet databases. The best models for each database are highlighted in bold (based on the F1-Score).
Table 4. Classification metrics for the proposed AE-based models using data from two PhysioNet databases. The best models for each database are highlighted in bold (based on the F1-Score).
DatabaseSupAEFeaturesAccuracyF1-ScoreAUC
CinC2017NoAE0.8200.8270.892
AE+LCSD0.8850.8860.945
YesAE0.8310.8340.908
AE+LCSD0.8880.8880.951
AFDBNoAE0.7770.8030.797
AE+LCSD0.8180.8370.825
YesAE0.8700.8600.874
AE+LCSD0.8870.8790.908
AFDB
(by patient)
NoAE0.7030.7460.719
AE+LCSD0.7320.7630.754
YesAE0.8040.8150.833
AE+LCSD0.8370.8400.907
Table 5. Classification performances of different ANN-based algorithms, and comparison with our results.
Table 5. Classification performances of different ANN-based algorithms, and comparison with our results.
Data SourceAuthorMethodologyF1-ScoreFor Real-TimeFeature
Engineering
CinC2017Zhang et al. [27]DenseNet+Bi-LSTM0.990NoNo
Chen et al. [30]MLP0.915YesYes, 22 features
Proposed ApproachAE+MLP0.888YesNo
AFDBZhang et al. [27]DenseNet+Bi-LSTM0.876NoNo
Andersen et al. [31]CNN+LSTM0.972YesNo
Proposed ApproachAE+MLP0.879YesNo
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

Silva, R.; Fred, A.; Plácido da Silva, H. Morphological Autoencoders for Beat-by-Beat Atrial Fibrillation Detection Using Single-Lead ECG. Sensors 2023, 23, 2854. https://doi.org/10.3390/s23052854

AMA Style

Silva R, Fred A, Plácido da Silva H. Morphological Autoencoders for Beat-by-Beat Atrial Fibrillation Detection Using Single-Lead ECG. Sensors. 2023; 23(5):2854. https://doi.org/10.3390/s23052854

Chicago/Turabian Style

Silva, Rafael, Ana Fred, and Hugo Plácido da Silva. 2023. "Morphological Autoencoders for Beat-by-Beat Atrial Fibrillation Detection Using Single-Lead ECG" Sensors 23, no. 5: 2854. https://doi.org/10.3390/s23052854

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