Skip to main content

ORIGINAL RESEARCH article

Front. Physiol., 14 February 2023
Sec. Computational Physiology and Medicine
This article is part of the Research Topic Diagnosis, Monitoring, and Treatment of Heart Rhythm: New Insights and Novel Computational Methods View all 30 articles

Atrial fibrillation classification based on the 2D representation of minimal subset ECG and a non-deep neural network

  • 1School of Information Technology and Electrical Engineering, University of Queensland, Brisbane, QLD, Australia
  • 2School of Instrument Science and Engineering, Southeast University, Nanjing, Jiangsu, China
  • 3Zhejiang Provincial Centre for Disease Control and Prevention CN, Hangzhou, Zhejiang, China
  • 4Department of Biomedical Engineering, Zhejiang University, Hangzhou, Zhejiang, China
  • 5School of Software, Northwestern Polytechnical University, Xi’an, China
  • 6Department of Biomedical Engineering, China Jiliang University, Hangzhou, Zhejiang, China

Atrial fibrillation (AF) is the most common cardiac arrhythmia, and its early detection is critical for preventing complications and optimizing treatment. In this study, a novel AF prediction method is proposed, which is based on investigating a subset of the 12-lead ECG data using a recurrent plot and ParNet-adv model. The minimal subset of ECG leads (II &V1) is determined via a forward stepwise selection procedure, and the selected 1D ECG data is transformed into 2D recurrence plot (RP) images as an input to train a shallow ParNet-adv Network for AF prediction. In this study, the proposed method achieved F1 score of 0.9763, Precision of 0.9654, Recall of 0.9875, Specificity of 0.9646, and Accuracy of 0.9760, which significantly outperformed solutions based on single leads and complete 12 leads. When studying several ECG datasets, including the CPSC and Georgia ECG databases of the PhysioNet/Computing in Cardiology Challenge 2020, the new method achieved F1 score of 0.9693 and 0.8660, respectively. The results suggested a good generalization of the proposed method. Compared with several state-of-art frameworks, the proposed model with a shallow network of only 12 depths and asymmetric convolutions achieved the highest average F1 score. Extensive experimental studies proved that the proposed method has a high potential for AF prediction in clinical and particularly wearable applications.

1 Introduction

Atrial fibrillation (AF) is a supraventricular tachyarrhythmia caused by uncoordinated atrial electrical activation and ineffective atrial contraction (Hindricks et al., 2021). As the most common cardiac arrhythmia and a major risk factor that can lead to ischemic, the AF incidence and prevalence have increased over the last 20 years, becoming one of the largest epidemics and public health challenges (Lippi et al., 2021). The diagnosis of AF at an early stage is essential for the timely inception of treatment, which is usually realized by analyzing Electrocardiogram (ECG) signals. In clinical practice, the body surface ECG is a powerful tool to reveal the occurrence, maintenance, and termination of AF. However, manual analysis of continuous rhythm registrations is time-consuming and needs cardiologists with expertise in ECG-based diagnosis.

In recent years, automated AF detection based on traditional methods and neural networks has been actively developed (Wesselius et al., 2021). Traditional methods mainly focus on atrial and ventricular signal features obtained from single-lead or standard 12-lead ECG recordings. The atrial features are primarily based on the P-wave disappearance or f-waves appearance. Typical methods include the wavelet energy method (Garcia et al., 2016; Serhal et al., 2022), the frequency and amplitude features of the f-wave (Henriksson et al., 2018), and the time between P-waves as a measure of the atrial rate (Huang et al., 2020). The ventricular features mainly describe irregularity of intervals between subsequent R-peaks (R-R intervals). Conventional methods also study wavelet sample entropy (Serhal et al., 2022), normalized fuzzy entropy (Liu C. et al., 2018), Shannon entropy (Dharmaprani et al., 2018), R-R interval features (Lown et al., 2020; Luo et al., 2021), and heart rate variability analysis (Nguyen et al., 2018). The signal features describe other characteristics buried in ECG and are related to AF’s clinical presentation and pathophysiology (e.g., signal quality and frequency components). A bimodal analysis of physiological time and frequency components is used to detect AF (Kruger et al., 2019). The ECG signals are transformed into the frequency domain (Khadra et al., 2005), time-frequency domain (Asgari et al., 2015), and phase space (Parvaneh et al., 2018) to predict AF.

The standard 12-lead ECG provides a complete evaluation of cardiac electrical activity, commonly employed across clinical settings. Existing neural network studies have mostly addressed the task of automatic AF classification based on the standard 12-lead ECG in different ways. For example, Ribeiro et al. presented a DNN framework to diagnose AF and other five types of rhythms recordings with an F1 score above 80% (Ribeiro et al., 2020). Yao et al. developed an attention-based time-incremental convolutional neural network to detect AF and other arrhythmias from the 12-lead ECG with varied-length (Yao et al., 2020). Zheng et al. proposed an optimal multi-stage arrhythmia classification approach to predict AF and other types at a cardiologist-level accuracy (Zheng et al., 2020). Many works developed neural network methods based on the popular dataset from the first China Physiological Signal Challenge 2018 involving AF and other eight types of different rhythms (Runnan He et al., 2019; Tsai-Min Chen et al., 2020).

However, information redundancy exists in standard 12-lead ECG signals, which could induce systematic overfitting in deep learning, causing poor generalization, performance, and unnecessary computational costs. Thus, some recent studies have explored the optimal selection of ECG leads for cardiac arrhythmia classification. Lai et al. proposed a deep learning model using the optimal 4-lead subset that outperformed the classification performance of the complete 12-lead ECG on normal and eight arrhythmias (Lai et al., 2021). References (Jimenez-Serrano et al., 2022; Xu et al., 2022) used deep learning-based methods to discriminate multiple cardiac conditions with various lead combinations, namely six leads (I, II, III, aVR, aVL, aVF), four leads (I, II, III, V2), three leads (I, II, V2) and two leads (I, II) vs the standard 12-lead ECG, and the data were provided during the PhysioNet/Computing in Cardiology Challenge 2021. In our previous work (Zhang et al., 2021), we addressed the classification of AF and eight other types of arrhythmias utilizing RP representation of ECG signals based on the identified optimal leads (lead II and aVR) via the Inception-ResNet V2 framework in which general optimal leads were selected for nine types of arrhythmia classification. These earlier works explored the optimal ECG-lead subsets on multiple prevalent arrhythmias classification tasks.

AF prediction has recently been investigated based on single-lead ECG data. Hannun et al. developed a deep neural network to classify 12 rhythm classes, including AF and other arrhythmias, based on single-lead ECG records obtained from an ambulatory monitor with high diagnostic performance, similar to cardiologists (Hannun et al., 2019). Ma et al. proposed a multi-step method that combined the support vector machine classifier and an auto-encoding network to predict the paroxysmal AF based on single-lead long-term ECG data from the fourth China Physiological Signal Challenge (CPSC 2021) database (lead II) and the wearable ECG database collected by the wearable ECG device (Ma et al., 2022). Athif et al. proposed an algorithm to discriminate AF from normal and other arrhythmias based on a short single-lead ECG (lead I), obtained from the Computing in Cardiology Challenge 2017 (Clifford et al., 2017). Mathunjwa et al. developed an approach to classify AF from VF, PAC, and PVC arrhythmia in two steps using a convolutional neural network based on the datasets from the MITDB, MIT-NIH AFDB, and MIT-BIH VFDB, in which the data is from the lead II recording channel (Mathunjwa et al., 2021).

Nevertheless, accurate diagnosis of AF using single-lead ECG data (lead I or II) is still challenging. Despite the above studies reporting promising AF detection results, one main challenge of these methods is the loss of certain morphologic features and patterns only visible in specific leads. For example, the low amplitudes of the f wave are mainly observable in lead V1 and aVF, whereas they barely appear in lead I (Cheng et al., 2013).

The clinical diagnosis of cardiac arrhythmia types is often task-specific. To improve AF detection performance and efficiency, it is essential to identify a minimal number of leads and which leads should be included in the analysis. In this work, we developed a novel method to explore the minimal subset of ECG leads dedicated to AF prediction. Furthermore, to achieve better classification results, we use the recurrence plot (RP) technique to represent ECG signals. The RP technique (Eckmann et al., 1987; Eckmann et al., 1995) has been widely used to explore the recurrence features and irregular cyclicities properties of time series dynamic information in the phase space. It is a visualization method that transforms the 1D time signals into 2D RP images (Izci et al., 2019). Zeng et al. developed a recurrence plot-based densely connected convolutional network to classify the epileptiform based on EEG (Zeng et al., 2021). Afonso et al. proposed an RP-based approach for identifying Parkinson’s disease (Afonso et al., 2019). The RP method was also combined with deep learning models for arrhythmias classification based on ECG (Zbilut et al., 2002; Mathunjwa et al., 2021; Zhang et al., 2021; Labib and Nahid, 2022).

Moreover, in this work, we attempted to achieve higher AF prediction performance with “non-deep” neural networks. In our previous study, we found that the Inception-ResNet V2 could enhance the diversity of the filter patterns by asymmetric convolution splitting, thus improving arrhythmia classification performance (Zhang et al., 2021). However, it requires training deep networks involving large-scale sequential processing and higher computing cost. This is challenging and less suitable for those applications requiring fast responses. Here, we improved the non-deep ParNet (Goyal et al., 2021) (Parallel Networks), combining the asymmetric filters for this RP-based AF prediction task.

The main contribution of our work is as follows: 1) A novel neural network method combining the recurrence plot technique and ParNet-adv model was proposed for AF classification. 2) We find the minimal subset of ECG leads for AF prediction. 3) We proposed a shallow network with only 12 depths and asymmetric convolutions for AF prediction. Our method, combined with a tailored ECG subset and a light framework, can be used as a screening tool for automatic and early detection of AF problems, particularly useful for portable or wearable ECG devices.

The rest of the paper is organized as follows: methods and materials are described in Section 2, experiments and results are detailed in Section 3 and 4, validation of the proposed method is provided in Section 5, a discussion is presented in Section 6, and conclusions are drawn in Section 7.

2 Methodology and materials

In this work, we develop a novel neural network method for ECG-based AF prediction. The method selects the minimal subset ECG leads for AF prediction by combining the light ParNet-adv architecture and the recurrence features buried in AF and normal ECG signals. As shown in Figure 1, the system includes three steps: 1D ECG data pre-processing, conversion of 1D ECG into 2D RP images, and AF prediction.

FIGURE 1
www.frontiersin.org

FIGURE 1. The flow chart of the automatic AF prediction system. ECG, electrocardiogram; AF, atrial fibrillation; NSR, normal sinus rhythm; 1D, one dimensional; 2D, two dimensional; RP, recurrence plot. (A) ECG data pre-processing. (B) ECG data were transformed into RP images. (C) AF prediction experiments based on 12-lead ECG and selected the minimal ECG-lead subsets. The validation superiority of the proposed method and testing the generalization on different extra databases.

2.1 ECG database

The dataset Physikalisch-Technische Bundesanstalt (PTB-XL) (Wagner et al., 2020) was used for training, validation, and testing. Another two ECG datasets (including CPSC and Georgia) were used to evaluate the generalization of the proposed approach. The data source CPSC (Liu F. et al., 2018) is the public training dataset from the China Physiological Signal Challenge (CPSC 2018). Georgia is a 12-lead ECG Challenge Database, Emory University, Atlanta, Georgia, United States, representing a large population from the South-eastern United States. These datasets were publicly accessible from the PhysioNet/Computing in Cardiology Challenge 2020 (Perez Alday et al., 2021) and detailed in Table 1. Each data contains 12-lead ECG recordings (I, II, III, aVL, aVR, aVF, V1–V6) sampled at 500 Hz with the mean duration of 10 s for PTB_XL and Georgia, and 16.2 s for CPSC.

TABLE 1
www.frontiersin.org

TABLE 1. The profile of ECG Datasets.

2.2 Data pre-processing for network input

2.2.1 1D ECG data pre-processing

In the data pre-processing stage, as illustrated in step 1 of Figure 1A, the data with multi-labels were removed to focus on the single-labelled AF classification. 16,801 Normal sinus rhythm (NSR) and 1396 AF in the PTB-XL, 918 NSR and 1000 AF in the CPSC, and 1000 NSR and 527 AF in Georgia were obtained after data-pre-processing. The proportion of AF and NSR is unbalanced in PTB-XL. To balance the data proportion, 1200 AF and NSR data were randomly picked up. Four in five of the data labelled AF(NSR) were used as the training & validation dataset, and one in five was used as the test dataset. Thus, the training & validation set is independent of the testing set without overlap, usually called inter-patient classification (Huang et al., 2014). Afterward, each ECG data was split into 12 subsets corresponding with the 12 leads.

Converting 1D ECG signals to 2D Recurrence plot (RP) images.

Cardiac activity has temporal evolutions, including polarization and depolarization, which can be considered as a dynamic system (Labib and Nahid, 2022). Using electrodes, ECG records dynamic features of the cardiac electrical activities in the form of time-varying voltages, which is not easy to visualize whole aspects of the system dynamics in the time domain (Debayle et al., 2018). A recurrence plot (RP) is a widely used graphical tool to visualize the recurrent behaviors of the time series in phase space (Eckmann et al., 1995). It enables analyzing the dynamic recurrence features buried in ECG. The RP is obtained as follows.

Step 1:. A 1D time series Xt phase space reconstruction is performed via Takens’ delay coordinate method (Takens, 1981). One consecutive time series is generated from the original time series, where τ is a constant delay taken as 1.

Yt=Xtτ(1)

Step 2:. The 2D phase space trajectory is constructed from X and Y. The constructed vector is generated in the phase space as S1(x1, y1), S2(x2, y2), ……Sn−1 (xn−1, yn−1) (Debayle et al., 2018).

Step 3:. The distance between Si and Sj on the trajectory can be formulated as:

Ri,j=θεSiSj,i,j=1,....,N(2)

Where N is the length of the time series, ε is a threshold distance, · is a norm (e.g., Euclidean norm), and θ (.) is the Heaviside function and defined as:

θΖ=0,ifZ<01,otherwise(3)

As a result, an RP image is obtained based on the matrix Ri,j, which is a reconstructed recurrence representation in 2D phase space. As can be seen from Eq. 2, the RP is a binary matrix because of the threshold distance ε. This processing may lose some detailed information. In this work, an un-threshold approach proposed by (Faria et al., 2016) was adopted to avoid information loss by the R-matrix binarization, to obtain an RGB image, and to make use of the color information in RP images. Then the R-matrix can be defined as:

Ri,j=SiSj,i,j=1,....,N(4)

In the present study, as illustrated in Figure 1B, the 1D ECG signals were converted to 2D RP images as the input signals of the 2D network for AF prediction.

2.3 ParNet-adv-based AF classification

In this work, we modified the ParNet (Goyal et al., 2021) (Parallel Networks) as a “non-deep” neural network for this RP-based AF prediction task. The classification network with a shallow depth and asymmetric filters is called ParNet-adv. The schematic architecture of the ParNet-adv used for AF prediction is represented as follows.

As illustrated in Figure 2, the shallow ParNet-adv model with a depth of 12 layers is a parallel model with three streams, including four parallel sub-networks (Downsampling, ParNet-adv Block, Fusion, Avg pool + FC). Downsampling Blocks in Figure 3A reduce resolution and increase the width to enable multi-scale processing. For the ParNet-adv Block in Figure 3B, the key design choice is the use of 1 × 7 and 7 × 1 asymmetric convolutions. The ParNet has only 3 × 3 convolutions, which is challenging as the receptive field is somewhat limited. To address this, we build asymmetric filters inspiring from the Inception-ResNet V2 design with 1 × 7 and 7 × 1 convolutions providing a large and diverse reception scale in the proposed ParNet-adv model. Fusion Blocks in Figure 3C combine information from multiple resolutions. The Avg pool and FC Blocks perform AF classification. In addition, one concern is that a non-deep network may have insufficient non-linearity, limiting its representational power. Thus, the model replaces the ReLU activation with SiLU. In this work, we trained our networks with the cross-entropy loss, a learning rate of 0.001, a batch size of 64, and the RP input images with a resolution of 299 × 299.

FIGURE 2
www.frontiersin.org

FIGURE 2. The architecture of the ParNet-adv for AF prediction. It consists of three parallel streams and four sub-networks, including ParNet-adv Block, Downsampling, Fusion, Avg pool + FC. The ParNet-adv model has only 12 depths of layers, the model inputs are RP images, and the outputs are the predictions of AF and NSR. AF, atrial fibrillation; NSR, normal sinus rhythm.

FIGURE 3
www.frontiersin.org

FIGURE 3. The sub-networks architecture of the ParNet-adv model, including ParNet-adv Block, Downsampling, and Fusion. Conv, convolutional layer; Batch Norm, batch normalization layers; Global Avg pool, global average pooling layer; Avg pool, intermediate pooling layer; SiLU, sigmoid linear unit activation. (A) An illustration of the Downsampling block. (B) An illustration of the ParNet-adv block with the key design of 1 × 7 and 7 × 1 asymmetric convolutions. (C) An illustration of the Fusion block.

2.4 Performance analysis of the proposed method

To assess the effectiveness of the proposed method, several parameters, including Precision, Recall, Specificity, Accuracy and F1 score are adopted, which are defined as follows.

Precision=TPTP+FP(5)
Recall=TPTP+FN(6)
Specificity=TNTN+FP(7)
Accuracy=TP+TNTP+TN+FP+FN(8)
F1=2Precision×RecallPrecision+Recall(9)

Where TP is the number of true positive data; FP is the number of false positive data; FN is the number of false negative data. Here, Precision is the fraction of all predicted data that are labelled data; Recall is the fraction of all labelled data that are successfully detected; Specificity is the probability of a negative test, conditioned on truly being negative; and Accuracy is the fraction of correct classifications. The F1 score among classes is computed to evaluate the model’s final performance.

3 Experiments

3.1 Experimental design and computing environment

As illustrated in Figure 1, we designed several experiments, including the selection of sampling frequency and length of ECG data, minimal leads selection, and comparison between the proposed method and conventional 12-leads and other leads options-based solutions. All experiments were conducted on Wiener nodes of the University of Queensland computer cluster with 4 * Nvidia Volta V100 SXM2 connected GPUs per node. Each node contains 5120 CUDA cores, 640 TensorFlow hardware cores, and 32 GB of HBM2 class memory. This model was implemented using the TensorFlow 3.6 and Karas deep learning framework. The fivefold cross-validation was introduced in the training and validation processing.

3.2 Selection of the sampling frequency and length of data

In this section, we compared the performance of AF classification based on different sampling frequencies and data lengths. Each original data was sampled at 500 Hz with a mean duration of 10 s. For comparison, we downsampled the lead II and lead VI of ECG data into 200 Hz, and 300 Hz. In addition, the data were split into 5 s and 10 s in length at each sampling frequency, respectively. Regarding the sampling frequency 200 Hz/300 Hz/500 Hz, we picked up 5 s segment of the data from first to 1000th/1500th/2500th, and 10 s segment from 1st to 2000th/3000th/5000th. Each ECG segment was transformed into the corresponding RP image, with the z-score normalization of the input signals of the model. The average F1 score was chosen for performance evaluation.

The results of these experiments are summarized in Table 2. The results suggest that almost all the performance of AF detection on 10 s data length are better than 5 s in three sampling frequencies, except the Recall of 500 Hz. Further, the experiment with the 300 Hz sample frequency and 10 s data length achieved the optimal F1 score and Accuracy over others. Based on this investigation, we downsampled the ECG signal to 300 Hz and picked up 10 s data for each recording to carry out the following AF detection experiments.

TABLE 2
www.frontiersin.org

TABLE 2. Performance of AF classification based on different frequencies and data lengths.

3.3 Selection on minimal ECG-leads subset for AF detection

In this section, we determine which leads are necessary to keep and which carry redundant information that can be removed from the automated AF detection system. The ParNet-adv model was used to identify AF via analyzing recurrence features of RP images derived from the complete 12-leads ECG and minimal ECG-leads subset based on the PTB-XL dataset.

A forward, stepwise minimal subset selection method (James et al., 2013; Lai et al., 2021) was used to find an minimal ECG-lead subset for AF detection based on the same ParNet-adv model. In the first phase, we conduct an AF prediction based on each lead and find the one achieving the best performance. The selected lead will be set as the seed one in the minimal subset. In the second phase, the other 11 leads will individually combine the seed lead in phase one to undertake another round of AF prediction, from which we can identify the best two leads with the best performance. In the next phase, we repeat the search with the selected two leads from the first two phases. In each operation, we trained the model and tested the performance with the addition of each single-lead ECG into the minimal lead subset until finding that the incorporation of any single-lead ECG no longer improves the detection performance. We stop searching if we see further enhancement cannot be achieved. We use the fivefold cross-validation to train and test the classification performance each time. The matric F1 score was applied to measure AF prediction performance. And we conduct the two-sample t-test between every two groups’ F1 scores. Our null hypothesis is that the performance of the two groups is dependent. And our alternative hypothesis is that the performance of the two groups is independent. A p-value is used as a threshold to reject or accept the null hypothesis. In accordance with the acceptance of statistical significance at a p-value of 0.05 or 5%, CI is calculated at a confidence level of 95%. Among all steps, we choose the one that can achieve the optimal F1 score as the final minimal subset of 12-lead for AF prediction through the above multiphase searching procedure.

4 Results

This section presents experimental results for AF and NSR classification. Two different scenarios were designed for the study. First, the classification experiment based on the complete 12-leads ECG was performed, and achieved the F1 score of 0.9692, the precision of 0.9721, and the recall of 0.9663, the Specificity of 0.9722 and the accuracy of 0.9693 for AF detection based on the fivefold cross-validation experiments. Second, the minimal subset of ECG was explored for AF discrimination, including three phases. As illustrated in Figure 4A, in the first phase, the F1 score for AF detection using single leads ranged from 0.9308 (lead V5) to 0.9729 (lead V1), and the lead V1 obtained the best overall results compared to other leads, which was statistically significant (p < 0.05). In the second phase, Figure 5A shows that lead V1 was taken as the base element, and other leads were considered candidates. As illustrated in Figure 4B, the subset composed of lead II and lead V1 achieved the best overall results (F1 score 0.9763) for AF detection over other combinations. In the third phase, Figure 5B shows that we repeated searching with selected leads V1 and II, individually combining every single lead from the other 10 leads. Among each step, the p-value is less than 0.05 and statistically significant. Therefore, we reject the null hypothesis and accept the alternative hypothesis that the performances of each two groups are independent. As illustrated in Figure 4C, incorporating more lead could not improve AF detection performance in this phase, and the F1 score of each experiment decreased. Thus, leads V1 and II were identified as the minimal subset of 12 leads ECG for AF detection.

FIGURE 4
www.frontiersin.org

FIGURE 4. F1 scores—ECG leads bar chart. Show the performance F1 score for our ParNet-adv model on each AF prediction experiment. (A) One-lead AF prediction and show the lead V1 achieved the optimal performance. (B) Two-leads AF prediction (addition of each single lead to the lead V1) shows the highest F1 score bar corresponding to the lead V1+ II subset. (C) Three-leads AF prediction (addition of each single-lead to the subset leads V1+II). (1,2,3,4,5,6,7,8,9,10,11,12 stands for lead I, II, III, aVR, aVL, aVF, V1, V2, V3, V4, V5, V6).

FIGURE 5
www.frontiersin.org

FIGURE 5. Optimal ECG lead subset selection for AF detection. (A) Lead V1 was taken as the base element, and other leads were considered as candidates. Each time, a single lead was added to the seed set for training, validation of the model, and testing. (B) Leads V1&II were selected as the base element, and the other 10 leads were considered as candidates for repeat searching.

5 Validation of the proposed method

5.1 Comparison of performance between cases with the minimal subset, the 12-lead, and the single lead (lead I or lead II) ECG signals

The performance of the minimal subset (leads V1 and II) was compared with that of other options (complete 12-leads, lead I, and lead II). Table 3 reports the comparison in terms of Precision, recall, Specificity, Accuracy and F1 score. Note that the performance with the minimal subset (F1 score 0.9763) (p-value <0.05) outperformed the performance based on the complete 12-lead (F1 score 0.9692), single-lead I (F1 score 0.9593), single-lead II (F1 score 0.9669) and single-lead V1 (F1 score 0.9729). It is noted that lead I, which is used in the Apple Watch (Perez et al., 2019), Karadia Mobile (Goldenthal et al., 2019), and single time point testing (Duarte et al., 2020) for AF detection; and lead II, which is used as the input signal to predict AF in (Mathunjwa et al., 2021; Ma et al., 2022), achieved ordinary performance in our study.

TABLE 3
www.frontiersin.org

TABLE 3. Performance of AF classification based on different ECG leads.

5.2 Comparison with state-of-art models

In this section, we compared the proposed method with several state-of-art models based on the minimal subset as the input. For a fair comparison, we have trained the Inception-ResNet V2 (Szegedy et al., 2017), ParNet (Goyal et al., 2021), and the proposed ParNet-adv model with the same set of hyperparameters and input data. As illustrated in Table 4, the proposed method achieved the F1 score of 0.9763, higher than other reference models. In the study, we built the 1 × 7 and 7 × 1 layers based on the asymmetric design, increasing the receptive field of the ParNet-adv model, thus improving the performance than that of the ParNet performance with the same depth. In addition, note that the proposed model effectively reduces depth while can perform competitively with the deep model, the Inception-ResNet V2, in AF detection study (Table 4).

TABLE 4
www.frontiersin.org

TABLE 4. Comparison of AF detection based on different models.

5.3 Generalization of the proposed method

In this section, we evaluated the generalization of the proposed method via testing two different ECG datasets CPSC (Liu F. et al., 2018) and Georgia (Perez Alday et al., 2021). The detailed information of these datasets is illustrated in Table 1. For proper testing, all data were pre-processed and fed into the model training, validation, and testing in the same way. As shown in Table 5, the proposed method achieved the F1 score of 0.8660 on CPSC and 0.9693 on Georgia based on the minimal subset of ECG leads (leads II and V1). These testing results indicate that the new method has a good generalization ability for AF prediction.

TABLE 5
www.frontiersin.org

TABLE 5. Performance of AF classification based on the CPSC and Georgia ECG datasets.

6 Discussion

In this study, we developed a neural network-based system for automatic AF prediction. The design incorporates several novel points: 1) it identifies which leads of 12-lead ECG are necessary for detecting AF features; 2) it uses RP images to train the neural network instead of 1D ECG data for better capturing the recurrence features of AF; 3) the neural network employs a light ParNet-adv structure, suitable for applications demanding a prompt response.

The results show that using the minimal ECG-lead subset outperformed the complete 12-lead ECG, supporting our hypothesis that eliminating the data redundancy can reduce the overfitting issue and thus improve the prediction performance. Note that the clinical diagnostic criteria of cardiac arrhythmia types are often lead-specific. So, the proposed algorithm explicitly seeks the minimal ECG-lead subset for AF prediction, and the selection is performed based on the most common short-time 12-lead ECG in the clinical setting. As demonstrated in Section 4, a minimal subset ECG lead (leads II & V1) can interpret AF rhythm with a significant increase of F1 score compared with the complete 12-leads ECG and other options.

The minimal lead subset obtained by this data-driven approach provides valuable insights for recurrence features in this automatic AF detection protocol. As a 2-lead subset, it consists of the limb lead II and the other unipolar lead V1, providing assessments in the horizontal plane from the vantage points of the septal surface. These two quasi-orthogonal leads (leads II & V1) play a vital role in AF prediction. This is consistent with clinical practice: Lead II, favored among the 12 leads by physicians for a quick exam of an ECG recording due to its clearest signal, has decent overall performance in predicting AF. Lead V1 is used in the clinic to detect fibrillatory waves, which can be either fine or coarse. Of the 12 ECG leads, the lead V1 electrode is considered closest to the right atrium. It was obvious that lead V1 electrode position is right in front of the right atrial free wall and that the right atrium almost entirely conceals the left atrium from a V1 point of view. The f-waves in all patients were most dominant in this lead (Holm et al., 1998; Hsu et al., 2008).

Figure 6 shows the ECG time series and corresponding RP images. (A) is a normal ECG, the temporal waveform contains normal P waves, regular rhythm, and R-R interval, and the RP pattern shows the regular image texture. (B) represents an AF case, having features of missing the P waves and irregular RR intervals. The RP features were considered good predictors of AF (Huang et al., 2020), as they reflect the non-linear and non-stationary nature of the ECG signals. It has shown high efficiency in arrhythmia classification from the ECG signals, as demonstrated in our previous work (Zhang et al., 2021). In this study, we only extract recurrence features of a subset of RPs for AF detection. Note that fibrillatory waves are observable and present either fine or coarse, corresponding to irregular and cluttered textures in the RP of lead V1, as shown in Figure 6B. This corresponds well to the variation of f-waves recorded in lead V1 (see Figure 6A).

FIGURE 6
www.frontiersin.org

FIGURE 6. ECG time-series (up) and corresponding RP (below) images of Normal and AF. (A) Normal (B) AF. R, the R peak of the ECG; P, the P peak of the ECG; f, the f wave of the ECG.

Regarding the feature extraction model, we introduced a novel shallow ParNet-adv network that integrated a non-deep ParNet with large and asymmetric filters of Inception-ResNet, to automatically extract high-quality recurrence structure features of RP images based on ECG leads. Therefore, our ParNet-adv model, integrated complementary advantages of these two networks (Table 4), is efficient for feature extraction and has achieved promising performance in AF detection. Thus, the ParNet-adv-like models have the potential to create an incredibly light recognition system for wearable applications. We also note that the study of ECG datasets of the PhysioNet/Computing in Cardiology Challenge 2020 has well demonstrated the generalization ability of the proposed method.

7 Conclusion

