Introduction
Atrial Fibrillation (AF), the most common cardiac arrhythmia in clinical practice, requires treatment intervention [1]. With the expanding aging population, the incidence of AF is also rising. However, due to an incomplete understanding of the pathophysiological mechanisms of AF, diagnosis has become challenging [2], particularly for patients with paroxysmal AF who require urgent attention. In the early stages, symptoms may be absent, and the arrhythmia may self-terminate [3]. It is estimated that traditional AF detection methods may fail to detect approximately 20% of AF cases [4–6]. In such cases, patients may not receive timely treatment, which can lead to adverse outcomes [7, 8]. Therefore, timely and accurate atrial fibrillation detection is particularly important.
Essentially, AF detection techniques can be categorized into three main types: those concentrating on atrial activity [9], those focusing on ventricular response [10], and those integrating both [11]. Atrial activity-based methods primarily focus on patterns like the absence of P-waves and the presence of f-waves but are sensitive to noise. On the other hand, ventricular response methods assess irregularities in RR intervals [12], with the QRS complex as a distinctive feature, making these techniques more robust [13]. By integrating atrial activity with ventricular response, the efficacy of AF detection can be amplified. However, the delineation of ECG waveforms, crucial for these analyses, remains vulnerable to noise interference. Typically, algorithms based on machine learning and deep learning extract features from both the atria and ventricles in ECG signals, commonly integrating the analysis of P waves and the irregularity of R-R intervals [14–16]. This approach falls under the category of comprehensive methods.
However, in traditional machine learning techniques, features representing cardiac arrhythmias are typically created through interaction with domain experts and through the review of relevant literature [17]. These features are then passed as input to shallow classifiers such as support vector machines (SVM) [16, 18, 19], and k-nearest neighbors [20]. These classifiers utilize these distinctive features to detect AF from ECG signals. For example, in the study by Henzel et al. [21], they input four statistical features of RR intervals into a generalized linear classifier for AF diagnosis. However, algorithms relying on manual feature extraction often overfit on training data, leading to poor performance when applied to unseen data [17]. This overfitting phenomenon may stem from manually selected features failing to fully capture the complex information in ECG signals, resulting in inadequate algorithm generalization [17]. Therefore, the application of traditional machine learning methods in the field of atrial fibrillation detection has been limited.
In recent years, deep learning (DL) technology has significantly surpassed traditional feature engineering and machine learning methods in multiple areas such as computer vision, natural language processing, and speech recognition, breaking through the limitations of conventional machine learning techniques [22]. Moreover, the application of deep learning in the detection of atrial fibrillation (AF) has showcased its tremendous potential for development, with an increasing adoption of deep learning technologies in AF detection [23, 24]. Specifically, convolutional neural networks (CNNs) have been extensively used as an important DL method in ECG signal analysis and classification [25–27]. Compared to traditional methods, CNNs can directly learn complex and representative features from data, thereby avoiding the need for manual feature engineering. For instance, Acharya et al. [28] presented an 11-layer CNN architecture with a four-neuron output layer for the classification of ECG signals [28]. Additionally, they constructed another 11-layer CNN model that effectively differentiates between shockable and non-shockable ventricular arrhythmias [29]. Rahhal et al. introduced an unsupervised DL approach for ECG classification and achieved encouraging results on publicly available databases including MIT-BIH and INCART arrhythmia databases [30]. Zubair et al. validated a CNN-based model on 44 ECG recordings from the MIT-BIH database, classifying ECG beats into five different categories [31]. These studies demonstrate the versatility and effectiveness of Convolutional Neural Networks (CNNs) in the analysis of electrocardiogram (ECG) signals and the detection of atrial fibrillation (AF). Compared to traditional methods of AF detection, deep learning (DL) approaches offer superior performance and robustness [32]. However, existing deep learning methods, despite their success in improving accuracy, typically face challenges related to high model complexity, significant computational resource consumption, and substantial storage requirements [33]. These issues often prevent achieving a good balance between accuracy and computational efficiency, limiting their application in resource-constrained environments. To address these challenges, this research introduces an efficient multi-scale dilated CNN framework aimed at exploring both lightweight and efficient deep learning algorithms. This approach, by combining multi-scale feature extraction with a lightweight network design, not only ensures the diagnostic accuracy of the model but also significantly enhances computational and storage efficiency, making it suitable for scenarios with limited computational resources.
The AF-MSDC (Atrial Fibrillation Detection using Multi-Scale Dilated Convolution) model proposed in this paper is an improvement on the 1D-ResNet network. Our key innovation lies in introducing Multi-Scale Dilated Convolutional blocks (MSDC blocks) to replace the traditional residual connection blocks in 1D-ResNet. MSDC blocks consist of multiple parallel dilated convolutional layers, which vary in the number of filters, kernel sizes, and dilation rates, thereby providing a rich multi-scale receptive field. This structural design not only maintains a receptive field size similar to that of traditional residual blocks (as shown in Fig 2) but also significantly reduces the model’s parameter count (as summarized in Table 1). We propose two multi-scale dilated convolution models, AF-MSDC A and AF-MSDC B (based on MSDC Block A and MSDC Block B from Fig 1), and have conducted comparative tests with a variety of state-of-the-art atrial fibrillation (AF) detection methods on two commonly used AF detection datasets, MIT-BIH AFDB and Physionet Challenge 2017, as well as ablation experiments with our proposed single-scale AF-MSDC C model (based on MSDC Block C from Fig 1). The AF-MSDC B model, while maintaining a receptive field comparable to the original residual block, has only a quarter of the parameter count of the 1D-ResNet model. It demonstrated a sensitivity of 99.45% and a specificity of 99.61% on the Physionet Challenge 2017 AFDB dataset, and achieved an F1 score of 84.83% on the MIT-BIH AFDB dataset, with performance similar to that of AF-MSDC A (which has a slightly higher parameter count than AF-MSDC B). These metrics surpass those of traditional 1D-ResNet models and other state-of-the-art models, indicating they can achieve exceptional AF detection performance with minimal storage space and computational power. Based on these advantages, the AF-MSDC models are promising candidates for embedding into wearable AF detection devices, relying solely on the limited resources of these devices for highly accurate detection, without the need for cloud-based computing, thus effectively avoiding risks such as data breaches.
[Figure omitted. See PDF.]
MSDC block C employs solely standard dilation, without the incorporation of multi-scale dilation convolution. Our proposed methodology introduces two distinct dilation convolution blocks, namely MSDC block A and MSDC block B. Comparative analysis of these convolution blocks, specifically focusing on their performance metrics, is detailed in Tables 3 and 5.
[Figure omitted. See PDF.]
As our objective is to predict atrial fibrillation from electrocardiogram signals, which are one-dimensional data consisting of 16 data points, the convolution kernels are utilized in a one-dimensional format.
[Figure omitted. See PDF.]
In summary, our contributions are summarized as the following:
1. MSDC Block Innovation: Introduced an efficient multi-scale dilation convolutional neural network (CNN) anchored by the novel MSDC block, offering a balance between performance and reduced parameter size.
2. Benchmarked Superiority: Validated our model on renowned datasets, achieving notable superiority over state-of-the-art models like ResNet in sensitivity, specificity, and score.
3. Wearable Device Optimization: Designed with wearables in mind, our model’s efficiency makes it ideal for real-time AF detection on edge computing-focused wearable ECG devices.
The subsequent sections of this paper are structured as follows: a comprehensive explanation of the proposed approach is presented in the Methodology section. The evaluation experiments are conducted, and their outcomes are discussed in the Experiments section. The paper concludes with a summary in the Conclusion section, along with a glimpse into potential future research directions.
Related work
Traditional Atrial Fibrillation detection algorithms
The importance of detecting atrial fibrillation (AF) is well-recognized, and the development of its detection algorithms is a topic of significant interest. Broadly, these algorithms fall into three categories:
1. Algorithms that analyze atrial activity [9].
2. Algorithms that focus on ventricular activity [10].
3. Hybrid algorithms that combine both atrial and ventricular activity [11].
Atrial activity in AF is primarily marked by the vanishing of P waves and the emergence of f waves. Detection based on this activity primarily relies on these features [34–38]. However, these atrial waves are minute components in the ECG signal and can easily be distorted by noise, potentially undermining the algorithm’s efficacy.
Ventricular activity in AF is characterized by the inconsistency in RR intervals in the ECG signal, which relates to the timing difference of the QRS wave group [18, 39–44]. Algorithms based on this are less vulnerable to noise and evaluate the irregularities in the RR sequence. While these are robust even without atrial data, their detection accuracy has limitations. Algorithms that merge atrial and ventricular analyses offer both resilience and enhanced performance [45].
Deep learning-based atrial fibrillation detection algorithms
Inspired by advancements in deep learning in areas like computer vision, speech recognition, and natural language processing [46], researchers have started leveraging it for AF detection. The shift has moved from conventional machine learning methods to sophisticated deep learning techniques. Predominantly, AF detection models using deep learning are built on Recurrent Neural Networks (RNN) [16, 25–27] and Convolutional Neural Networks (CNN) [16, 25, 47].
For CNN applications in AF detection, there are two main strategies. The first transforms the ECG signal into a time-frequency representation [14, 16, 25, 48]. The second employs a 1D-CNN [49] that directly interprets the one-dimensional ECG data.
While RNNs aren’t ideal for direct AF detection, their combination with CNNs, forming RCNNs, is gaining traction [14–16]. Typically, the ECG morphology segment utilizes a CNN or RCNN, processing the complete ECG signal to distill its cardiac features. Simultaneously, the rhythm component, often composed of one or more RNN layers, processes Heart Rate Variation (HRV) data to extract rhythm characteristics.
Some wearable atrial fibrillation detection devices
In recent years, the functionality of smartwatches has extended beyond simple timekeeping to include health monitoring, particularly cardiac monitoring, making them a focal point in the realm of digital health. Representative smartwatches like the Apple Watch [50] incorporate built-in photoplethysmography sensors that can identify irregular pulses and detect atrial fibrillation and atrial flutter. These devices not only generate and record single-lead electrocardiograms (ECGs) when worn as recommended (on the left wrist), but also allow users to share the data with healthcare professionals through smartphone applications, thereby increasing the detection rate of cardiac arrhythmias and contributing to improved digital health outcomes.
A study sponsored by Apple in 2019 revealed that out of 450 participants, 34% received notifications of irregular pulses, leading to a diagnosis of atrial fibrillation in some cases [51]. While further testing is required to validate these findings, they support the effectiveness of smartwatches in detecting cardiac arrhythmias. Furthermore, research reports on the Apple Watch Series 4 and subsequent models suggest that these devices can be adjusted to record ECGs equivalent to the six positions of a traditional 12-lead ECG, including Einthoven’s leads I, II, III, and chest leads V1, V4, and V6, with comparable accuracy and signal quality [52, 53]. The application of this technology was further demonstrated in a case series study conducted in 2019, where the 3-lead ECGs reported by the Apple Watch consistently indicated ST-segment elevation, a marker for myocardial infarction, similar to conventional ECG readings [54], indicating the potential of these devices in early detection of acute coronary syndromes.
In addition to the Apple Watch, there are other wearable devices designed specifically for cardiac rhythm monitoring, such as AliveCor [55], ZioPatch [56], and ECG Check [57]. These devices transmit electrocardiogram data to smartphones via sensors for detecting atrial fibrillation, showcasing the integration of medical technology with mobile connectivity. Other innovative products, such as MyDiagnostick [58], simplify atrial fibrillation detection with its wand-like design, while the T-Shirt-Type Wearable Electrocardiography Monitor [59] embeds electrodes into fabric, providing continuous ECG monitoring for individuals leading active lifestyles. These developments demonstrate the progress of wearable ECG technology, combining medical accuracy with user convenience. They not only enhance the convenience and efficiency of cardiac health monitoring but also open up new possibilities for personal health management.
Methodology
AF-MSDC (Atrial Fibrillation Detection using Multi-Scale Dilated Convolution) network is primarily composed of Dilated Convolution layers. As mentioned earlier, Dilated Convolution is a special type of convolutional layer that introduces a dilation factor d. Unlike traditional convolutional layers where the spacing between input elements matched by the convolutional kernel is 0, in Dilated Convolution, the spacing becomes d − 1 during each convolution operation. Traditional convolutional layers have a dilation factor of 0.
AF-MSDC network is an innovative network proposed as an alternative to the 1D-ResNet atrial fibrillation detection network. 1D-ResNet suffers from a large number of parameters due to its large kernel size and deep network structure. Simply reducing the kernel size would result in a decrease in the receptive field during convolution, leading to a decline in atrial fibrillation detection performance. However, reducing the kernel size is crucial for reducing the number of parameters in the convolutional network. To address this issue and maintain the receptive field size while reducing the kernel size, Multi-Scale Dilation Convolution is introduced to construct the AF-MSDC atrial fibrillation detection network.
1D-ResNet is primarily composed of 15 stacked Residual Blocks. In this study, various MSDC (Multi-Scale Dilated Convolution) blocks are designed to replace the Residual Blocks for constructing the AF-MSDC network. The figure below illustrates a structural comparison between the three types of MSDC blocks (MSDC block A, MSDC block B, and MSDC block C) and the Residual Block. In the figure, k, s, and f represent the kernel size, stride, and number of filters in the convolutional layer, respectively. For the MSDC block, the k, s, and f of the Dilated Convolution represent the kernel size, dilation factor, and number of filters, respectively. The stride s for Dilated Convolution is set to 1.
The three MSDC blocks correspond to the construction of AF-MSDC A, AF-MSDC B, and AF-MSDC C for atrial fibrillation (AF) detection networks. Table 1 provides a comparison between the three MSDC blocks and the Residual block, including the parameters of the convolutional layers, receptive field size, and network parameter sizes. The convolutional layer parameters (k, s, d, f) correspond to the kernel size, stride, dilation factor, and number of kernels, respectively. The receptive field calculation method is illustrated in Fig 2, where the number of sequence elements involved in the convolutional operation for each block is counted for a heart rate signal of length 16. From the figure, it can be observed that the receptive field sizes of the Residual block and the three MSDC blocks are 16, 13, 11, and 8, respectively.
Given the convolutional layer parameters (k, s, d, f), the formula to calculate the number of parameters W in the convolutional layer is as follows Formula (1).(1)
Based on Formula (1), the number of parameters in the Residual block and the three MSDC blocks can be calculated as follows: 512 for the Residual block, 224 for MSDC block B, 128 for MSDC block A, and 256 for MSDC block C. From Table 1, it can be observed that MSDC block B has three dilated convolution branches, with a receptive field size closest to that of the Residual block, while having only one-fourth of the parameters compared to the Residual block. MSDC block A has two dilated convolution branches, with a receptive field size of 11/16 of the Residual block and less than half of the parameters. MSDC block C is a single-branch dilated convolution network, with both the receptive field size and the number of parameters being half of the Residual block. The AF-MSDC A, AF-MSDC B, and AF-MSDC C atrial fibrillation detection networks consist of 15 MSDC block A, MSDC block B, and MSDC block C, respectively. It can be inferred that the network parameters of AF-MSDC A and AF-MSDC B are half and one-fourth, respectively, compared to 1D-ResNet.
Experiments
In this section, we first introduce two widely used datasets. Then, the experiment settings are described. The results of the datasets are reported and discussed at the end.
Datasets and settings
This segment presents the evaluation results concerning the AF-MSDC algorithm on the MIT-BIH AFDB and the Physionet Challenge 2017 databases, sequentially. Utilizing the Adam optimization technique with an initial learning rate of 0.0001 for a duration of 100 cycles constitutes the training approach for AF-MSDC. Termination of training occurs promptly if the validation set’s loss does not decrease over a span of 10 successive epochs. Additionally, in the process of generating the cardiac waveform diagram, the adjacency matrix is assigned a value of 3. The comparison of relevant parameters between the MIT-BIH AFDB and the Physionet Challenge 2017 datasets is shown in Table 2.
[Figure omitted. See PDF.]
MIT-BIH AFDB: Comprising 25 extended ambulatory ECG recordings from patients afflicted with AF, the MIT-BIH AFDB stands as a prominent public database in the domain of atrial fibrillation [60]. Each ECG recording spans approximately 10 hours and encompasses ECG data derived from leads II and V2. The sampling frequency employed is 250 Hz, while the resolution of ECG amplitude reaches 12 bits. Beth Israel Hospital in Boston served as the source for all ECG recordings, acquired using the Holter ambulatory ECG recorder, featuring a signal bandwidth spanning from 0.1 Hz to 40 Hz. The repository of MIT-BIH AFDB encompasses four principal rhythms, specifically the atrial fibrillation rhythm, atrial flutter rhythm, junctional rhythm, and normal rhythm. Among its contents are 65 labeled rhythm segments, inclusive of 12 junctional rhythm segments, 14 atrial flutter rhythm segments, and 291 atrial fibrillation rhythm segments, alongside an additional 288 segments presenting various other rhythms, including the normal rhythm.
In this study, we focused on leveraging the extensive MIT-BIH AFDB ECG dataset, which comprises extended recordings of electrocardiograms. Our approach involved segmenting these ECG recordings into 10-second intervals, forming the foundation of our AF dataset. This curated dataset was pivotal for evaluating the performance of our atrial fibrillation algorithm. It was imperative that the 10-second atrial fibrillation segments conformed entirely to the rhythmically labeled sections of the MIT-BIH AFDB. Similarly, the 10-second non-AF segments had to fit entirely within the annotated non-AF rhythm portions of the MIT-BIH AFDB. Through this systematic methodology, we successfully extracted a total of 82,660 signal segments, each lasting 10 seconds. Within this set, 33,072 segments corresponded to AF signals, while the remaining 49,588 segments represented non-AF signals. Notably, the AF and non-AF categories on the MIT-BIH AFDB aligned perfectly with the distribution of atrial fibrillation and non-AF segments. Subsequently, we partitioned these segments into training, validation, and testing sets using an 8:1:1 ratio.
The aim of categorization in the MIT-BIH AFDB dataset involves segregating ECG signals into two distinct groups: atrial fibrillation (AF) and non-atrial fibrillation (Non-AF). The corresponding metrics denoting index sensitivity and specificity are outlined in the subsequent manner:(2)Where NTP signifies the count of samples assigned as AF fragments within the set of AF fragment samples, NTN corresponds to the tally of samples slated as non-AF fragments among non-AF segment samples, NFP stands for the number of samples labeled as AF samples within the non-AF segment sample group, and NFN denotes the figure of samples categorized as non-AF fragments.
Physionet Challenge 2017: The AFDB dataset from the Physionet Challenge 2017, known as the Physiological Data Challenge 2017 [61], constitutes a publicly accessible resource. Contributed by AliveCor, a company specializing in wearable ECG devices, the Cinc17 AFDB dataset encompasses ECG recordings gathered during the Physionet Challenge 2017. These ECG recordings, acquired at a sampling rate of 300 Hz, align more suitably with scenarios involving ECG wearable devices for AF monitoring. The ECG data within the Cinc17 AFDB repository are categorized into four classes: normal rhythm, atrial fibrillation rhythm, other rhythms, and noise recordings. These categories are labeled as Normal, AF, Other, and Noise respectively. The Physionet Challenge 2017 AFDB dataset is divided into two main segments: the training set and the test set. Inclusive of 8528 ECG records, the training set features ECG durations spanning from 9 to 30 seconds. Correspondingly, the test set, which mirrors the temporal distribution of the training set, comprises 3658 ECGs. As of now, the test set has not been publicly released.
The Physionet Challenge 2017 AFDB comprises ECG data characterized by short-range recordings, presenting sequences of non-segmented fixed-length signals. This dataset is organized into four distinct classification groups: normal cardiac rhythm, atrial fibrillation (AF) rhythm, alternate rhythms, and noise recordings. These categories are denoted as Normal, AF, Other, and Noise, respectively. The allocation of data involves partitioning into training, validation, and testing subsets, distributed at an 8:1:1 ratio.
The objective of the 2017 Physionet Challenge lies in the classification of ECG signals, a task centered at the intersection of artificial intelligence and bioinformatics. The primary goal is to assign ECG signals to one among four distinct categories: Normal, AF, Other, and Noise. This task entails a categorization complexity across four classes. In this investigation, the evaluation metrics encompass the macro-averaged F1 score alongside the F1 scores for individual categories denoted as F1all. Specifically, the F1 score corresponding to Normal rhythm is denoted as F1n, while the F1 score for AF rhythm is referred to as F1a. Furthermore, the F1 score related to other rhythms is recognized as F1o, whereas the F1 score pertaining to noise recordings is identified as F1p. Employing the F1 score offers a more equitable criterion for categorization, effectively balancing Sensitivity and Specificity and thereby mitigating the influence of class imbalance.
The F1 scores of the normal rhythm F1n,(3)
The F1 scores of the AF rhythm F1a,(4)
The F1 scores of the other rhythms F1o,(5)
The F1 scores of the noise recordings F1p,(6)
The final macro-average F1 score was calculated as,(7)
Results analysis and comparison
This section presents the evaluation results of the AF-MSDC algorithm on databases such as MIT-BIH AFDB and Physionet Challenge 2017, with a particular emphasis on highlighting the advantages of the AF-MSDC algorithm in terms of network parameter quantity.
The Atrial Fibrillation (AF) detection task on the MIT-BIH AFDB is a binary classification task, aiming to classify AF and non-AF signals, with evaluation metrics including sensitivity [62] and specificity [63]. Table 3 shows the evaluation results of the AF-MSDC algorithm on the MIT-BIH AFDB database, comparing it with other atrial fibrillation detection methods based on atrial activity [34], ventricular activity [39, 40, 42], combined atrial and ventricular activity [48], and deep learning methods [25–28, 43, 64–66].
[Figure omitted. See PDF.]
From the Table 3, it is evident that traditional methods, such as J. Slocum’s Atrial Activity [34], underperform other algorithms in both sensitivity and specificity. Notably, its sensitivity is only 62.80%, suggesting that this method might face challenges in detecting arrhythmias. Given that it primarily focuses on atrial activities, this may imply that atrial activities alone might not be sufficient to capture all instances of arrhythmia comprehensively. With the substantial advances made by deep learning-based methods in recent years, their performance on this task has significantly surpassed traditional approaches. For instance, the Ventricular Activity methods proposed by Dash et al. [40], Tateno et al [39], and Huang et al. [42] all achieve over 95% on Sp, demonstrating robust negative class prediction capabilities. The method by Jiang et al. [49], which integrates both atrial and ventricular activities, exhibits Se and Sp nearing 98%, suggesting that combining multiple cardiac activities could yield superior results. Some of the latest techniques in deep learning, like the 2D CNN by Xia et al. [25], 1D-ResNet by Hannun et al. [27], and Bi-directional LSTM by Xie et al. [26], have both Se and Sp exceeding 98%, showcasing their potential in detecting complex arrhythmic patterns. In terms of atrial fibrillation (AF) detection performance, our proposed two models based on multi-scale atrous convolutions, AF-MSDC A and AF-MSDC B, performed the best, surpassing the 1D-ResNet method. However, AF-MSDC C’s performance was similar to that of the state-of-the-art 1D-ResNet AF detection algorithm, with a slight decrease in performance. This could be attributed to AF-MSDC C only utilizing a single scale of dilated convolution blocks, leading to a reduced receptive field. This reduction introduces gaps in the input data, affecting the model’s effectiveness in feature extraction, potentially overlooking critical local features. The single dimension of atrous convolution also reduces the size of parameters, possibly failing to learn more complex representations, ultimately leading to decreased performance. However, our proposed multi-scale dilated convolution blocks effectively compensated for this loss in performance. Moreover, our models not only achieved industry-leading performance but also realized extreme reduction in the number of parameters. As shown in Table 4, the unit of network parameters is million (M). A comparison reveals that the number of parameters in AF-MSDC B is only a quarter of that in 1D-ResNet, yet its performance in AF detection is even better. The number of parameters in AF-MSDC A is about half of that in 1D-ResNet, yet it achieved the best AF detection performance. This fully demonstrates our success in maximizing performance with minimal resource consumption.
[Figure omitted. See PDF.]
The ECG recordings in the MIT-BIH AFDB database are obtained from dynamic Holter ECG data and do not belong to data collected from wearable ECG devices. To validate the atrial fibrillation (AF) detection performance of the AF-MSDC algorithm on wearable ECG data, we evaluated the algorithm on the Physionet Challenge 2017 AFDB database. The ECG data in the Physionet Challenge 2017 AFDB are collected using the Kardia Band, a wearable ECG device developed by AliveCor. This dataset is suitable for assessing the algorithm’s performance on wearable ECG data. The AF detection on the Physionet Challenge 2017 AFDB involves a four-class classification task, aiming to classify the input ECG signals into Normal, AF, Other, and Noise categories. The evaluation metrics include the Normal F1 Score (), AF F1 Score (), Other F1 Score (), Noisy F1 Score (), and the average F1 Score (). Table 5 presents the evaluation results of the AF-MSDC algorithm on the Physionet Challenge 2017 AFDB database. A comparison is made with existing AF detection algorithms developed using real wearable ECG data, including deep learning-based algorithms [14, 15, 27, 67] and machine learning-based algorithms [16, 19].
[Figure omitted. See PDF.]
From Table 5, it is evident that compared to atrial fibrillation detection algorithms based on deep learning, atrial fibrillation detection algorithms based on machine learning, such as SVM methods by Radovan and Yazdan, perform relatively weaker. Specifically, on the F1all evaluation metric, the highest score achieved by SVM methods is only 81.31%, whereas scores of deep learning methods significantly exceed this value. Among the deep learning algorithms, 1D-RCNN, when combined with HRV (1D-RCNN+HRV), achieves an F1all score of 81.99%, which is 2.71 percentage points higher than 1D-RCNN score without HRV (79.28%). This clearly underscores the crucial role of heart rate variability (HRV) as an additional cardiac rhythm feature in enhancing AF detection performance.
Among the listed deep learning-based AF detection algorithms, 1D ResNet boasts the most remarkable F1all performance, reaching 83.60%. However, in comparison, the performance of proposed algorithms AF-MSDC A and AF-MSDC B stands out even more. Specifically,AF-MSDC A achieves an F1all score of 85.63% (as shown in Table 6) with less than half the number of parameters compared to 1D-ResNet, which is significantly higher than that of 1D ResNet. Additionally, AF-MSDC B still outperforms 1D-ResNet even with only a quarter of the parameters of 1D-ResNet, reaching an F1all score of 84.83%. This superior performance can be attributed to the design of the MSDC block within AF-MSDC. Through this design, the network can extract multi-scale features from ECG signals, leading to stronger and more discriminative classification features, which further enhances the performance of AF detection.
[Figure omitted. See PDF.]
When comparing the performance of two multi-scale convolutional models, AF-MSDC A and AF-MSDC B, on two datasets (Tables 3 and 5), we observed that AF-MSDC A, which has fewer types of dilated convolutional kernels(Table 1), actually outperformed AF-MSDC B (both models have an equal number of dilated convolutional kernels, denoted as F, corresponding to the number of convolutional kernels in 1D-ResNet). We hypothesize that although AF-MSDC B has a sparser structure, more expansive convolutions, and a larger receptive field(Table 1), theoretically enabling it to capture a wider range of features from electrocardiogram (ECG) signals, these features may not be as significantly effective for AF detection as the richer and more important scale features captured by AF-MSDC A. This highlights the importance of striking a balance between the quantity of multi-scale features and the fundamental scale features that are crucial for the task.
Conclusion
Atrial Fibrillation (AF) is clinically pivotal due to its association with increased risks, notably those pertaining to age-induced stroke events. Addressing this crucial concern, our research elucidates a novel approach harnessing a multi-dilation Convolutional Neural Network (CNN) enhanced with Multi-Scale Dilation Convolution (MSDC) blocks. This innovative methodology sets itself apart by its ability to adeptly extract multi-scale features, thus achieving marked parameter optimization. The effectiveness of our methodology receives affirmation through meticulous assessments employing well-recognized databases, such as the MIT-BIH Atrial Fibrillation Database and the Physionet Challenge 2017. Impressively, in comparison to the ResNet model, our approach consistently demonstrates superior performance while maintaining a significantly reduced parameter size.
Meanwhile, our model exhibits enormous application potential, capable of being integrated into wearable atrial fibrillation detection devices while minimizing hardware requirements, thereby reducing the risk of data breaches and ensuring the best possible detection outcomes.
Citation: Xia L, He S, Huang Y-F, Ma H (2024) Multiscale dilated convolutional neural network for Atrial Fibrillation detection. PLoS ONE 19(6): e0301691. https://doi.org/10.1371/journal.pone.0301691
About the Authors:
Lingnan Xia
Roles: Formal analysis, Methodology, Project administration, Software, Writing – original draft, Writing – review & editing
Affiliation: Henan High-speed Railway Operation and Maintenance Engineering Research Center, Zhengzhou Railway Vocational and Technical College, Zhengzhou, China
Sirui He
Roles: Investigation, Resources, Writing – review & editing
Affiliation: Department of Big Data Management and Application, Dalian Polytechnic University, Dalian, Liaoning, China
Y-F Huang
Roles: Conceptualization, Methodology, Project administration, Software, Validation, Visualization, Writing – original draft, Writing – review & editing
Affiliation: Henan High-speed Railway Operation and Maintenance Engineering Research Center, Zhengzhou Railway Vocational and Technical College, Zhengzhou, China
Hua Ma
Roles: Conceptualization, Data curation, Formal analysis, Funding acquisition, Resources, Supervision, Writing – original draft
E-mail: [email protected]
Affiliation: Henan High-speed Railway Operation and Maintenance Engineering Research Center, Zhengzhou Railway Vocational and Technical College, Zhengzhou, China
ORICD: https://orcid.org/0009-0003-7746-4639
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
1. Kong X, Ravikumar V, Mulpuru SK, Roukoz H, Tolkacheva EG. A Data-Driven Preprocessing Framework for Atrial Fibrillation Intracardiac Electrocardiogram Analysis. Entropy. 2023;25(2):332. pmid:36832698
2. Harris K, Edwards D, Mant J. How can we best detect atrial fibrillation? The journal of the Royal College of Physicians of Edinburgh. 2012;42:5–22. pmid:22518390
3. Kearley K, Selwood M, Van den Bruel A, Thompson M, Mant D, Hobbs FR, et al. Triage tests for identifying atrial fibrillation in primary care: a diagnostic accuracy study comparing single-lead ECG and modified BP monitors. BMJ open. 2014;4(5). pmid:24793250
4. Camm AJ, Corbucci G, Padeletti L. Usefulness of continuous electrocardiographic monitoring for atrial fibrillation. The American journal of cardiology. 2012;110(2):270–276. pmid:22503584
5. Humphries KH, Kerr CR, Connolly SJ, Klein G, Boone JA, Green M, et al. New-onset atrial fibrillation: sex differences in presentation, treatment, and outcome. Circulation. 2001;103(19):2365–2370. pmid:11352885
6. Defaye P, Dournaux F, Mouton E, GROUP AMS. Prevalence of supraventricular arrhythmias from the automated analysis of data stored in the DDD pacemakers of 617 patients: the AIDA study. Pacing and clinical electrophysiology. 1998;21(1):250–255. pmid:9474682
7. Tsang TS, Petty GW, Barnes ME, O’Fallon WM, Bailey KR, Wiebers DO, et al. The prevalence of atrial fibrillation in incident stroke cases and matched population controls in Rochester, Minnesota: changes over three decades. Journal of the American College of Cardiology. 2003;42(1):93–100. pmid:12849666
8. Guo F, He D, Zhang W, Walton RG. Trends in prevalence, awareness, management, and control of hypertension among United States adults, 1999 to 2010. Journal of the American College of Cardiology. 2012;60(7):599–606. pmid:22796254
9. Tuboly G, Kozmann G, Kiss O, Merkely B. Atrial fibrillation detection with and without atrial activity analysis using lead-I mobile ECG technology. Biomedical Signal Processing and Control. 2021;66:102462.
10. Larburu N, Lopetegi T, Romero I. Comparative study of algorithms for atrial fibrillation detection. In: 2011 Computing in Cardiology. IEEE; 2011. p. 265–268.
11. Yue Y, Chen C, Liu P, Xing Y, Zhou X. Automatic detection of short-term atrial fibrillation segments based on frequency slice wavelet transform and machine learning techniques. Sensors. 2021;21(16):5302. pmid:34450743
12. Gokana V, Phua CT, Lissorgues G. Automatic detection of atrial fibrillation using rr interval from ecg signals. In: The 15th International Conference on Biomedical Engineering: ICBME 2013, 4th to 7th December 2013, Singapore. Springer; 2014. p. 215–218.
13. Maknickas V, Maknickas A. Atrial fibrillation classification using qrs complex features and lstm. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
14. Xiong Z, Stiles MK, Zhao J. Robust ECG signal classification for detection of atrial fibrillation using a novel neural network. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
15. Warrick P, Homsi MN. Cardiac arrhythmia detection from ECG combining convolutional and long short-term memory networks. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
16. Smíšek R, Hejč J, Ronzhina M, Nĕmcová A, Maršánová L, Chmelík J, et al. SVM based ECG classification using rhythm and morphology features, cluster analysis and multilevel noise estimation. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
17. Murat F, Sadak F, Yildirim O, Talo M, Murat E, Karabatak M, et al. Review of deep learning-based atrial fibrillation detection studies. International journal of environmental research and public health. 2021;18(21):11302. pmid:34769819
18. Asgari S, Mehrnia A, Moussavi M. Automatic detection of atrial fibrillation using stationary wavelet transform and support vector machine. Computers in biology and medicine. 2015;60:132–142. pmid:25817534
19. Yazdani S, Laub P, Luca A, Vesin JM. Heart rhythm classification using short-term ECG atrial and ventricular activity analysis. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
20. Resiandi K, Utama DQ, et al. Detection of atrial fibrillation disease based on electrocardiogram signal classification using RR interval and K-nearest neighbor. In: 2018 6th International Conference on Information and Communication Technology (ICoICT). IEEE; 2018. p. 501–506.
21. Henzel N, Wróbel J, Horoba K. Atrial fibrillation episodes detection based on classification of heart rate derived features. In: 2017 MIXDES-24th International Conference” Mixed Design of Integrated Circuits and Systems. IEEE; 2017. p. 571–576.
22. Shrestha A, Mahmood A. Review of Deep Learning Algorithms and Architectures. IEEE Access. 2019;7:53040–53065.
23. Chen X, Cheng Z, Wang S, Lu G, Xv G, Liu Q, et al. Atrial fibrillation detection based on multi-feature extraction and convolutional neural network for processing ECG signals. Computer Methods and Programs in Biomedicine. 2021;202:106009. pmid:33631641
24. Mousavi S, Afghah F, Razi A, Acharya UR. ECGNET: Learning where to attend for detection of atrial fibrillation with deep visual attention. In: 2019 IEEE EMBS International Conference on Biomedical & Health Informatics (BHI). IEEE; 2019. p. 1–4.
25. Xia Y, Wulan N, Wang K, Zhang H. Detecting atrial fibrillation by deep convolutional neural networks. Computers in biology and medicine. 2018;93:84–92. pmid:29291535
26. Xie P, Wang G, Zhang C, Chen M, Yang H, Lv T, et al. Bidirectional recurrent neural network and convolutional neural network (BiRCNN) for ECG beat classification. In: 2018 40th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC). IEEE; 2018. p. 2555–2558.
27. Hannun AY, Rajpurkar P, Haghpanahi M, Tison GH, Bourn C, Turakhia MP, et al. Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nature medicine. 2019;25(1):65–69. pmid:30617320
28. Acharya UR, Fujita H, Lih OS, Hagiwara Y, Tan JH, Adam M. Automated detection of arrhythmias using different intervals of tachycardia ECG segments with convolutional neural network. Information sciences. 2017;405:81–90.
29. Acharya UR, Fujita H, Oh SL, Raghavendra U, Tan JH, Adam M, et al. Automated identification of shockable and non-shockable life-threatening ventricular arrhythmias using convolutional neural network. Future Generation Computer Systems. 2018;79:952–959.
30. Al Rahhal MM, Bazi Y, AlHichri H, Alajlan N, Melgani F, Yager RR. Deep learning approach for active classification of electrocardiogram signals. Information Sciences. 2016;345:340–354.
31. Zubair M, Kim J, Yoon C. An Automated ECG Beat Classification System Using Convolutional Neural Networks. In: 2016 6th International Conference on IT Convergence and Security (ICITCS); 2016. p. 1–5.
32. Faust O, Kareem M, Shenfield A, Ali A, Acharya UR. Validating the robustness of an internet of things based atrial fibrillation detection system. Pattern Recognition Letters. 2020;133:55–61.
33. Serhal H, Abdallah N, Marion JM, Chauvet P, Oueidat M, Humeau-Heurtier A. Overview on prediction, detection, and classification of atrial fibrillation using wavelets and AI on ECG. Computers in Biology and Medicine. 2022;142:105168. pmid:35033876
34. Slocum J, Sahakian A, Swiryn S. Diagnosis of atrial fibrillation from surface electrocardiograms based on computer-detected atrial activity. Journal of electrocardiology. 1992;25(1):1–8. pmid:1735788
35. Du X, Rao N, Qian M, Liu D, Li J, Feng W, et al. A novel method for real-time atrial fibrillation detection in electrocardiograms using multiple parameters. Annals of Noninvasive electrocardiology. 2014;19(3):217–225. pmid:24252119
36. Alcaraz R, Vayá C, Cervigón R, Sánchez C, Rieta J. Wavelet sample entropy: A new approach to predict termination of atrial fibrillation. In: 2006 Computers in Cardiology. IEEE; 2006. p. 597–600.
37. Ródenas J, García M, Alcaraz R, Rieta JJ. Wavelet entropy automatically detects episodes of atrial fibrillation from single-lead electrocardiograms. Entropy. 2015;17(9):6179–6199.
38. García M, Ródenas J, Alcaraz R, Rieta JJ. Application of the relative wavelet energy to heart rate independent detection of atrial fibrillation. computer methods and programs in biomedicine. 2016;131:157–168. pmid:27265056
39. Tateno K, Glass L. Automatic detection of atrial fibrillation using the coefficient of variation and density histograms of RR and ΔRR intervals. Medical and Biological Engineering and Computing. 2001;39(6):664–671. pmid:11804173
40. Dash S, Chon K, Lu S, Raeder E. Automatic real time detection of atrial fibrillation. Annals of biomedical engineering. 2009;37(9):1701–1709. pmid:19533358
41. Langley P, Dewhurst M, Di Marco L, Adams P, Dewhurst F, Mwita J, et al. Accuracy of algorithms for detection of atrial fibrillation from short duration beat interval recordings. Medical engineering & physics. 2012;34(10):1441–1447. pmid:22398415
42. Huang C, Ye S, Chen H, Li D, He F, Tu Y. A novel method for detection of the transition between atrial fibrillation and sinus rhythm. IEEE Transactions on Biomedical Engineering. 2010;58(4):1113–1119. pmid:21134807
43. Zhou X, Ding H, Ung B, Pickwell-MacPherson E, Zhang Y. Automatic online detection of atrial fibrillation based on symbolic dynamics and Shannon entropy. Biomedical engineering online. 2014;13(1):1–18. pmid:24533474
44. Park J, Lee S, Jeon M. Atrial fibrillation detection by heart rate variability in Poincare plot. Biomedical engineering online. 2009;8(1):1–12. pmid:20003345
45. Sarkar S, Ritscher D, Mehra R. A detector for a chronic implantable atrial tachyarrhythmia monitor. IEEE Transactions on Biomedical Engineering. 2008;55(3):1219–1224. pmid:18334416
46. Moshayedi AJ, Roy AS, Kolahdooz A, Shuxin Y. Deep Learning Application Pros And Cons Over Algorithm Deep Learning Application Pros And Cons Over Algorithm. EAI Endorsed Transactions on AI and Robotics. 2022;1(1).
47. Szegedy C, Liu W, Jia Y, Sermanet P, Reed S, Anguelov D, et al. Going deeper with convolutions. In: Proceedings of the IEEE conference on computer vision and pattern recognition; 2015. p. 1–9.
48. Jiang K, Huang C, Ye Sm, Chen H. High accuracy in automatic detection of atrial fibrillation for Holter monitoring. Journal of Zhejiang University SCIENCE B. 2012;13(9):751–756. pmid:22949366
49. Rawal V, Prajapati P, Darji A. Hardware implementation of 1D-CNN architecture for ECG arrhythmia classification. Biomedical Signal Processing and Control. 2023;85:104865.
50. Apple Inc. Take an ECG with the ECG app on Apple Watch; no date. https://support.apple.com/en-us/HT208955.
51. Perez MV, Mahaffey KW, Hedlin H, Rumsfeld JS, Garcia A, Ferris T, et al. Large-scale assessment of a smartwatch to identify atrial fibrillation. New England Journal of Medicine. 2019;381(20):1909–1917. pmid:31722151
52. Samol A, Bischof K, Luani B, Pascut D, Wiemer M, Kaese S. Recording of bipolar multichannel ECGs by a smartwatch: modern ECG diagnostic 100 years after Einthoven. Sensors. 2019;19(13):2894. pmid:31261981
53. Samol A, Bischof K, Luani B, Pascut D, Wiemer M, Kaese S. Single-lead ECG recordings including Einthoven and Wilson leads by a smartwatch: a new era of patient directed early ECG differential diagnosis of cardiac diseases? Sensors. 2019;19(20):4377. pmid:31658713
54. Avila CO. Novel use of Apple Watch 4 to obtain 3-lead electrocardiogram and detect cardiac ischemia. The Permanente Journal. 2019;23. pmid:31314734
55. AliveCor Inc. Check your heart at breakfast; no date. https://kardia.com/kardiamobile.
56. iPjythm Inc. The Zio® service monitoring solutions.; no date. https://www.irhythmtech.com/providers/zio-service/zio-monitors.
57. ECG CHECK Inc. EASY ECG CHECK; no date. https://www.cardiacdesigns.com/.
58. MyDiagnostick Medical BV Inc. The MyDiagnostick; no date. https://www.mydiagnostick.com/about-the-mydiagnostick.
59. Fukuma N, Hasumi E, Fujiu K, Waki K, Toyooka T, Komuro I, et al. Feasibility of a T-shirt-type wearable electrocardiography monitor for detection of covert atrial fibrillation in young healthy adults. Scientific reports. 2019;9(1):11768. pmid:31409855
60. Goldberger A, Amaral L, Glass L, Hausdorff J, Ivanov PC, Mark R, et al. Physiobank, physiotoolkit, and physionet: Circulation. Discovery. 1997;101(23):1.
61. Clifford GD, Liu C, Moody B, Li-wei HL, Silva I, Li Q, et al. AF classification from a short single lead ECG recording: The PhysioNet/computing in cardiology challenge 2017. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
62. Wikipedia. Sensitivity; no date. https://en.wikipedia.org/wiki/Sensitivity_and_specificity#Sensitivity.
63. Wikipedia. Specificity; no date. https://en.wikipedia.org/wiki/Sensitivity_and_specificity#Specificity.
64. Andersen RS, Peimankar A, Puthusserypady S. A deep learning approach for real-time detection of atrial fibrillation. Expert Systems with Applications. 2019;115:465–473.
65. Ma F, Zhang J, Chen W, Liang W, Yang W. An automatic system for atrial fibrillation by using a CNN-LSTM Model. Discrete Dynamics in Nature and Society. 2020;2020:1–9.
66. Ma H, Chen C, Zhu Q, Yuan H, Chen L, Shu M. An ECG signal classification method based on dilated causal convolution. Computational and Mathematical Methods in Medicine. 2021;2021. pmid:33603825
67. Limam M, Precioso F. Atrial fibrillation detection and ECG classification based on convolutional recurrent neural network. In: 2017 Computing in Cardiology (CinC). IEEE; 2017. p. 1–4.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
© 2024 Xia et al. This is an open access article distributed under the terms of the Creative Commons Attribution License: http://creativecommons.org/licenses/by/4.0/ (the “License”), which permits unrestricted use, distribution, and reproduction in any medium, provided the original author and source are credited. Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
Atrial Fibrillation (AF), a type of heart arrhythmia, becomes more common with aging and is associated with an increased risk of stroke and mortality. In light of the urgent need for effective automated AF monitoring, existing methods often fall short in balancing accuracy and computational efficiency. To address this issue, we introduce a framework based on Multi-Scale Dilated Convolution (AF-MSDC), aimed at achieving precise predictions with low cost and high efficiency. By integrating Multi-Scale Dilated Convolution (MSDC) modules, our model is capable of extracting features from electrocardiogram (ECG) datasets across various scales, thus achieving an optimal balance between precision and computational savings. We have developed three MSDC modules to construct the AF-MSDC framework and assessed its performance on renowned datasets, including the MIT-BIH Atrial Fibrillation Database and Physionet Challenge 2017. Empirical results unequivocally demonstrate that our technique surpasses existing state-of-the-art (SOTA) methods in the AF detection domain. Specifically, our model, with only a quarter of the parameters of a Residual Network (ResNet), achieved an impressive sensitivity of 99.45%, specificity of 99.64% (on the MIT-BIH AFDB dataset), and an score of 85.63% (on the Physionet Challenge 2017 AFDB dataset). This high efficiency makes our model particularly suitable for integration into wearable ECG devices powered by edge computing frameworks. Moreover, this innovative approach offers new possibilities for the early diagnosis of AF in clinical applications, potentially improving patient quality of life and reducing healthcare costs.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer