Next Article in Journal
Paper-Based Microfluidic Analytical Device Patterned by Label Printer for Point-of-Care Blood Glucose and Hematocrit Detection Using 3D-Printed Smartphone Cassette
Previous Article in Journal
A Digital Platform for Home-Based Exercise Prescription for Older People with Sarcopenia
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Compressed Deep Learning Models for Wearable Atrial Fibrillation Detection through Attention

by
Marko Mäkynen
1,
G. Andre Ng
2,3,
Xin Li
1,
Fernando S. Schlindwein
1 and
Timothy C. Pearce
1,*
1
Biomedical Engineering Research Group, School of Engineering, University of Leicester, Leicester LE1 7RH, UK
2
National Institute for Health Research Leicester Cardiovascular Biomedical Research Centre, Glenfield Hospital, Leicester LE5 4PW, UK
3
Department of Cardiovascular Sciences, University of Leicester, Leicester LE1 7RH, UK
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(15), 4787; https://doi.org/10.3390/s24154787
Submission received: 22 May 2024 / Revised: 2 July 2024 / Accepted: 3 July 2024 / Published: 24 July 2024
(This article belongs to the Section Wearables)

Abstract

:
Deep learning (DL) models have shown promise for the accurate detection of atrial fibrillation (AF) from electrocardiogram/photoplethysmography (ECG/PPG) data, yet deploying these on resource-constrained wearable devices remains challenging. This study proposes integrating a customized channel attention mechanism to compress DL neural networks for AF detection, allowing the model to focus only on the most salient time-series features. The results demonstrate that applying compression through channel attention significantly reduces the total number of model parameters and file size while minimizing loss in detection accuracy. Notably, after compression, performance increases for certain model variants in key AF databases (ADB and C2017DB). Moreover, analyzing the learned channel attention distributions after training enhances the explainability of the AF detection models by highlighting the salient temporal ECG/PPG features most important for its diagnosis. Overall, this research establishes that integrating attention mechanisms is an effective strategy for compressing large DL models, making them deployable on low-power wearable devices. We show that this approach yields compressed, accurate, and explainable AF detectors ideal for wearables. Incorporating channel attention enables simpler yet more accurate algorithms that have the potential to provide clinicians with valuable insights into the salient temporal biomarkers of AF. Our findings highlight that the use of attention is an important direction for the future development of efficient, high-performing, and interpretable AF screening tools for wearable technology.

1. Introduction

Early diagnosis of atrial fibrillation (AF), the most common arrhythmia [1], is crucial for preventing stroke and other associated complications [2,3]. While traditional electrocardiogram (ECG)-based diagnosis approaches can be time-consuming, error-prone, and expensive, artificial intelligence (AI) integration in healthcare shows promise in addressing these challenges [4,5]. Machine learning (ML) algorithms can analyze ECG data with potentially high accuracy, automating AF diagnosis and allowing healthcare professionals to focus on other tasks. This improved health data diagnostics also supports cardiologists’ efforts to develop personalized treatment strategies for AF patients. However, realizing AI’s full potential in AF management requires addressing challenges such as data quality, model robustness, computationally efficient implementation, and explainability [5,6]. Despite ML technology still being in its early stages within healthcare, its application for automated AF diagnosis offers a promising avenue for improving both patient care and management efficiency.
Wearable devices annually generate a vast amount of cardiovascular data, including ECG and photoplethysmography (PPG) recordings, which could potentially support first-line medical professionals. However, interpreting ECG data in clinical settings typically requires significant input from cardiology specialists, making the process time-consuming and labor-intensive [7,8]. This challenge is compounded by the fact that paroxysmal AF can be asymptomatic and often goes undetected in short ECG recordings. Consequently, there is a pressing need for tools that can automate this analysis process. Promising developments in this area include ECG-AI, which has demonstrated reliability in clinical conditions [9], and deep learning (DL) algorithms that have shown cardiologist-level potential in arrhythmia detection [10]. These technologies could be applied to wearable devices, potentially revolutionizing the way cardiovascular data are analyzed and interpreted.
As DL models typically have many parameters, a key challenge in automating ECG/PPG analysis for wearable devices is computational efficiency, both in terms of processing power and memory requirements. Another challenge is the explainability of model outputs. This study explores how incorporating an attention mechanism and activation function into a shallow DL model can improve its efficiency and explainability in AF detection. The motivation for introducing model attention stems from neuroscience, where attention mechanisms in the brain concentrate neural processing on the most salient sensory information to achieve an objective and simplify a processing task [11]. Inspired by these aspects, this work implements a channel attention mechanism with a shallow DL model as a relatively simple and computationally low-cost solution to enhance model performance, along with the activation function. The study demonstrates how attention mechanisms may also improve explainability by focusing on salient points in the input RR intervals, potentially supporting future research in AF by simplifying efficient detection algorithms.
This work is organized as follows: A brief review of ML applied to AF detection is given in Section 2. Section 3, Section 4, Section 5, Section 6, Section 7 and Section 8 provide details on the datasets used in this work, the DL channel attention implementation, and the DL model architecture and training.

2. Machine Learning for Atrial Fibrillation Detection

Traditional ML approaches for AF detection from wearable devices often involve manual feature extraction, which presents potential limitations. Early methods based on simple peak detection in the time domain focused on heart rate analysis after noise and motion artefact removal [12]. However, this approach relies heavily on the accurate pre-processing of the PPG and accelerometer signals from wrist-worn devices, including time–frequency domain analysis and feature extraction. Additionally, differentiating AF from other irregular rhythms like premature contractions proved challenging due to similar heart rate variations, leading to false positives. More recent studies employ multiple-domain feature extraction, incorporating PPG signals, inter-pulse intervals, and accelerometer data to distinguish AF, atrial flutter, and normal rhythms [13]. Classification then utilizes algorithms such as generalized logistic regression and random forests. While random forests can improve performance through an ensemble of trees, the simpler decision tree approach has also been used with heart rate variability features for AF detection [14]. Similarly, support vector machines (SVMs) have been explored in conjunction with various heart rate features [15].
While traditional ML methods are computationally efficient for wearable devices, they share a crucial drawback: dependence on expert knowledge for selecting optimal features. This reliance on prior expertise limits adaptability and interpretability, and the feature extraction process itself can be computationally demanding. Therefore, alternative approaches that can potentially overcome traditional methods’ limitations are welcome.
DL models, which can automatically learn meaningful features from input data, are gaining traction in AF detection. One DL classifier application involves combining deep convolutional neural networks with remote photoplethysmography (rPPG) extracted from facial video recordings [16]. This approach utilizes data similar to smartphone camera recordings for convenient home use. Another study employed long short-term memory (LSTM) networks, a type of recurrent neural network (RNN) well suited for handling long-term dependencies, to directly analyze raw ECG data [17]. Further advances have combined convolutional neural networks (CNN) and LSTMs to classify AF based on 30 RR interval sections [18]. Residual connection DL models, such as ResNet models, have been used to achieve state-of-the-art results in classifying AF, atrial flutter, and normal rhythm using pre-processed RR intervals [19].
DL models have also demonstrated remarkable performance in demanding medical diagnostic tasks, such as detecting AF in the early stage from sinus rhythm (SR) recordings (raw ECG) [20]. However, the computational complexity of deep learning models can hinder their deployment on resource-constrained wearable devices. One potential solution to address this challenge is the use of interval-based inputs. By leveraging interval-based data, the complexity of the DL models can be reduced, making them more suitable for implementation on wearable edge AI platforms. This approach can help bridge the gap between the superior performance of deep learning and the limited computational resources available on wearable devices.
Despite the higher computational requirements of DL models compared to ML, their ability to achieve superior results directly from raw data makes them a highly attractive option for advancing future AF detection capabilities. By optimizing DL models for wearable platforms, researchers can unlock the full potential of these powerful techniques and drive further improvements in the early detection and management of atrial fibrillation.

3. ECG/PPG Databases

Databases were gathered from Physionet [21], which is a collection of multiple databases concerning cardiology, and from the MIMIC-III database [21,22]. The following databases were used for this study: MIT-BIH Atrial fibrillation (AFDB) [23], MIT-BIH arrhythmias (ADB) [24], CinC challenge 2017 (C2017DB) [25], and PPG data of MIMIC PERform AF Dataset (PPGMMAF) [26,27].
AFDB contains 25 patients’ data, mostly from patients with paroxysmal AF. From those, 23 patients have ECG recordings containing two ECG signals and 10-h-long recordings with a sampling frequency of 250 Hz. The recordings were annotated by professional cardiologists: AF, atrial flutter, AV junctional rhythm, and other rhythm episodes in time. The data also include annotations for R peaks, allowing us to calculate RR intervals used in this work (Figure 1). ADB contains data from 47 patients. These include 48 half-hour ECG recordings with a sampling frequency of 360 Hz from patients with various arrhythmias. These data include annotations for arrhythmia episodes and R peak indices [24]. Only patient recordings with sinus rhythm and AF episodes were used in this work. The C2017DB database includes ECG samples of four categories: SR, AF, other arrhythmias, and noisy recordings [25]. It contains a total number of 8528 recordings with a sampling frequency of 300 Hz from which the SR and AF recordings were used. PPGMMAF contains PPG data from 35 critically ill adults during routine clinical care, including data from 19 AF and 16 SR patients, manually annotated by cardiologists. The recordings are 20 min long and were recorded using a sampling frequency of 125 Hz.

4. Data Pre-Processing

We chose the RR interval (the interval between consecutive R peaks) as input for training our DL models as it is more efficient to deploy on low-computational devices than raw ECG [28]. Additionally, we tested our model using the PPG signal’s beat-to-beat (BTB) intervals. The RR interval is closely related to the BTB intervals (with some variance) typically used in wearable heart monitoring devices [29]. The beat peaks were processed using an incremental-merge segmentation beat detector from PPG data [30]. The R peaks of C2017DB were extracted using code included in database files.
The recordings from databases were pre-processed and divided into non-AF and AF rhythm labeled episodes for both model training and testing. AFDB recordings were divided into other rhythms and AF episodes (other episodes were excluded). ADB recordings were divided into SR and AF episodes. C2017DB and PPGMMAF data were divided into SR and AF recordings. For each episode 30 sequential RR and BTB intervals were extracted from recordings and used as inputs for the model (Figure 1). If the episode did not include at least 30 intervals, it was excluded.
AFDB data after pre-processing was divided as 76% for training and 24% for testing, while the other databases were used as additional test sets to evaluate model accuracy and generalization across patients before and after compression. After the datasets for training and testing were prepared, the number of recordings of 30 RR and BTB intervals between non-AF and AF label categories was balanced (50/50) by removing the excess from the larger category to mitigate class bias in every dataset. The final data extracted from each dataset are presented in Table 1.
Figure 1 shows typical sequential RR interval differences between non-AF and AF recordings over time. The recordings are divided into 30 RR interval sections for the training and testing sets. The variation in RR intervals within each sequence is significant between the two categories as generally irregularity is seen to increase in the case of AF. However, this irregularity can sometimes occur in non-AF-labeled sequences as well (for example, Figure 1, top right). Therefore, a simple time-invariant feature, such as the RR interval standard deviation, is insufficient for accurate AF classification due to the difficulty in establishing a universal threshold across large populations. As such, a model that can focus on time-varying features as a biomarker for AF is the focus of this study.

5. Deep Learning Model Architecture

CNNs are widely used in computer vision tasks, image classification, object detection, and segmentation [31]. One-dimensional CNN variants have also shown excellent performance in time series classification [32] and typically consist of an input layer that takes a fixed-length sequence of the time series (in this case a series of RR intervals), followed by one or more convolutional layers that apply filters to extract temporal features from the input sequence (Figure 2). These learnable filters are adapted to shared weights trained through backpropagation and gradient descent (see Section 7), allowing automatically discover relevant features in the data. This is followed by a pooling layer, which down-samples the feature maps to distil the most salient elements. The flattened output of the pooling layer is then fed into one or more dense (fully connected) layers that interpret the extracted features and produce the final classification output.
The 1D convolution operation between input x and weight w is calculated as follows:
x w n = m = 0 M 1 x n m w [ M 1 m ] ,
where ∗ donates neural convolution and M is convolutional operator length [33]. Each neuron within a CNN layer processes information via a non-linear activation function applied to the neuron input, connection weight and a bias:
a = φ ( x w + b ) ,
where a is the neuron output, ∗ presents neural convolution, x is input and w is the corresponding connection weight, φ is the activation function applied across all neurons, and b is bias. The non-linear activation function is fundamental for mapping input features into an easily separable feature representation of the training data.

6. CNN Channel Attention

Here, we use channel attention applied to the CNN model to modulate the convolutional layer filter outputs (Figure 3). Channel attention in CNNs is a mechanism that assigns weights to different channels to emphasize or suppress certain features, enhancing the model’s ability to focus on the most relevant features. The combination of channel attention with an activation function makes the mechanism more efficient at focusing on local information which is used in this work to enhance model performance while compressing.
Attention in neural networks is inspired by the neuroscience observation that humans selectively focus on certain aspects of information while ignoring others, akin to the visual attention system where the eye scans an image, focusing on specific regions with higher resolution to form a more detailed representation of the target [34]. Similarly, the attention mechanism in neural networks allows the model to focus processing on the most salient parts of the input. This mechanism has gained significant interest in recent years as it has been shown to improve the performance of various deep learning models [11,35,36,37]. The attention mechanism can be categorized based on the type of information it focuses on, such as what, where, when, or which to pay attention to, with channel attention identified as the most computationally efficient method [36,38].
Figure 3. Schematic presentation of the effect of the channel attention mechanism in a compressed CNN model, shown left. The model performance is modified by modulating convolutional layer (CONV) feature maps (channels, x c ) using attention weights ( s c ). Two distinct attention modules, specifically squeeze–excitation (SE) module [36] and attention-as-activation (ATAC) [37], are employed to generate attention weights, shown right. In the SE module, fully connected layers are configured with neuron counts defined by the ratio of channels to reduction ratio (C/r, r = 3) and the total number of channels (C, varies by layers, see Figure 2). Similarly, in the ATAC module, point convolutional layers with a filter size of 1 are defined by the number of channels, which is a product of the channels per reduction ratio (C/r) and the total number of channels (C). The input to the model is a vector of 30 RR intervals, shown bottom left.
Figure 3. Schematic presentation of the effect of the channel attention mechanism in a compressed CNN model, shown left. The model performance is modified by modulating convolutional layer (CONV) feature maps (channels, x c ) using attention weights ( s c ). Two distinct attention modules, specifically squeeze–excitation (SE) module [36] and attention-as-activation (ATAC) [37], are employed to generate attention weights, shown right. In the SE module, fully connected layers are configured with neuron counts defined by the ratio of channels to reduction ratio (C/r, r = 3) and the total number of channels (C, varies by layers, see Figure 2). Similarly, in the ATAC module, point convolutional layers with a filter size of 1 are defined by the number of channels, which is a product of the channels per reduction ratio (C/r) and the total number of channels (C). The input to the model is a vector of 30 RR intervals, shown bottom left.
Sensors 24 04787 g003
The channel attention is implemented in our 1D CNN using a squeeze–excitation (SE) sub-network [36], based on scalar multiplications with feature maps generated by the CNN layers:
X ~ C = F s x c , s c = s c x c ,
where X ~ C and F s indicate channel-wise multiplication between a scalar ( s c ) and CNN feature map x c [36]. The scalar is formed using global pooling, two fully connected (FC) layers, and activation functions ReLu and sigmoid using the following equation:
s c = σ W 2 δ W 1 z ,
where σ represents the sigmoid activation function, δ represents ReLu activation, W 1 and W 2 are fully connected layers, and z is input via global average pooling. The fully connected layer size is determined by feature layer (input) size and reduction rate r.
For comparison, we also used the attention as activation (ATAC) module to study the effect of the local channel-wise attention mechanism in addition to scalar-based attention. The ATAC module combines activation function and attention mechanisms that have been shown to be more efficient [37]. It uses two point-wise convolution layers with batch normalization (BN), ReLu, and gating function:
L ( x c ) = α ( W P W C o n v 2 δ ( W P W C o n v 1 x c ) ) ,
where W P W C o n v 1 and W P W C o n v 2 are point-wise convolutions with batch normalization, δ is the ReLu activation function, and α is the gating function [37]. It is also used to emphasize specific channels via multiplication with feature maps:
X = L x c x c ,
where L x c represents the output of the gating module, is an element-wise multiplication operator, and x c is a feature map. The multiplication between the gating function and feature maps is the module’s output, but also the activation function output of the layer. However, this work uses only a sigmoid gating function similar to SE module to provide a local channel attention mechanism without replacing the activation function.

7. Model Training

We used cross-entropy as the loss function, which is the total entropy between prediction distributions of the output (between 0 and 1) defined as follows:
L o , y = j y j log σ ( o ) ( j ) ,
where y represents the true label (non-AF or AF), and o is the output of the network’s final layer. We used a stochastic gradient decent (SGD) (minibatch), which is especially computationally efficient for large datasets as it does not require computing gradients over the entire dataset but instead a minibatch in each iteration:
θ = θ η · θ J θ ; x ( i : i + n ) ; y ( i : i + n ) ,
where θ presents the parameters, η is the learning rate, x ( i : i + n ) is the training examples, and y ( i : i + n ) is the corresponding label. Furthermore, the minibatch strategy gradient decent enables more stability during the training of SGD [39]. The best result for our baseline CNN (see Section 8) was obtained by setting the initial learning rate to 0.0001, minibatch size to 100, and epochs to 25. These hyperparameters tuned for baseline were also used with the compressed models.
After training the baseline model, the CNN model was compressed and customized by adding SE and ATAC modules. The compressed models were then trained separately. The models were trained using attention mechanisms in every CNN and only in one layer. The best results from these setups are presented in this work, which were achieved by applying an attention mechanism only in one layer and a reduction rate r = 3 (Figure 3). The baseline CNN model (Figure 4, left) contains four 1D convolutional layers with feature maps of 60, 40, 20, and 10 (filter size of 5). Each layer includes batch normalization and ReLu activation functions. A max-pooling layer (2 with stride 2) was applied between the third and fourth layers. Furthermore, the fourth layer includes dropout (50%). The dropout layer randomly drops the output of neurons during training to avoid overfitting. The last layers are fully connected layer (2) and Softmax.
The compressed models (Figure 4, right) contained three 1D convolutional layers with feature maps of 20, 10, and 5 with a filter size 5 (batch normalization in each layer). Three compressed models were CNN models combined with SE attention module using ReLU, Swish, sine activation functions (CNNrl-S, CNNsw-S, and CNNsn-S, respectively). Furthermore, another three models were combined with the ATAC attention module using the same activation functions (CNNrl-A, CNNsw-A, and CNNsn-A, respectively). The max pooling layer was applied between the second and third CNN layers and the dropout in the third layer. Matlab was used as API for training using a personal laptop.

8. Results