We have developed a novel neural network-based system for automatic AF prediction in this paper. The proposed method offers three main advantages. First, unlike most previous work, mainly based on single-lead ECG or standard 12-lead ECG data, this work performs AF detection with a minimal subset of leads (lead II &V1), thus more efficient and easier to implement than existing methods. Second, the proposed method achieved promising prediction performance using non-deep neural networks with only 12 depths. Third, the 1D ECG signals were transformed into 2DRPs for extracting structural topographies in images, beyond processing original time series. This solution is demonstrated useful for extracting signal dynamical features and better detecting AF. The benefits of the proposed method have been validated with extensive experiments; we hope this new method can be further improved for AF detection in clinical and wearable applications.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found here: https://physionet.org/content/challenge-2020/1.0.2/.

Author contributions

HZ performed the design and implementation of the work. FL helped with the experiment design. HZ wrote the manuscript. All authors helped to review and improve the manuscript. All authors read and approved the final manuscript.

Funding

This work was supported by the Natural Science Foundation of China (No. 61672476) and key research and development projects of Zhejiang Province of China (No. 2023C03107).

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Afonso L. C. S., Rosa G. H., Pereira C. R., Weber S. A. T., Hook C., Albuquerque V. H. C., et al. (2019). A recurrence plot-based approach for Parkinson’s disease identification. Future Gener. Comput. Syst. 94, 282–292. doi:10.1016/j.future.2018.11.054

CrossRef Full Text | Google Scholar

Asgari S., Mehrnia A., Moussavi M. (2015). Automatic detection of atrial fibrillation using stationary wavelet transform and support vector machine. Comput. Biol. Med. 60, 132–142. doi:10.1016/j.compbiomed.2015.03.005

PubMed Abstract | CrossRef Full Text | Google Scholar

Cheng Z., Deng H., Cheng K., Chen T., Gao P., Yu M., et al. (2013). The amplitude of fibrillatory waves on leads aVF and V1 predicting the recurrence of persistent atrial fibrillation patients who underwent catheter ablation. Ann. Noninvasive Electrocardiol. 18 (4), 352–358. doi:10.1111/anec.12041

PubMed Abstract | CrossRef Full Text | Google Scholar

Clifford G. D., Liu C., Moody B., Lehman L. H., Silva I., Li Q., et al. (2017). AF classification from a short single lead ECG recording: The PhysioNet/computing in Cardiology challenge 2017. Comput. Cardiol. 44, 44. doi:10.22489/CinC.2017.065-469

CrossRef Full Text | Google Scholar

Debayle J., Hatami N., Gavet Y. (2018). “Classification of time-series images using deep convolutional neural networks,” in Tenth international conference on machine vision: Spie.

CrossRef Full Text | Google Scholar

Dharmaprani D., Dykes L., McGavigan A. D., Kuklik P., Pope K., Ganesan A. N. (2018). Information theory and atrial fibrillation (AF): A review. Front. Physiol. 9, 957. doi:10.3389/fphys.2018.00957

PubMed Abstract | CrossRef Full Text | Google Scholar

Duarte R., Stainthorpe A., Greenhalgh J., Richardson M., Nevitt S., Mahon J., et al. (2020). Lead-I ECG for detecting atrial fibrillation in patients with an irregular pulse using single time point testing: A systematic review and economic evaluation. Health Technol. Assess. 24 (3), 1–164. doi:10.3310/hta24030

CrossRef Full Text | Google Scholar

Eckmann J.-P., Kamphorst S. O., Ruelle D. (1995). Recurrence plots of dynamical systems. World Sci. Ser. Nonlinear Sci. Ser. A 16, 441–446.

CrossRef Full Text | Google Scholar

Eckmann J., Karmphorst S., Rulle D. (1987). Recurrence plots of dynamical systems. Europhys. Lett. 4, 973–977. doi:10.1209/0295-5075/4/9/004

CrossRef Full Text | Google Scholar

Faria F. A., Almeida J., Alberton B., Morellato L. P. C., da S., Torres R. (2016). Fusion of time series representations for plant recognition in phenology studies. Pattern Recognit. Lett. 83, 205–214. doi:10.1016/j.patrec.2016.03.005

CrossRef Full Text | Google Scholar

Garcia M., Rodenas J., Alcaraz R., Rieta J. J. (2016). Application of the relative wavelet energy to heart rate independent detection of atrial fibrillation. Comput. Methods Programs Biomed. 131, 157–168. doi:10.1016/j.cmpb.2016.04.009

PubMed Abstract | CrossRef Full Text | Google Scholar

Goldenthal I. L., Sciacca R. R., Riga T., Bakken S., Baumeister M., Biviano A. B., et al. (2019). Recurrent atrial fibrillation/flutter detection after ablation or cardioversion using the AliveCor KardiaMobile device: iHEART results. J. Cardiovasc Electrophysiol. 30 (11), 2220–2228. doi:10.1111/jce.14160

PubMed Abstract | CrossRef Full Text | Google Scholar

Goyal A., Bochkovskiy A., Deng J., Koltun V. (2021). Non-deep networks. arXiv preprint arXiv:2110.07641.

Google Scholar

Hannun A. Y., Rajpurkar P., Haghpanahi M., Tison G. H., Bourn C., Turakhia M. P., et al. (2019). Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 25 (1), 65–69. doi:10.1038/s41591-018-0268-3

PubMed Abstract | CrossRef Full Text | Google Scholar

Henriksson M., Petrenas A., Marozas V., Sandberg F., Sornmo L. (2018). Model-based assessment of f-wave signal quality in patients with atrial fibrillation. IEEE Trans. Biomed. Eng. 65 (11), 2600–2611. doi:10.1109/TBME.2018.2810508

PubMed Abstract | CrossRef Full Text | Google Scholar

Hindricks G., Potpara T., Dagres N., Arbelo E., Bax J. J., Blomstrom-Lundqvist C., et al. (2021). 2020 ESC Guidelines for the diagnosis and management of atrial fibrillation developed in collaboration with the European Association for Cardio-Thoracic Surgery (EACTS): The Task Force for the diagnosis and management of atrial fibrillation of the European Society of Cardiology (ESC) Developed with the special contribution of the European Heart Rhythm Association (EHRA) of the ESC. Eur. Heart J. 42 (5), 373–498. doi:10.1093/eurheartj/ehaa612

PubMed Abstract | CrossRef Full Text | Google Scholar

Holm M., Pehrson S., Ingemansson M., Sörnmo L., Johansson R., Sandhall L., et al. (1998). Non-invasive assessment of the atrial cycle length during atrial fibrillation in man: Introducing, validating and illustrating a new ECG method. Cardiovasc. Res. 38 (1), 69–81. doi:10.1016/s0008-6363(97)00289-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Hsu N. W., Lin Y. J., Tai C. T., Kao T., Chang S. L., Wongcharoen W., et al. (2008). Frequency analysis of the fibrillatory activity from surface ECG lead V1 and intracardiac recordings: Implications for mapping of AF. Europace 10 (4), 438–443. doi:10.1093/europace/eun045

PubMed Abstract | CrossRef Full Text | Google Scholar

Huang H., Liu J., Zhu Q., Wang R., Hu G. (2014). A new hierarchical method for inter-patient heartbeat classification using random projections and RR intervals. Biomed. Eng. online 13 (1), 90. doi:10.1186/1475-925X-13-90

PubMed Abstract | CrossRef Full Text | Google Scholar

Huang Z., Zheng Z., Wu B., Tang L., Xie X., Dong R., et al. (2020). Predictive value of P wave terminal force in lead V1 for atrial fibrillation: A meta-analysis. Ann. Noninvasive Electrocardiol. 25 (4), e12739. doi:10.1111/anec.12739

PubMed Abstract | CrossRef Full Text | Google Scholar

Izci E., Ozdemir M. A., Degirmenci M., Akan A. (2019). “Cardiac arrhythmia detection from 2D ECG images by using deep learning technique,” in 2019 medical technologies congress (TIPTEKNO) (IEEE), 1–4.

CrossRef Full Text | Google Scholar

James G., Witten D., Hastie T., Tibshirani R. (2013). An introduction to statistical learning. Springer.

Google Scholar

Jimenez-Serrano S., Rodrigo M., Calvo C., Millet J., Castells F. (2022). From 12 to 1 ECG lead: Multiple cardiac condition detection mixing a hybrid machine learning approach with a one-versus-rest classification strategy. Physiol. Meas. 43, 064003. doi:10.1088/1361-6579/ac72f5

CrossRef Full Text | Google Scholar

Khadra L., Al-Fahoum A. S., Binajjaj S. (2005). A quantitative analysis approach for cardiac arrhythmia classification using higher order spectral techniques. IEEE Trans. Biomed. Eng. 52 (11), 1840–1845. doi:10.1109/TBME.2005.856281

PubMed Abstract | CrossRef Full Text | Google Scholar

Kruger G. H., Latchamsetty R., Langhals N. B., Yokokawa M., Chugh A., Morady F., et al. (2019). Bimodal classification algorithm for atrial fibrillation detection from m-health ECG recordings. Comput. Biol. Med. 104, 310–318. doi:10.1016/j.compbiomed.2018.11.016

PubMed Abstract | CrossRef Full Text | Google Scholar

Labib M. I., Nahid A.-A. (2022). OptRPC: A novel and optimized recurrence plot-based system for ECG beat classification. Biomed. Signal Process. Control 72, 103328. doi:10.1016/j.bspc.2021.103328

CrossRef Full Text | Google Scholar

Lai C., Zhou S., Trayanova N. A. (2021). Optimal ECG-lead selection increases generalizability of deep learning on ECG abnormality classification. Philos. Trans. A Math. Phys. Eng. Sci. 379 (2212), 20200258. doi:10.1098/rsta.2020.0258

PubMed Abstract | CrossRef Full Text | Google Scholar

Lippi G., Sanchis-Gomar F., Cervellin G. (2021). Global epidemiology of atrial fibrillation: An increasing epidemic and public health challenge. Int. J. Stroke 16 (2), 217–221. doi:10.1177/1747493019897870

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu C., Oster J., Reinertsen E., Li Q., Zhao L., Nemati S., et al. (2018a). A comparison of entropy approaches for AF discrimination. Physiol. Meas. 39 (7), 074002. doi:10.1088/1361-6579/aacc48

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu F., Liu C., Zhao L., Zhang X., Wu X., Xu X., et al. (2018b). An open access database for evaluating the algorithms of electrocardiogram rhythm and morphology abnormality detection. J. Med. Imaging Health Inf. 8 (7), 1368–1373. doi:10.1166/jmihi.2018.2442

CrossRef Full Text | Google Scholar

Lown M., Brown M., Brown C., Yue A. M., Shah B. N., Corbett S. J., et al. (2020). Machine learning detection of Atrial Fibrillation using wearable technology. PLoS One 15 (1), e0227401. doi:10.1371/journal.pone.0227401

PubMed Abstract | CrossRef Full Text | Google Scholar

Luo C., Li Q., Rao H., Huang X., Jiang H., Rao N. (2021). An improved Poincaré plot-based method to detect atrial fibrillation from short single-lead ECG. Biomed. Signal Process. Control 64, 102264. doi:10.1016/j.bspc.2020.102264

CrossRef Full Text | Google Scholar

Ma C., Liu C., Wang X., Li Y., Wei S., Lin B.-S., et al. (2022). A multi-step paroxysmal atrial fibrillation scanning strategy in long-term ECGs. IEEE Trans. Instrum. Meas. 71, 1–10. doi:10.1109/tim.2022.3164138

CrossRef Full Text | Google Scholar

Mathunjwa B. M., Lin Y.-T., Lin C.-H., Abbod M. F., Shieh J.-S. (2021). ECG arrhythmia classification by using a recurrence plot and convolutional neural network. Biomed. Signal Process. Control 64, 102262. doi:10.1016/j.bspc.2020.102262

CrossRef Full Text | Google Scholar

Nguyen A., Ansari S., Hooshmand M., Lin K., Ghanbari H., Gryak J., et al. (2018). “Comparative study on heart rate variability analysis for atrial fibrillation detection in short single-lead ecg recordings,” in 2018 40th annual international conference of the IEEE engineering in medicine and biology society (EMBC) (IEEE), 526–529.

CrossRef Full Text | Google Scholar

Parvaneh S., Rubin J., Rahman A., Conroy B., Babaeizadeh S. (2018). Analyzing single-lead short ECG recordings using dense convolutional neural networks and feature-based post-processing to detect atrial fibrillation. Physiol. Meas. 39 (8), 084003. doi:10.1088/1361-6579/aad5bd