The baseline CNN was trained using multiple trials with varying compression model choices. The trained models were evaluated using accuracy (Ac) and F1 measure (Table 2). Furthermore, sensitivity (Sen) and specificity (Spec) were used with the AFDB test set.
Table 3 shows the number of parameters and file size to evaluate the computational requirements for the models. Figure 5 shows the number of parameters of the model, along with the test accuracy for AFDB, and Figure 6 presents the confusion matrixes of a selection of trained models (across test sets). The compressed models’ parameters decreased by ~91% compared to the baseline model (17,900). Furthermore, file size decreased by ~56% compared to the baseline model (104 kB). The number of parameters is important in low-computational devices like edge technology [28].
When the SE module was applied to the model, the highest accuracy for AFDB was 91.62% (CNNsn-S), 3.18 percentage points less than the baseline accuracy of 94.80%. The accuracy of 93.27%, 1.53 percentage points less than the baseline, was highest when the ATAC module was applied to the model (CNNsn-A). The sensitivity of 98.36% (CNNsn-S), 0.71 percentage points less than the baseline, was highest among models with the SE module. The highest specificity of the same models was 84.87% (CNNsn-S), 5.65% percentage points less than the baseline. The sensitivity of 99.07%, the same as the baseline, was highest among the models with the ATAC module (CNNsn-A). The same model’s highest specificity was 87.47% (CNNsn-A), 3.05 percentage points less than the baseline (Table 2). The highest accuracy for ADB (97.88%) was achieved using CNNrl-A. The baseline model’s accuracy was 96.58% less than all other compressed models’ accuracy except CNNsw-A. For the C2017DB test set, the highest accuracy was 95.62% using CNNsn-A. The baseline accuracy was 94.14% less than three compressed models (CNNsn-A, CNNsw-A, and CNNsn-A).
Table 4 presents test results using PPG data. The highest accuracy using PPG data for models with SE module was 89.34%, achieved using a model CNNsn-S and with models with the ATAC module 90.05% using CNNsn-A. The baseline model accuracy was 90.77%. The results show that there is no significant reduction in the accuracy of the compressed models compared to the baseline, which is the main focus of our work.
To understand how attention is being used by the models, Figure 7 shows the gradient-weighted class activation mapping map of the classification score change based on the classification score’s gradients for the final convolutional layer for two example recordings (non-AF and AF). It shows at which point of a recording the models attend the most. Using an attention mechanism and choice of activation function, both change the attention focus compared to the baseline model. In the AF example (Figure 7, bottom) we see that CNNrl-A attention modulation correlates with RR interval changes seen in the derivative plot. Furthermore, the choice of activation function had a significant effect on changing that focus.
To check the importance of attention in compressed model performance, an ablation study was carried out by removing the attention modules. The compressed models with ReLu, Swish, and sine activation functions were used in this study (CNNrl, CNNsw, and CNNsn). The results from the ablation study are presented in Table 5 and Table 6. The accuracy of the AFDB test set showed a decrease with all activation functions compared to the models with attention modules (Table 2). The same trend was also observed using PPG data (Table 4 and Table 6). The ADB and C2017DB accuracy showed more variations in the results. Thus, the model performance was seen to be reduced when attention modules were removed.
We also checked the compressed and uncompressed model classification performance using 5-fold cross-validation on the training set, presented in Table 7. The highest accuracy among the compressed models was achieved using CNNsn-A (97.26%). The baseline accuracy was 98.04%.

9. Discussion

AF is a prevalent cardiac arrhythmia that poses a significant public health challenge worldwide, underscoring the critical importance of developing accurate and reliable methods for its detection to improve patient outcomes and reduce the burden on healthcare systems globally. The accuracy of AF detection plays a crucial role in its management, and DL offers the potential for automated end-to-end learning of time-series features in both non-AF and AF recordings. However, a major challenge arises when deploying DL models on wearable devices such as smart devices, which typically have limited computational power. DL models normally require many parameters and substantial computational resources, making it difficult to execute efficiently on edge AI hardware. To address this challenge, this work studied a compressed convolutional neural network (CNN) model with customized channel attention and activation function. Overall, our results show the potential for compressed DL models for AF detection using ECG/PPG data, which is important for low-computational devices such as wearables.
The combined CNN attentional network achieves comparable performance to state-of-the-art results on the AFDB dataset using RR intervals as input (Table 8). Previous DL works for AF detection, in comparison, have used larger models with significantly more parameters (e.g., [40] 343,301 parameters, [18] 159,841 parameters, and [41] estimated more than 17,900 parameters more than what our models required—Table 3). For example, long-short-term memory (LSTM) was developed to fix the vanishing gradient problem with recurrent neural networks [42], but these are computationally costly, and efficiency improvements have since been made [43,44,45].
ML approaches, while generally simpler in complexity, rely on hand-crafted features that may or may not generalize to different contexts, and these studies report lower performance with AFDB overall. In this work, we found that the combination of the channel attention mechanism with an activation function significantly enhanced the CNN performance compared to the baseline model while retaining automated feature discovery and reducing the number of parameters overall.
Attention is a powerful technique in DL that improves model performance in several ways:
  • Attention improves a model’s ability to focus on the most relevant parts of the input data. Our results show that incorporating attention allows models to focus on irregularity in RR intervals, which are important for accurate AF detection.
  • Channel attention enhances interdependence between channels, discriminating features and suppressing noise, as shown in previous work on arrhythmia detection [48]. Our results show improved model accuracy in AF detection across test sets.
  • Using channel attention in this context improved efficiency of the training by optimizing layer-wise feature representation to encode higher-level semantics more efficiently [36,37].
  • By focusing network processing capacity attention simplifies the processing overall and may be used as an approach to discover accurate yet simple algorithmic solutions to AF detection and guide clinicians in ECG interpretation.
While attention has been incorporated into DL models applied to raw ECG data previously [48], this work demonstrates its effectiveness with compressed models when using RR interval data that is particularly well suited to low-computational devices such as wearables.
We found that the choice of activation function plays an important role in model performance. The form of non-linearity introduced by the activation function enables the network to discover complex relationships in the data and channel information. ReLu (and its variants) is typically used because of its simplicity and relatively low computational cost. However, there exist many other choices [49]. For example, Swish was used in this work to avoid the ReLu vanishing gradient problem due to zero values for negative inputs [50]—instead containing a slope near zero to address this issue. TanSoft activation functions have similar properties [51] and show improved performance compared to ReLu but depend on learnable parameters that can be a drawback since while additional learnable parameters can make the function more adaptive to data, these need to be optimally set to avoid overfitting. Another choice, TanSoft contains multiple core elements similar to Mish, which might limit its use in compressed DL models [49]. PAU is another activation function with learnable parameters with the same limitations. For low-computational devices such as wearables, exponents in the activation functions should also be avoided as they can further increase the computational cost. Periodic activation functions with compressed DL models for AF detection demonstrated good performance in our study. Compared to commonly used ReLu, the periodic activation functions are non-local, providing opportunities for representation of the data and learning channel interrelationships [52]. In our work, we found that a periodic activation function (when combined with the attention mechanism) improved the model’s accuracy to previously seen and unseen datasets.
Explainability methods have become an important aspect of DL models, assisting users and developers in understanding and trusting the models’ decision-making processes, which is important with wearable device-integrated models. The improved explainability potentially helps to recognize other arrhythmia episodes and new elements of the RR interval data relevant to other conditions, which cannot be easily separated from ECG/PPG recordings. For example, atrial flutter, which is similar to AF but less common, is important to discriminate against because optimal treatment options differ [13]. Our results show that depending upon the choice of attention and activation function, DL networks focus on RR interval changes in detecting AF, providing a form of explainability for the classification outcomes.
Finally, our study showed potential for PPG data processing, even when trained on ECG-derived RR interval data. Since we trained on ECG data from a range of devices and tested against PPG data, which should be equivalent to data expected from a wearable device, e.g., smartwatches, our results demonstrate the degree to which the DL models may be applied to a realistic wearable device. In the future, further accuracy improvements could be obtained in wearable devices by training exclusively on PPG data. Our results also indicate that it can improve model performance on PPG data using ECG data for training, which would be an interesting aspect to study more in the future because the PPG recordings can contain more noise. Further work should focus on training and testing with PPG data that are only common in wearable devices.
Future work should further explore the role of attention mechanisms for efficient and explainable AF detection [34], and the use of specialized hardware accelerators or low-power neural processing units (NPUs) to further reduce the computational requirements of the compressed models (e.g., TinyML), which will continue to be important in wearable devices. Furthermore, exploring techniques for on-device model updating and personalization could enhance the models’ adaptability to individual variations and improve overall performance. Finally, one promising area of investigation could be the integration of multimodal data sources, such as combining ECG/PPG data with other sensor data available on wearable devices (e.g., accelerometer and heart rate variability). This multimodal approach may provide additional context and improve the robustness of AF detection, particularly in noisy or challenging environments.

10. Conclusions

This study presents a novel model compression method for DL models, including existing lightweight models. The proposed technique not only compresses the model but also enhances its performance, making it a viable alternative to other compression methods, such as distillation, pruning, and quantization, which often compromise model performance.
Low-computational devices, such as wearable devices, can play a significant role in the future concerning AF management. For example, early detection would provide a better success rate in treating arrhythmia. This study proposes a novel approach by integrating a customized attention mechanism into a DL neural network. Channel attention allows the model to focus only on the most salient time-series features, thereby reducing the computational requirements. The results of this study demonstrate that by applying compression techniques such as channel attention, the number of model parameters, training time, and file size can be significantly reduced. Importantly, the loss in detection accuracy is minimized and increases for certain model variants. Furthermore, the study highlights the potential of analyzing channel attention after training to enhance the explainability of DL models. This has implications for the development of simpler and more accurate AF detection algorithms, as well as providing valuable insights to clinicians regarding the salient temporal features relevant for AF detection. Overall, this research demonstrates that integrating attention mechanisms can be an effective strategy for compressing large-parameter DL models, making them suitable for deployment on target devices with low computational power. The implications of this work are relevant for developing computational solutions for healthcare applications, such as AF detection, especially in resource-constrained settings and on low-computational devices. In summary, the integration of low-computational devices, particularly wearable devices, with artificial intelligence holds immense promise for improving AF management through automated detection, a crucial step towards enhancing treatment quality and preventing arrhythmia progression.

11. Limitations

The compressed models were not tested using live data. The live data of ECG/PPG can contain more noise, and therefore, can cause incorrect outcomes. Testing these models with live data is crucial to ensure their robustness and accuracy in practical scenarios.

Author Contributions

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

Funding

The study is supported by the NIHR Leicester Biomedical Research Centre. X.L. received funding from the British Heart Foundation (BHF Project Grant no. PG/18/33/33780). G.A.N. (G. André Ng) received funding from a British Heart Foundation Programme Grant (RG/17/3/32774). X.L. (Xin Li), F.S.S. and G.A.N. (G. André Ng) are supported by a Medical Research Council Biomedical Catalyst Developmental Pathway Funding Scheme (MR/S037306/1).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare no conflicts of interest. The funders had no role in the design of the study; in the collection, analysis, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.