PubMed Abstract | CrossRef Full Text | Google Scholar

Perez Alday E. A., Gu A., Amit J. S., Robichaux C., Ian Wong A. K., Liu C., et al. (2021). Classification of 12-lead ECGs: The PhysioNet/computing in Cardiology challenge 2020. Physiol. Meas. 41 (12), 124003. doi:10.1088/1361-6579/abc960

PubMed Abstract | CrossRef Full Text | Google Scholar

Perez M. V., Mahaffey K. W., Hedlin H., Rumsfeld J. S., Garcia A., Ferris T., et al. (2019). Large-scale assessment of a smartwatch to identify atrial fibrillation. N. Engl. J. Med. 381 (20), 1909–1917. doi:10.1056/NEJMoa1901183

PubMed Abstract | CrossRef Full Text | Google Scholar

Ribeiro A. H., Ribeiro M. H., Paixao G. M. M., Oliveira D. M., Gomes P. R., Canazart J. A., et al. (2020). Automatic diagnosis of the 12-lead ECG using a deep neural network. Nat. Commun. 11 (1), 1760. doi:10.1038/s41467-020-15432-4

PubMed Abstract | CrossRef Full Text | Google Scholar

Runnan He Y. L., Wang K., Zhao N., Yuan Y., Li Q., Zhang H., et al. (2019). Automatic cardiac arrhythmia classification using combination of deep residual network and bidirectional LSTM. IEEE Access 7, 102119–102135. doi:10.1109/access.2019.2931500

CrossRef Full Text | Google Scholar

Serhal H., Abdallah N., Marion J. M., Chauvet P., Oueidat M., Humeau-Heurtier A. (2022). Overview on prediction, detection, and classification of atrial fibrillation using wavelets and AI on ECG. Comput. Biol. Med. 142, 105168. doi:10.1016/j.compbiomed.2021.105168

PubMed Abstract | CrossRef Full Text | Google Scholar

Szegedy C., Ioffe S., Vanhoucke V., Alemi A. A. (2017). “Inception-v4, inception-resnet and the impact of residual connections on learning,” in Thirty-first AAAI conference on artificial intelligence.

CrossRef Full Text | Google Scholar

Takens F. (1981). “Detecting strange attractors in turbulence,” in Dynamical systems and turbulence, Warwick 1980 (Springer), 366–381.

CrossRef Full Text | Google Scholar

Tsai-Min Chen C.-H. H., Shih E. S. C., Hu Y. F., Hwang M. J. (2020). Detection and classification of cardiac arrhythmias by a challenge-best deep learning neural network mode. ISCIENCE.

Google Scholar

Wagner P., Strodthoff N., Bousseljot R. D., Kreiseler D., Lunze F. I., Samek W., et al. (2020). PTB-XL, a large publicly available electrocardiography dataset. Sci. Data 7 (1), 154. doi:10.1038/s41597-020-0495-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Wesselius F. J., van Schie M. S., De Groot N. M. S., Hendriks R. C. (2021). Digital biomarkers and algorithms for detection of atrial fibrillation using surface electrocardiograms: A systematic review. Comput. Biol. Med. 133, 104404. doi:10.1016/j.compbiomed.2021.104404

PubMed Abstract | CrossRef Full Text | Google Scholar

Xu Z., Guo Y., Zhao T., Zhao Y., Liu Z., Sun X., et al. (2022). Abnormality classification from electrocardiograms with various lead combinations. Physiol. Meas. 43, 074002. doi:10.1088/1361-6579/ac70a4

CrossRef Full Text | Google Scholar

Yao Q., Wang R., Fan X., Liu J., Li Y. (2020). Multi-class arrhythmia detection from 12-lead varied-length ECG using attention-based time-incremental convolutional neural network. Inf. Fusion 53, 174–182. doi:10.1016/j.inffus.2019.06.024

CrossRef Full Text | Google Scholar

Zbilut J. P., Thomasson N., Webber C. L. (2002). Recurrence quantification analysis as a tool for nonlinear exploration of nonstationary cardiac signals. Med. Eng. Phys. 24 (1), 53–60. doi:10.1016/s1350-4533(01)00112-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Zeng M., Zhang X., Zhao C., Lu X., Meng Q. (2021). GRP-DNet: A gray recurrence plot-based densely connected convolutional network for classification of epileptiform EEG. J. Neurosci. Methods 347, 108953. doi:10.1016/j.jneumeth.2020.108953

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang H., Liu C., Zhang Z., Xing Y., Liu X., Dong R., et al. (2021). Recurrence plot-based approach for cardiac arrhythmia classification using inception-ResNet-v2. Front. Physiol. 12, 648950. doi:10.3389/fphys.2021.648950

PubMed Abstract | CrossRef Full Text | Google Scholar

Zheng J., Chu H., Struppa D., Zhang J., Yacoub S. M., El-Askary H., et al. (2020). Optimal multi-stage arrhythmia classification approach. Sci. Rep. 10 (1), 2898. doi:10.1038/s41598-020-59821-7

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: atrial fibrillation identification, electrocardiogram, recurrence plot, non-deep neural network, optimal subset

Citation: Zhang H, Liu C, Tang F, Li M, Zhang D, Xia L, Crozier S, Gan H, Zhao N, Xu W and Liu F (2023) Atrial fibrillation classification based on the 2D representation of minimal subset ECG and a non-deep neural network. Front. Physiol. 14:1070621. doi: 10.3389/fphys.2023.1070621

Received: 15 October 2022; Accepted: 30 January 2023;
Published: 14 February 2023.

Edited by:

Jieyun Bai, Jinan University, China

Reviewed by:

Agnese Sbrollini, Marche Polytechnic University, Italy
Óscar Barquero-Pérez, Rey Juan Carlos University, Spain

Copyright © 2023 Zhang, Liu, Tang, Li, Zhang, Xia, Crozier, Gan, Zhao, Xu and Liu. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Wenlong Xu, wenlongxu@cjlu.edu.cn; Feng Liu, feng@itee.uq.edu.au

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.