References

  1. Rahman, F.; Kwan, G.F.; Benjamin, E.J. Global epidemiology of atrial fibrillation. Nat. Rev. Cardiol. 2014, 11, 639–654. [Google Scholar] [CrossRef] [PubMed]
  2. Turakhia, M.P.; Shafrin, J.; Bognar, K.; Trocio, J.; Abdulsattar, Y.; Wiederkehr, D.; Goldman, D.P. Estimated prevalence of undiagnosed atrial fibrillation in the United States. PLoS ONE 2018, 13, e0195088. [Google Scholar] [CrossRef] [PubMed]
  3. Linz, D.; Hermans, A.; Tieleman, R.G. Early atrial fibrillation detection and the transition to comprehensive management. EP Eur. 2021, 23 (Suppl. 2), ii46–ii51. [Google Scholar] [CrossRef] [PubMed]
  4. Yu, K.H.; Beam, A.L.; Kohane, I.S. Artificial intelligence in healthcare. Nat. Biomed. Eng. 2018, 2, 719–731. [Google Scholar] [CrossRef] [PubMed]
  5. Sánchez de la Nava, A.M.; Atienza, F.; Bermejo, J.; Fernández-Avilés, F. Artificial intelligence for a personalized diagnosis and treatment of atrial fibrillation. Am. J. Physiol.-Heart Circ. Physiol. 2021, 320, H1337–H1347. [Google Scholar] [CrossRef] [PubMed]
  6. Rizwan, A.; Zoha, A.; Mabrouk, I.B.; Sabbour, H.M.; Al-Sumaiti, A.S.; Alomainy, A.; Ali Imran, M.; Abbasi, Q.H. A review on the state of the art in atrial fibrillation detection enabled by machine learning. IEEE Rev. Biomed. Eng 2020, 14, 219–239. [Google Scholar] [CrossRef] [PubMed]
  7. Taggar, J.S.; Coleman, T.; Lewis, S.; Heneghan, C.; Jones, M. Accuracy of methods for diagnosing atrial fibrillation using 12-lead ECG: A systematic review and meta-analysis. Int. J. Cardiol. 2015, 184, 175–183. [Google Scholar] [CrossRef] [PubMed]
  8. Breen, C.J.; Kelly, G.P.; Kernohan, W.G. ECG interpretation skill acquisition: A review of learning, teaching and assessment. J. Electrocardiol. 2022, 73, 125–128. [Google Scholar] [CrossRef] [PubMed]
  9. Khurshid, S.; Friedman, S.; Reeder, C.; Di Achille, P.; Diamant, N.; Singh, P.; Harrington, L.X.; Wang, X.; Al-Alusi, M.A.; Sarma, G.; et al. ECG-Based Deep Learning and Clinical Risk Factors to Predict Atrial Fibrillation. Circulation 2022, 145, 122–133. [Google Scholar] [CrossRef]
  10. Hannun, A.Y.; Rajpurkar, P.; Haghpanahi, M.; Tison, G.H.; Bourn, C.; Turakhia, M.P.; Ng, A.Y. Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 2019, 25, 65–69. [Google Scholar] [CrossRef]
  11. Niu, Z.; Zhong, G.; Yu, H. A review on the attention mechanism of deep learning. Neurocomputing 2021, 452, 48–62. [Google Scholar] [CrossRef]
  12. Bashar, S.K.; Han, D.; Hajeb-Mohammadalipour, S.; Ding, E.; Whitcomb, C.; McManus, D.D.; Chon, K.H. Atrial fibrillation detection from wrist photoplethysmography signals using smartwatches. Sci. Rep. 2019, 9, 1–10. [Google Scholar]
  13. Eerikäinen, L.M.; Bonomi, A.G.; Schipper, F.; Dekker, L.R.; de Morree, H.M.; Vullings, R.; Aarts, R.M. Detecting atrial fibrillation and atrial flutter in daily life using photoplethysmography data. IEEE J. Biomed. Health Inform. 2019, 24, 1610–1618. [Google Scholar] [CrossRef] [PubMed]
  14. Buś, S.; Jędrzejewski, K.; Krauze, T.; Guzik, P. Feasibility study on the use of heart rate variability parameters for detection of atrial fibrillation with machine learning techniques. In Proceedings of the 2020 Signal Processing Workshop (SPW), Warsaw, Poland, 5–7 October 2020; pp. 11–16. [Google Scholar]
  15. Czabanski, R.; Horoba, K.; Wrobel, J.; Matonia, A.; Martinek, R.; Kupka, T.; Jezewski, M.; Kahankova, R.; Jezewski, J.; Leski, J.M. Detection of atrial fibrillation episodes in long-term heart rhythm signals using a support vector machine. Sensors 2020, 20, 765. [Google Scholar] [CrossRef] [PubMed]
  16. Sun, Y.; Yang, Y.Y.; Wu, B.J.; Huang, P.W.; Cheng, S.E.; Wu, B.F.; Chen, C.C. Contactless facial video recording with deep learning models for the detection of atrial fibrillation. Sci. Rep. 2022, 12, 281. [Google Scholar] [CrossRef]
  17. Sadasivuni, S.; Chowdhury, R.; Karnam, V.E.G.; Banerjee, I.; Sanyal, A. Recurrent neural network circuit for automated detection of atrial fibrillation from raw ECG. In Proceedings of the 2021 IEEE International Symposium on Circuits and Systems (ISCAS), Daegu, Republic of Korea, 22–28 May 2021; pp. 1–5. [Google Scholar]
  18. 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]
  19. Faust, O.; Kareem, M.; Ali, A.; Ciaccio, E.J.; Acharya, U.R. Automated arrhythmia detection based on RR intervals. Diagnostics 2021, 11, 1446. [Google Scholar] [CrossRef] [PubMed]
  20. Attia, Z.I.; Noseworthy, P.A.; Lopez-Jimenez, F.; Asirvatham, S.J.; Deshmukh, A.J.; Gersh, B.J.; Carter, R.E.; Yao, X.; Rabinstein, A.A.; Erickson, B.J.; et al. An artificial intelligence-enabled ECG algorithm for the identification of patients with atrial fibrillation during sinus rhythm: A retrospective analysis of outcome prediction. Lancet 2019, 394, 861–867. [Google Scholar] [CrossRef] [PubMed]
  21. Goldberger, A.; Amaral, L.; Glass, L.; Hausdorff, J.; Ivanov, P.C.; Mark, R.; Stanley, H.E. PhysioBank, PhysioToolkit, and PhysioNet: Components of a new research resource for complex physiologic signals. Circulation 2000, 101, e215–e220. [Google Scholar] [CrossRef]
  22. Johnson, A.E.W.; Pollard, T.J.; Shen, L.; Lehman, L.H.; Feng, M.; Ghassemi, M.; Moody, B.; Szolovits, P.; Celi, L.A.; Mark, R.G. MIMIC-III, a freely accessible critical care database. Sci. Data 2016, 3, 160035. [Google Scholar] [CrossRef]
  23. Moody, G.B.; Mark, R.G. A new method for detecting atrial fibrillation using RR intervals. Comput. Cardiol. 1983, 10, 227–230. [Google Scholar]
  24. Moody, G.B.; Mark, R.G. The impact of the MIT-BIH arrhythmia database. IEEE Eng. Med. Biol. Mag. 2001, 20, 45–50. [Google Scholar] [CrossRef] [PubMed]
  25. Clifford, G.D.; Liu, C.; Moody, B.; Li-wei, H.L.; 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. In Proceedings of the 2017 Computing in Cardiology (CinC), Rennes, France, 24–27 September 2017; pp. 1–4. [Google Scholar]
  26. Bashar, S.K.; Ding, E.; Walkey, A.J.; McManus, D.D.; Chon, K.H. Noise detection in electrocardiogram signals for intensive care unit patients. IEEE Access 2019, 7, 88357–88368. [Google Scholar] [CrossRef] [PubMed]
  27. Bashar, S.K. Atrial Fibrillation Annotations of Electrocardiogram from MIMIC III Matched Subset 2020. Figshare. Dataset. Available online: https://figshare.com/articles/dataset/Atrial_Fibrillation_annotations_of_electrocardiogram_from_MIMIC_III_matched_subset/12149091/1 (accessed on 2 July 2024).
  28. Chen, J.; Jiang, M.; Zhang, X.; da Silva, D.S.; de Albuquerque, V.H.C.; Wu, W. Implementing ultra-lightweight co-inference model in ubiquitous edge device for atrial fibrillation detection. Expert Syst. Appl. 2023, 216, 119407. [Google Scholar] [CrossRef]
  29. Kinnunen, H.; Rantanen, A.; Kenttä, T.; Koskimäki, H. Feasible assessment of recovery and cardiovascular health: Accuracy of nocturnal HR and HRV assessed via ring PPG in comparison to medical grade ECG. Physiol. Meas. 2020, 41, 04NT01. [Google Scholar] [CrossRef]
  30. Karlen, W.; Ansermino, J.M.; Dumont, G. Adaptive pulse segmentation and artifact detection in photoplethysmography for mobile applications. In Proceedings of the 2012 Annual International Conference of the IEEE Engineering in Medicine and Biology Society, San Diego, CA, USA, 28 August–1 September 2012; pp. 3131–3134. [Google Scholar]
  31. Alzubaidi, L.; Zhang, J.; Humaidi, A.J.; Al-Dujaili, A.; Duan, Y.; Al-Shamma, O.; Santamaria, J.; Fadhel, M.A.; Al-Amidie, M.; Farhan, L. Review of deep learning: Concepts, CNN architectures, challenges, applications, future directions. J. Big Data 2021, 8, 53. [Google Scholar] [CrossRef]
  32. Kiranyaz, S.; Avci, O.; Abdeljaber, O.; Ince, T.; Gabbouj, M.; Inman, D.J. 1D convolutional neural networks and applications: A survey. Mech. Syst. Signal Process. 2021, 151, 107398. [Google Scholar] [CrossRef]
  33. Tang, W.; Long, G.; Liu, L.; Zhou, T.; Jiang, J.; Blumenstein, M. Rethinking 1d-cnn for time series classification: A stronger baseline. arXiv 2020, arXiv:2002.10061. [Google Scholar]
  34. Soydaner, D. Attention mechanism in neural networks: Where it comes and where it goes. Neural Comput. Appl. 2022, 34, 13371–13385. [Google Scholar] [CrossRef]
  35. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems 30 (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  36. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7132–7141. [Google Scholar]
  37. Dai, Y.; Oehmcke, S.; Gieseke, F.; Wu, Y.; Barnard, K. Attention as activation. In Proceedings of the 2020 25th International Conference on Pattern Recognition (ICPR), Milan, Italy, 10–15 January 2021; pp. 9156–9163. [Google Scholar]
  38. Guo, M.H.; Xu, T.X.; Liu, J.J.; Liu, Z.N.; Jiang, P.T.; Mu, T.J.; Zhang, S.H.; Martin, R.R.; Cheng, M.M.; Hu, S.M. Attention mechanisms in computer vision: A survey. Comput. Vis. Media 2022, 8, 331–368. [Google Scholar] [CrossRef]
  39. Qian, X.; Klabjan, D. The impact of the mini-batch size on the variance of gradients in stochastic gradient descent. arXiv 2020, arXiv:2004.13146. [Google Scholar]
  40. Faust, O.; Shenfield, A.; Kareem, M.; San, T.R.; Fujita, H.; Acharya, U.R. Automated detection of atrial fibrillation using long short-term memory network with RR interval signals. Comput. Biol. Med. 2018, 102, 327–335. [Google Scholar] [CrossRef]
  41. Dang, H.; Sun, M.; Zhang, G.; Qi, X.; Zhou, X.; Chang, Q. A Novel Deep Arrhythmia-Diagnosis Network for Atrial Fibrillation Classification Using Electrocardiogram Signals. IEEE Access 2019, 7, 75577–75590. [Google Scholar] [CrossRef]
  42. Van Houdt, G.; Mosquera, C.; Nápoles, G. A review on the long short-term memory model. Artif. Intell. Rev. 2020, 53, 5929–5955. [Google Scholar] [CrossRef]
  43. Feng, K.; Fan, Z. A novel bidirectional LSTM network based on scale factor for atrial fibrillation signals classification. Biomed. Signal Process. Control 2022, 76, 103663. [Google Scholar] [CrossRef]
  44. Wang, J. An intelligent computer-aided approach for atrial fibrillation and atrial flutter signals classification using modified bidirectional LSTM network. Inf. Sci. 2021, 574, 320–332. [Google Scholar] [CrossRef]
  45. Wang, J.; Wu, X. A deep learning refinement strategy based on efficient channel attention for atrial fibrillation and atrial flutter signals identification. Appl. Soft Comput. 2022, 130, 109552. [Google Scholar] [CrossRef]
  46. Buscema, P.M.; Grossi, E.; Massini, G.; Breda, M.; Della Torre, F. Computer aided diagnosis for atrial fibrillation based on new artificial adaptive systems. Comput. Methods Programs Biomed. 2020, 191, 105401. [Google Scholar] [CrossRef] [PubMed]
  47. Liu, C.; Oster, j.; Reinertsen, E.; Li, Q.; Zhao, L.; Nemati, S.; Clifford, G.D. A comparison of entropy approaches for AF discrimination. Physiol. Meas. 2018, 39, 074002. [Google Scholar] [CrossRef]
  48. Ge, R.; Shen, T.; Zhou, Y.; Liu, C.; Zhang, L.; Yang, B.; Yan, Y.; Goatrieux, J.L.; Chen, Y. Convolutional squeeze-and-excitation network for ECG arrhythmia detection. Artif. Intell. Med. 2021, 121, 102181. [Google Scholar] [CrossRef]
  49. Dubey, S.R.; Singh, S.K.; Chaudhuri, B.B. Activation functions in deep learning: A comprehensive survey and benchmark. Neurocomputing 2022, 503, 92–108. [Google Scholar] [CrossRef]
  50. Ramachandran, P.; Zoph, B.; Le, Q.V. Searching for activation functions. arXiv 2017, arXiv:1710.05941. [Google Scholar]
  51. Biswas, K.; Kumar, S.; Banerjee, S.; Pandey, A.K. TanhSoft—Dynamic trainable activation functions for faster learning and better performance. IEEE Access 2021, 9, 120613–120623. [Google Scholar] [CrossRef]
  52. Sitzmann, V.; Martel, J.; Bergman, A.; Lindell, D.; Wetzstein, G. Implicit neural representations with periodic activation functions. In Proceedings of the Advances in Neural Information Processing Systems 33 (NeurIPS 2020), Virtual, 6–12 December 2020; pp. 7462–7473. [Google Scholar]
Figure 1. Sequential RR intervals over time (blue dots) extracted from an ECG recording for different patients from AFDB during non-atrial fibrillation (non-AF, top) and atrial fibrillation (AF, bottom) episodes. The RR intervals have more irregular patterns during AF episodes. A total of 30 RR interval sequences within an episode (vertical lines) were used as input in the DL model (train/test blocks).
Figure 1. Sequential RR intervals over time (blue dots) extracted from an ECG recording for different patients from AFDB during non-atrial fibrillation (non-AF, top) and atrial fibrillation (AF, bottom) episodes. The RR intervals have more irregular patterns during AF episodes. A total of 30 RR interval sequences within an episode (vertical lines) were used as input in the DL model (train/test blocks).
Sensors 24 04787 g001
Figure 2. One-dimensional convolutional neural network schematic setup for RR interval classification. The input is a 1D vector of 30 RR interval time series, and convolutional layers use filters (with learnable weights) to form feature maps whose size is successively reduced via pooling. The model output is produced via a fully connected (FC) layer to separate the training data. The convolutional layers are presented with filter size and output size (number nodes and feature maps), and the pooling layer with pooling size.
Figure 2. One-dimensional convolutional neural network schematic setup for RR interval classification. The input is a 1D vector of 30 RR interval time series, and convolutional layers use filters (with learnable weights) to form feature maps whose size is successively reduced via pooling. The model output is produced via a fully connected (FC) layer to separate the training data. The convolutional layers are presented with filter size and output size (number nodes and feature maps), and the pooling layer with pooling size.
Sensors 24 04787 g002
Figure 4. The baseline (left) and compressed CNN with attention modules added (right). The baseline CNN has four convolutional layers, whereas the compressed version has three smaller layers with an attention mechanism—either an SE or ATAC module.
Figure 4. The baseline (left) and compressed CNN with attention modules added (right). The baseline CNN has four convolutional layers, whereas the compressed version has three smaller layers with an attention mechanism—either an SE or ATAC module.
Sensors 24 04787 g004
Figure 5. The number of parameters of models with AFDB test set accuracy.
Figure 5. The number of parameters of models with AFDB test set accuracy.
Sensors 24 04787 g005
Figure 6. Confusion matrixes of the trained models (green correct, red incorrect class predictions). On the left are AFDB, in the middle ADB, and on the right C2017DB matrixes. The top row presents baseline CNN model performance, the middle model with ATAC with Swish, and the bottom model with ATAC with sine.
Figure 6. Confusion matrixes of the trained models (green correct, red incorrect class predictions). On the left are AFDB, in the middle ADB, and on the right C2017DB matrixes. The top row presents baseline CNN model performance, the middle model with ATAC with Swish, and the bottom model with ATAC with sine.
Sensors 24 04787 g006
Figure 7. Gradient-weighted class activation mapping map of the change in the classification score as a measure for network attention focus, for example, AF (top) and non-AF (bottom) recordings. Below each recording is the attention focus to the RR intervals over time for various models against the RR interval derivative.
Figure 7. Gradient-weighted class activation mapping map of the change in the classification score as a measure for network attention focus, for example, AF (top) and non-AF (bottom) recordings. Below each recording is the attention focus to the RR intervals over time for various models against the RR interval derivative.
Sensors 24 04787 g007
Table 1. Data amount extracted from each database for final dataset used for training and testing of our DL model (RR and BTB intervals). Non-atrial fibrillation (non-AF) and atrial fibrillation (AF) labels (50/50).
Table 1. Data amount extracted from each database for final dataset used for training and testing of our DL model (RR and BTB intervals). Non-atrial fibrillation (non-AF) and atrial fibrillation (AF) labels (50/50).
DatabaseIntervals (RR and BTB)
Non-AF and AF (50/50 per Class)
AFDB (train)760,620
AFDB (test)186,780
ADB (test)25,440
C2017DB (test)50,700
PPGMMAF (test)46,140
Table 2. Model performance on AF/non-AF classification of baseline and compressed CNN models. ‘*’ indicates models accuracy outperformed baseline accuracy.
Table 2. Model performance on AF/non-AF classification of baseline and compressed CNN models. ‘*’ indicates models accuracy outperformed baseline accuracy.
ModelAc %
(AFDB)
Sen % (AFDB)Spec % (AFDB)F1 %
(AFDB)
Ac %
(ADB)
F1 %
(ADB)
Ac %
(C2017DB)
F1 %
(C2017DB)
CNN (baseline)94.8099.0790.5295.0196.5896.4994.1494.06
CNNrl-S88.7298.0779.3889.6997.41 *97.39 *93.0292.95
CNNsw-S86.1597.5674.7587.5796.70 *96.66 *92.4392.34
CNNsn-S91.6298.3684.8792.1596.70 *96.59 *95.62 *95.58 *
CNNrl-A91.2098.9783.4291.8397.88 *97.86 *93.9193.87
CNNsw-A90.7598.1083.3991.3895.9995.8394.32 *94.19 *
CNNsn-A93.2799.0787.4793.6497.05 *93.6494.67 *94.66 *
Table 3. Number of parameters, training time, and file size of the model.
Table 3. Number of parameters, training time, and file size of the model.
ModelNumber of ParametersFile Size
CNN (baseline)17,900104 kB
CNNrl-S160047 kB
CNNsw-S160046 kB
CNNsn-S160047 kB
CNNrl-A170046 kB
CNNsw-A170046 kB
CNNsn-A170048 kB
Table 4. Test results using PPG data.
Table 4. Test results using PPG data.
ModelAccuracy %F1 %
CNN (Baseline)90.7790.71
CNNrl-S85.8985.65
CNNsw-S86.5486.35
CNNsn-S89.3489.23
CNNrl-A88.3588.22
CNNsw-A89.4789.45
CNNsn-A90.0589.96
Table 5. Test results of attention ablation study.
Table 5. Test results of attention ablation study.
ModelAc %
(AFDB)
Sen % (AFDB)Spec % (AFDB)F1 %
(AFDB)
Ac %
(ADB)
F1 %
(ADB)
Ac %
(C2017DB)
F1 %
(C2017DB)
CNNrl84.9096.6273.1786.4897.7697.7593.2593.17
CNNsw83.8595.3472.3785.5295.8795.8393.5593.43
CNNsn89.9598.2081.6890.7196.9396.8595.5095.49
Table 6. Test results of PPG data after attention ablation study.
Table 6. Test results of PPG data after attention ablation study.
ModelAccuracy %
CNNrl86.67
CNNsw82.24
CNNsn85.69
Table 7. Cross-validation results for 5-fold cross-validation.
Table 7. Cross-validation results for 5-fold cross-validation.
Model5-Fold Accuracy %
CNN (baseline)98.04
CNNrl-S96.21
CNNsw-S95.62
CNNsn-S97.16
CNNrl-A96.56
CNNsw-A95.51
CNNsn-A97.26
Table 8. Comparison between ML/DL research works for AF detection using AFDB and RR interval inputs.
Table 8. Comparison between ML/DL research works for AF detection using AFDB and RR interval inputs.
MethodInputAccuracy
CNN-BiLSTM, [18] RR intervals97.80%
CNN-BiLSTM, [41]RR intervals and heartbeat sequences96.59%
BiLSTM, [40]RR intervals98.51%
SVCm, [46]RR intervals95%
Entropy measure, [47]RR intervals93.51%
Proposed method, 2024RR intervals97.26%
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

Mäkynen, M.; Ng, G.A.; Li, X.; Schlindwein, F.S.; Pearce, T.C. Compressed Deep Learning Models for Wearable Atrial Fibrillation Detection through Attention. Sensors 2024, 24, 4787. https://doi.org/10.3390/s24154787

AMA Style

Mäkynen M, Ng GA, Li X, Schlindwein FS, Pearce TC. Compressed Deep Learning Models for Wearable Atrial Fibrillation Detection through Attention. Sensors. 2024; 24(15):4787. https://doi.org/10.3390/s24154787

Chicago/Turabian Style

Mäkynen, Marko, G. Andre Ng, Xin Li, Fernando S. Schlindwein, and Timothy C. Pearce. 2024. "Compressed Deep Learning Models for Wearable Atrial Fibrillation Detection through Attention" Sensors 24, no. 15: 4787. https://doi.org/10.3390/s24154787

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