1. Introduction
Cardiovascular diseases remain the leading cause of global mortality, accounting for approximately 19.8 million deaths annually. Among these, arrhythmia represents a common and potentially fatal cardiac manifestation [
1,
2]. Arrhythmia, defined as an abnormal heart rate or rhythm resulting from disturbances in cardiac electrical conduction, often serves as an early indicator of underlying cardiac pathologies and can precipitate severe complications such as heart failure, stroke, or sudden cardiac death if not diagnosed and managed in a timely manner [
3].
In clinical practice, the electrocardiogram (ECG) is well-established as the gold standard for arrhythmia detection owing to its non-invasiveness, cost-effectiveness, and capacity to capture real-time cardiac electrical activity [
4]. While single-lead ECGs offer essential rhythm information, multi-lead systems—particularly the standard 12-lead configuration—provide a spatially comprehensive perspective by recording electrical signals from multiple anatomical vantage points across the chest and limbs [
5]. This multidimensional data captures regional heterogeneity in myocardial depolarization and repolarization, thereby facilitating more accurate localization of arrhythmic foci and improved discrimination among complex arrhythmia subtypes [
6].
Early automated ECG diagnosis primarily relied on traditional machine learning methods such as Random Forest and Support Vector Machines (SVM) [
7]. These approaches typically required manual feature engineering (e.g., RR interval, QRS complex width, ST segment slope), relied heavily on domain expertise, and involved cumbersome feature engineering processes with limited generalization capabilities. With the rapid advancement of deep learning, neural network-based ECG classification methods have achieved significant breakthroughs. In single-lead analysis, Liu et al. [
8] demonstrated the feasibility of detecting arrhythmias using short-duration single-lead ECG via one-dimensional convolutional neural networks. Chen et al. [
9] proposed reconstructing standard 12-lead ECGs from arbitrary single-lead ECGs to improve detection performance. However, this approach relies on statistical correlations rather than physiological spatial relationships, which may introduce reconstruction artifacts and limit clinical interpretability. Multi-lead analysis presents unique challenges, with effectively modeling spatial correlations between leads emerging as a critical issue. Some studies propose using 2D-CNN to treat multi-lead ECGs as image processing tasks, but this approach may fail to fully capture physiological relationships between leads [
10]. In recent years, attention mechanisms have demonstrated significant potential in ECG analysis by enabling models to automatically focus on abnormal features in distinct regions, thereby improving classification accuracy. Taki Hasan Rafi [
11] integrated attention modules into a convolutional architecture to enhance the representation of critical heartbeat segments. Elsheikhy et al. [
12] added channel attention mechanisms to CNN to strengthen the representation of key diagnostic features in ECG signals while constructing lightweight models.
However, existing methods suffer from three major limitations: first, most studies focus on single-lead temporal features while neglecting spatial synergistic effects across multiple leads. Second, current attention mechanisms often process spatial or temporal dimensions independently, lacking effective coordination. Third, traditional models lack mechanisms to integrate multi-scale temporal features, limiting their ability to simultaneously capture local waveform details and global rhythmic patterns.
To address these challenges, we introduce the Multi-Scale Lead-Temporal Co-Attention Framework (MS-LTCAF). This framework is designed to effectively extract and analyze intra-lead and inter-lead features while leveraging a dual-attention mechanism to focus on the most relevant information and reduce redundancy. By integrating a Lead-Temporal Co-Attention Residual (LTCAR) module and the multi-scale branch structure, MS-LTCAF aims to enhance the performance of multi-lead ECG classification models.
Equipped with these perspectives, the contributions of this work are summarized as follows:
The proposed MS-LTCAF provides a novel approach for end-to-end extraction and fusion of intra-lead, inter-lead, and multi-scale temporal features in multi-lead ECG classification.
The LTCAR module, with its dual-path design and lead-time co-attention mechanism, enables the model to dynamically focus on key leads and time segments. The multi-scale branch structure effectively integrates short-, medium-, and long-range temporal features, achieving joint modeling of local waveform details and global rhythm patterns.
This framework demonstrates excellent performance on the PTB-XL and LUDB datasets, offering a promising solution to improve the accuracy and efficiency of cardiovascular disease diagnosis.
2. Related Work
This section is divided into three parts: (1) an overview of the theoretical foundations of electrophysiology and multi-lead analysis; (2) a review of the application of deep learning and machine learning in arrhythmia detection; and (3) an exploration of the key role of attention mechanisms in improving classification accuracy in multi-lead analysis.
2.1. Theoretical Background of ECG Diagnosis
An electrocardiogram (ECG) represents the comprehensive vector manifestation of cardiac electrophysiological activity. Understanding its underlying principles forms the foundation for developing efficient, interpretable automated analysis algorithms. This section elucidates the core theoretical basis for effectively addressing this problem, tracing its origins from cardiac electrophysiology to modern deep learning methods, with particular emphasis on attention mechanisms.
2.1.1. Physiological Basis of Electrocardiography
The rhythmic contractions of the heart are triggered by the depolarization and repolarization processes of cardiac muscle cells. The resulting bioelectric changes are conducted through bodily fluids to the skin surface, forming a waveform of potential differences that can be recorded by electrodes as an electrocardiogram (ECG). A standard cardiac cycle manifests on the ECG as a series of characteristic deflection waveforms, each corresponding to a specific phase of cardiac electrical impulse propagation:
P wave: Reflects atrial depolarization. Abnormal morphology is often associated with atrial arrhythmias (e.g., atrial fibrillation) [
13].
QRS complex: Reflects rapid ventricular depolarization. Its width, morphology, and amplitude are critical for ventricular arrhythmias (e.g., premature ventricular contractions) and myocardial infarction [
14].
T wave: Reflects ventricular repolarization; abnormalities may indicate myocardial ischemia, electrolyte disturbances, etc. [
15].
PR interval, ST segment, and QT interval: These intervals and segments carry critical diagnostic information, reflecting atrioventricular conduction time, early ventricular repolarization, and total ventricular electrical activity duration, respectively.
Arrhythmias originate from disturbances in the initiation, propagation, or conduction velocity of cardiac electrical impulses. These abnormalities manifest as alterations in the morphology, duration, and rhythmic patterns of corresponding ECG waveforms, forming the physiological foundation for automated arrhythmia classification based on ECG analysis.
2.1.2. The Value of Multi-Lead Electrocardiography and Spatial Information Theory
The standard 12-lead ECG records cardiac electrical activity from multiple angles (six axes in the frontal and horizontal planes), forming a spatial observation system. The placement of electrodes in different leads determines their sensitivity to electrical activity in specific cardiac regions, based on the principle of electrocardiographic vector projection:
Inferior wall leads (II, III, aVF): Electrodes positioned on the lower limbs are particularly sensitive to detecting inferior wall myocardial infarction.
Lateral wall leads (I, aVL, V5, V6): Critical for observing abnormalities in the lateral wall myocardium.
Anterior interventricular leads (V1–V4): Advantageous for detecting ischemia or infarction in the anterior interventricular myocardium.
aVR lead: Often provides unique information about the overall electrical axis of the heart, holding particular value in diagnosing widespread myocardial ischemia or arrhythmias.
Therefore, comprehensive analysis of multi-lead information is crucial for fully assessing cardiac electrical activity and accurately localizing anatomical lesions [
16]. Compared to single-lead recordings that provide projections from only one spatial direction, multi-lead systems form a comprehensive spatial observation network. The multidimensional, complementary information they offer possesses theoretical advantages unmatched by single-lead systems in lesion localization and diagnostic redundancy. The core objective of this study is to achieve breakthroughs in classification performance by deeply mining this high-dimensional information system.
2.1.3. The Theoretical Fit and Advantages of Attention Mechanisms
In ECG analysis tasks as described in
Section 2.1.1 and
Section 2.1.2, the diagnosis of abnormal heart rhythms (such as arrhythmias, atrial fibrillation, etc.) relies not only on temporal features like abnormal QRS complex morphology, P wave absence, or irregular occurrence, but is also closely related to spatial feature differences manifested across multiple leads. While traditional convolutional neural networks (CNNs) and recurrent neural networks (RNNs) possess automatic feature extraction capabilities, their inherent limitation lies in treating information across all temporal steps and spatial dimensions equally. This makes it difficult to explicitly capture feature structures with significant discriminative differences across different time periods and leads.
The introduction of attention mechanisms effectively addresses this shortcoming, with their computational principles aligning closely with the clinical logic of ECG diagnosis [
17]. This mechanism dynamically calculates importance weights (Attention Weights) for each time point and lead within the input sequence in a data-driven manner, enabling the model to adaptively focus on local segments and spatial patterns most relevant to the diagnostic task. Explicit modeling of feature importance not only enhances classification accuracy but also improves model interpretability [
18]. Visualizing attention weight distributions clearly identifies the key waveforms and lead regions underpinning model decisions, providing an intuitive clinical rationale for AI-assisted diagnoses and fostering physician trust in intelligent diagnostic systems. In this study, to further strengthen the model’s ability to jointly model spatiotemporal dependencies in multi-lead ECG signals, we introduce a synergistic architecture combining two attention mechanisms. This design aims to explicitly capture the interactive effects between temporal dynamics and spatial distributions, thereby representing multidimensional feature patterns under complex arrhythmias in a more comprehensive and discriminative manner.
2.2. Arrhythmia Detection Model
Current electrocardiogram (ECG) detection methods are mainly divided into two categories: machine learning and deep learning.
In the field of machine learning, Pan et al. [
19] proposed a feature extraction scheme combining discrete wavelet transform, autocorrelation, and principal component analysis to extract seven features from ECG signals, employing a random forest algorithm for classification. Wang et al. [
20] further integrated multiple features to achieve the mining and combination of local and global heartbeat characteristics, utilizing random forest, SVM, and BP neural networks for classification. To enhance feature representation, Fuadah et al. [
21] decomposed ECG signals into multiple subbands using discrete wavelet transform (DWT), then extracted Hjorth descriptors and entropy-based features from each subband. They systematically compared the performance of five classifiers—kNN, SVM, random forest, ANN, and RBFN—under different parameter configurations. Luongo et al. [
22] extracted optimal features from RR interval sequences in single-lead Holter ECGs using greedy forward selection techniques, achieving 73.5% accuracy with a decision tree classifier. Although these machine learning methods have demonstrated some effectiveness, their performance relies heavily on the quality of manually designed features. Manual features require extensive domain expertise and struggle to capture complex arrhythmia patterns and nonlinear feature relationships, limiting generalization in complex clinical scenarios.
With the advancement of deep learning technology, end-to-end automatic feature learning has achieved expert-level performance without requiring manual features [
23,
24,
25]. Ezz [
26] investigated the performance of five deep learning models—including Inception and DenseNet201—in single-lead ECG classification and diagnosis. Results showed that VGG16 paired with the V4 lead achieved 98.11% accuracy, demonstrating that single-lead ECG combined with deep learning can accurately diagnose cardiac diseases. Mathews et al. [
27] explored unsupervised learning approaches, employing Restricted Boltzmann Machines (RBM) and Deep Belief Networks (DBN) to construct a deep learning framework for ECG signal classification. Kamyar et al. [
28] proposed an innovative signal transformation method that converts single-lead ECG signals into graph structures via three approaches: natural visible graphs, horizontal visible graphs, and quantile graphs. They then utilized graph isomorphism networks for arrhythmia classification. Most of these studies focus on single-lead temporal feature analysis, neglecting spatial synergistic effects among multiple leads. Compared to single-lead ECGs, multi-lead ECGs contain richer cardiac activity information and can provide a more comprehensive assessment of cardiac abnormalities [
29]. Bacevicius et al. [
30] demonstrated through comparative studies that six-lead ECGs significantly outperform single-lead and PPG signals in detecting atrial fibrillation. However, multi-lead models exhibit non-orthogonal lead configurations, leading to redundant information from overlapping lead perspectives and partial loss of detailed features. Elisa et al. [
31] proposed an entropy-based redundancy metric to reduce redundancy in 12-lead ECGs by removing highly redundant leads and applying linear transformations (e.g., PCA, IDT). Lai [
32] employed a forward stepwise selection method to identify an optimal 4-lead subset comprising II, aVR, V1, and V4, effectively eliminating redundancy and enhancing model generalization. However, this approach cannot dynamically calibrate the importance of different leads or time segments. Furthermore, traditional models like CNN lack mechanisms to integrate multi-scale temporal features, limiting their ability to capture both local details and global patterns, thereby affecting diagnostic accuracy [
33,
34,
35].
In summary, machine learning methods can achieve high accuracy but rely on features extracted from expert knowledge, making it difficult to capture complex rhythms. Deep learning methods can automatically extract key features and perform excellently in single-lead ECG diagnosis but often overlook synergistic multi-lead information, losing spatial features and limiting applicability in complex scenarios. Multi-lead ECGs offer richer information but also introduce redundancy and loss of detail. Existing methods to reduce redundancy cannot dynamically calibrate the importance of different leads or time segments, and traditional models like CNN cannot integrate multi-scale temporal features, making it difficult to balance local waveform details with global rhythm patterns, which affects diagnostic accuracy.
2.3. Attention Mechanism in Multi-Lead Electrocardiography
In recent years, attention mechanisms have been widely applied in ECG analysis, significantly enhancing the accuracy and interpretability of arrhythmia detection.
Regarding spatial attention, Huang et al. [
36] proposed Guided Spatial Attention (GSA) and a CAM-based Spatial Guided Attention Mechanism (CGAM). By integrating clinical knowledge to create attention-guided labels for four ECG anomaly classification tasks, they significantly enhanced model classification performance and interpretability. Lu et al. [
37] demonstrated the effectiveness of spatial attention in locating critical regions by predicting cardiac arrest in emergency departments using 12-lead ECG images, employing a spatial attention module and binary recall loss.
Regarding temporal attention, Manal [
38] proposed a hybrid Transformer-CNN deep learning model. The self-attention mechanism within the Transformer architecture computes attention weights at each time step through a Query–Key–Value structure, enabling focus on temporal positions critical for anomaly detection. Ameet et al. [
39] employed a self-attention autoencoder model to capture critical temporal dependencies in waveforms—such as QRS complexes and RR intervals—through self-attention mechanisms, primarily focusing on the temporal features of ECG signals.
Regarding channel attention, Marko [
40] leveraged a channel attention mechanism to focus on key temporal features associated with atrial fibrillation in ECG and PPG data—such as patterns of RR interval irregularity over time—enabling efficient detection on wearable devices.
Such studies often focus on single-dimensional features when employing attention mechanisms to process electrocardiogram data. This isolated emphasis on either spatial or temporal characteristics struggles to comprehensively capture the interdependent relationships inherent in these signals. While this may enhance a model’s ability to identify abnormal cardiac activity patterns within specific dimensions, it risks limiting holistic interpretation by overlooking the interplay between these dimensions.
3. Methodology
The simultaneous extraction and analysis of intra-lead and inter-lead features can further improve the performance of multi-lead ECG diagnostic classification models. At the same time, the application of a dual-attention mechanism allows the model to focus on the most important information while ignoring less relevant features, thereby reducing information redundancy. To achieve this, we built a Multi-Scale Lead-Temporal Co-Attention Framework (MS-LTCAF). The signal is input into the MS-LTCAF, processed by Lead-Temporal Co-Attention Residual (LTCAR) Module and a multi-scale branch structure, and then sent to the classification head to output the results.
3.1. Detailed Description of the Multi-Scale Lead-Temporal Co-Attention Framework (MS-LTCAF)
The multi-lead ECG data X is entered into the proposed framework in the form of N × C × l × L tensors, where N denotes the number of samples, C represents the number of input channels, l indicates the number of leads (with a default value of 12), and L corresponds to the length of the signal sample. Following preprocessing, the signal undergoes feature extraction and classification through the network architecture. Ultimately, the classification result corresponding to the label Y is the result, with a dimensionality of N × K, where N is the number of samples and K is the total number of categories.
The MS-LTCAF consists of multiple LTCAR modules and a multi-scale branch structure. The multi-scale branch structure is composed of LTCAR modules with different parameters and 2D convolutions. The LTCAR module uses two convolution kernels of different sizes and an attention mechanism to extract intra-lead and inter-lead features. Skip connections are used to fuse features extracted from multiple paths efficiently. The general architecture of the framework is illustrated in
Figure 1.
First, the signal is fed into the first initialization layer, which comprises the Convolution, BatchNorm, ReLU, and Dropout layers. The convolutional kernel of the initial convolution layer is (3, 15), which is capable of extracting both intra-lead and inter-lead features simultaneously. The BatchNorm layer performs batch normalization, which accelerates the training process and enhances the stability of the model. The introduction of the non-linear ReLU activation function enables the model to converge rapidly while preventing the vanishing gradient problem. However, to reduce the risk of overfitting, the Dropout layer is incorporated.
Subsequently, the output of the initialization layer flows into the first LTCAR module, each containing two paths. Path 1 is based on (k, n) convolutional kernels to compress along the center, and at the same time, lead attention is added to automatically learn the correlation between leads, and capture the synergistic effect of different lead combinations on specific pathological features. Path 2 is based on stacked m (1, n) convolutional kernels compressed along the time dimension, increasing the global channel dependence of temporal attention modeling, dynamically calibrating the importance of multi-channel features, and making up for the local limitation of convolution. At the same time, the model’s joint modeling ability of ECG local waveform and global rhythm is improved through jump connection.
The second LTCAR module, which has the same structure but a different number of channels, outputs directly to the multi-scale branch structure. This structure contains three parallel paths, each consisting of two LTCAR modules and a convolutional layer, using convolutional nuclei of different widths (n = 5, 7, 15) to capture ECG signatures at different time scales. This design enhances the model’s adaptability to different heart rates and waveform variations, thereby improving classification accuracy. Finally, the outputs of the three branches are concatenated and fed into global average pooling, which compresses the height and width of the feature map to 1 × 1. The resulting features are then passed through the final fully connected layers (Linear, BatchNorm, GELU, Dropout) for final classification prediction, outputting the score of each sample for each category.
3.2. Lead-Temporal Co-Attention Residual (LTCAR) Module
To better extract intra-lead and inter-lead features and fully leverage available information, we propose the Lead-Temporal Co-Attention Residual (LTCAR) module. The LTCAR module can be flexibly added to any position in the network to improve the performance of the model. Its specific structure is shown in
Figure 2.
Path 1 is the global–local feature path. After the input passes through the batch normalization and ReLU activation layers, a convolution kernel of size (k, n) is used to convolve the input, where k acts on the lead dimension and n acts on the time dimension to capture inter-lead correlations. Adding lead attention (as illustrated in
Figure 2b and Equation (
1)) generates spatial weights through max pooling and average pooling, enhances the response of key regions between leads, dynamically adjusts the feature importance of different positions, directs the model’s focus toward the most discriminative regions for the classification task, and models the collaborative variations among multiple leads. Finally, feature map Dropout is added to reduce the model’s dependence on specific signs, prevent overfitting, and improve its generalization ability.
Among them, x denotes the input feature map; denotes the global average pooling operation; and denote the weight matrices of the two convolutional layers; r denotes the dimensionality reduction coefficient (reduction); ⊗ denotes the channel-wise multiplication operation; y denotes the output feature map after channel attention weighting.
Path 2 is the time-series feature deepening path. It stacks m (1, n) convolution kernels, focusing on the time dimension to extract local time-series features for a single lead. By stacking m convolutions, while reducing the number of parameters to accelerate the training process, multi-layer convolutions can extract more refined features layer by layer, capture fine-grained time changes, and form a richer time-series feature space, which is helpful for identifying subtle features in ECG signals. Introducing temporal attention (as shown in
Figure 2c and Equation (
2)) can generate channel weights through global average pooling, identify channels that extract key time patterns, suppress noise and redundant information, strengthen key channels, and finally form fine-grained temporal feature modeling.
Among them, x denotes the input feature map; represents the maximum pooling operation along the channel dimension; represents the average pooling operation along the channel dimension; denotes the concatenation operation along the channel dimension; W represents the weight matrix of the convolutional layer (using a 7 × 7 convolution kernel); ⊗ indicates the element-wise multiplication operation; and y represents the output feature map after spatial attention weighting.
Skip connections allow gradients to flow directly back to earlier layers, thereby alleviating the problem of vanishing gradients. They can also add the input feature map to the feature map after multi-layer processing, preserving the original information while promoting feature flow. The dual-path architecture, combined with the dual-attention collaborative mechanism, more effectively exploits the relationships between intra-lead and inter-lead ECG features, thereby optimizing the model’s classification performance.
3.3. Multi-Scale Branch Structure
ECG signals exhibit features across multiple time scales, ranging from rapidly changing QRS complexes to relatively slow P waves and T waves. Single-scale branch convolution kernels cannot comprehensively capture these features. Therefore, we propose a multi-scale branch structure that can simultaneously capture rhythmic features at different time scales in ECG signals, enabling the model to concurrently learn local details and global rhythmic patterns, thereby enhancing the discriminative ability for different arrhythmia categories.
Each branch comprises two LTCAR modules and one convolutional layer. In each branch, the first LTCAR module adopts a larger convolution kernel (3, n), where k = 3 models the dependencies of local lead combinations in the spatial dimension (inter-lead), while n = 5, 7, 15 covers ECG waveform features across different ranges in the temporal dimension, thereby extracting extensive spatiotemporal contextual information. The intermediate convolutional layer strengthens feature representation, prevents multi-branch information during transmission, and improves feature robustness. The second LTCAR module employs a smaller convolution kernel (1, n), where k = 1 only focuses on feature changes within a single lead to avoid inter-lead interference, while n = 5/7/15 maintains multi-scale temporal modeling. The smaller convolution kernel refines local feature extraction, compensating for the potential blurring introduced by large convolution kernels, and more accurately captures detailed features such as steep QRS transitions and minor ST-segment shifts.
The three branches employ convolution kernels of different sizes, specifically (3 × 5, 1 × 5), (3 × 7, 1 × 7), and (3 × 15, 1 × 15). By setting k = 3 and k = 1, multi-level spatial modeling is achieved, ranging from capturing correlations among local lead combinations to focusing on lead-specific dependencies of individual leads. This enhances the capability to detect inter-lead dependencies and local abnormal changes. In the temporal dimension, windows of n = 5, 7, and 15 cover short-, medium-, and long-range temporal features, thus capturing various types of temporal dependencies. This design allows simultaneous attention to local details (e.g., individual heartbeat morphology) and global rhythms (e.g., RR-interval variations), thereby improving adaptability to different heart rates and waveform variations.
4. Experiments
In this section, the performance of the proposed model is comprehensively analyzed and evaluated. Two public datasets—PTB-XL and the Lobachevsky University Electrocardiography database (LUDB)—are used to verify the classification effect of the model on multi-lead ECG data. The model is also compared with existing methods. In order to verify the effectiveness of the proposed model components and mechanisms, ablation experiments are conducted to highlight the contribution and importance of each component, which can further optimize the model structure and improve the overall performance.
4.1. Data
Data 1: PTB-XL ECG dataset
The PTB-XL ECG dataset [
41] contains 21,837 clinical 12-lead ECGs from 18,885 patients. Each recording is 10 s in length, with sample frequencies of 500 Hz and 100 Hz and 16-bit resolution. The dataset was 52% male and 48% female, with ages ranging from 0 to 95 years (median 62 years; interquartile range: 22). The dataset was derived from a comprehensive collection of many different concurrent pathologies and also from mostly healthy control samples. Raw waveform data were annotated by up to two cardiologists who assigned multiple possible ECG statements to each record. In total, 71 different ECG statements met the SCP-ECG criteria, covering 44 diagnostic, 19 formal and 12 rhythmic statements, with four statements belonging to both diagnostic and formal categories. This study mainly focuses on the use of diagnostic statements to determine normal and abnormal ECG signals, and the official dataset aggregates 44 diagnostic statements into 5 superclass diagnostic labels (NORM, MI, STTC, CD, HYP) because each record may have multiple labels, and the sum of the labels exceeds the number of records; however, the original dataset contains samples without a clear diagnostic category, and in order to ensure data consistency and comparability, this study improves the data quality and training effect by filtering invalid samples, The final dataset label distribution used in this study is shown in
Table 1.
The PTB-XL dataset was obtained by stratified sampling while respecting patient assignment, i.e., all records for a particular patient were assigned the same first fold. The records in the 9th and 10th fold have been evaluated manually at least once and have higher label quality. Therefore, this study adopted the official recommendation of using folds 1–8 as the training set, fold 9 as the validation set, fold 10 as the test set, and selects data with a sample frequency of 100 Hz.
Preprocessing mainly includes signal truncation (unified to a 10-s length) and Robust Scaling normalization based on the median and interquartile range (IQR). During training, data augmentation methods such as random time shifting, scaling, and slight noise are applied in real time to enhance the generalization ability of the model. This process relies on the well-established wfdb library and NumPy for implementation. The computational load mainly comes from one-time data loading (disk I/O), while the memory computation overhead for tasks like normalization is extremely low.
Data 2: Lobachevsky University Electrocardiography database (LUDB)
The Lobachevsky University Electrocardiography Database (LUDB) [
42] is an ECG signal database with a sampling frequency of 500 Hz. It contains 200 records of 10-s 12-lead ECG signals, including 85 females and 115 males, with ages ranging from 11 years to over 89 years (average: 52 years). Cardiologists manually annotated each lead in each data record, marking the boundary and peak of P waves, T waves, and QRS complexes. This dataset can be classified in various ways. In this study, the specified heart rate types are used to determine whether the ECG signals are normal or abnormal.
Meanwhile, to ensure data quality and training effectiveness, this study adopts an automatic QRS detection process based on the improved Pan–Tompkins algorithm. It considers a time interval of 0.4 s before and 0.6 s after the peak of a given QRS complex to extract complete cardiac cycles. This approach eliminates the need for labor-intensive and subjective manual heartbeat annotation, thus ensuring the reproducibility and efficiency of data construction. After filtering out invalid samples, QRS region-specific augmentation (e.g., adding noise only in the QRS region), lead-specific gain, and time warping were introduced as data augmentation methods. The final label distribution is provided in
Table 2. This study adopts five-fold cross-validation.
4.2. Implementation Details
During data preprocessing, Robust Scaling is applied for normalization to suppress interference from outliers, such as transient interruptions in specific leads. Data augmentation is performed in real time throughout the training process. For parameter initialization, the He method is adopted to stabilize input distribution for the ReLU activation function and accelerate convergence. During training, the AdamW optimizer and Focal Loss are used in combination to address class imbalance and hard example recognition; this is paired with a cosine annealing learning rate scheduler to ensure the model escapes local optima. Regularization is implemented via Dropout (with a probability of 0.2–0.4) and gradient clipping (with a threshold of 10.0) to enhance the model’s generalization ability. All experiments are conducted on a server equipped with an NVIDIA Tesla V100 PCIe 32 GB GPU and implemented based on the PyTorch 2.50 framework.
4.3. Evaluation Indicators
For multi-label classification problems, evaluation metrics need to simultaneously consider the prediction of multiple labels for each sample. There are sample-based metrics and label-based metrics. In this study, label-based metrics are adopted. Model performance is evaluated using the Area Under the Curve (AUC), Accuracy, F1-score, Precision, and Recall. The calculation formulas for these metrics are as follows:
Among them, AUC refers to the area under the receiver operating characteristic (ROC) curve. TP, FP, TN, and FN represent true positive, false positive, true negative, and false negative, respectively.
4.4. Comparative Translation with Other Baseline Methods
4.4.1. Baseline
A wide variety of arrhythmia detection models have been proposed. To verify the performance of the model presented in this study, we compare it with several existing models with better performance.
ResNet34 (He et al., 2016) [
43]: ResNet34 has achieved good results across multiple classification tasks and is widely used as a basic framework. In this study, it is reproduced as 1D and 2D arrhythmia detection models.
DNN_zhu (Zhu et al., 2020) [
44]: The DNN_zhu model performs excellently in single-label and multi-label ECG diagnosis, with most indicators exceeding the average performance of human physicians.
DSE-ResNet (Li et al., 2022) [
10]: DSE-ResNet has certain advantages in detecting some arrhythmias using multi-lead 2D-ECG.
SE-ResNet (Park et al., 2022) [
45]: SE-ResNet has been applied to single-lead ECG classification, with particularly high accuracy reported on Lead II data. In this study, we reproduce both as a single-lead model using only Lead II and a model using 12 leads.
LightX3ECG (Le et al., 2023) [
46]: This model is specifically designed to identify various cardiovascular abnormalities through three-lead ECG data (I, II, and V1 leads).
4.4.2. Results
To evaluate model performance, we compare our approach with existing high-performing baseline models.
Table 3 summarizes the overall performance, model complexity, and inference performance tests of our model alongside other baseline models on the PTB-XL dataset.
Table 4 provides the detailed classification report for our model on PTB-XL, and
Table 5 displays the results on the LUDB dataset. The ROC curves for our model on PTB-XL and LUDB are shown in
Figure 3 and
Figure 4, respectively.
In the evaluation on the PTB-XL dataset, as shown in
Table 3, the MS-LTCAF demonstrates significant advantages. It achieves an AUC of 0.927, which is significantly better than ResNet34_1d (0.908), ResNet34_2d (0.911), and DNN_zhu (0.918) (
p < 0.05). Its accuracy (0.877) is comparable to that of the optimal baseline (ResNet34_1d 0.882) (
p > 0.1). Furthermore, its F1-score (0.745) is significantly higher than those of the baseline models (
p < 0.05), indicating that MS-LTCAF achieves an optimal balance between precision and recall while maintaining classification stability.
From the perspective of computational complexity and resource efficiency, MS-LTCAF achieves a favorable balance between parameter size and memory usage. With 24.585 million parameters, it exceeds lightweight models such as DNN_zhu (3.681 million) but remains considerably smaller than the SE-ResNet family (approximately 58 million). This moderate parameterization enhances its representational capacity, leading to superior performance on key metrics—including an AUC of 0.927, an F1-score of 0.745, and a precision of 0.806—ranking it among the top-performing models in discriminative power and classification robustness. In terms of memory consumption, MS-LTCAF requires only 0.22 GB, comparable to the SE-ResNet series (0.26 GB) and significantly lower than DSE-ResNet (0.48 GB). Although some models, like LightX3ECG (0.03 GB), consume less memory, they underperform MS-LTCAF across multiple evaluation dimensions. Thus, MS-LTCAF strikes an effective trade-off, using modest increases in parameters and memory to deliver substantial gains in overall classification accuracy. This makes it particularly suitable for practical applications where both high performance and resource efficiency are required.
Table 4 presents specific ECG type evaluation metrics on the PTB_XL dataset. The model demonstrates satisfactory classification performance across most categories, with the highest F1-score (0.84) achieved for the Norm type, accompanied by precision and recall rates of 0.83 and 0.86, respectively. This indicates strong capability in identifying normal ECGs. However, metrics for the HYP category are notably lower (F1 = 0.39, Recall = 0.27). This discrepancy may stem from the fact that ECG alterations associated with hypertension often overlap with other clinical conditions, resulting in higher feature complexity that impairs the classifier’s discriminative power.
In the LUDB dataset evaluation, MS-LTCAF demonstrates outstanding performance. The model achieves an AUC of 0.942, showing stronger discriminative power than baseline models such as ResNet34_1d (0.870) in distinguishing positive from negative ECG samples, and more accurately capturing signal differences. Its accuracy reaches 0.920, outperforming SE-ResNet12 (0.903), which indicates lower error rates and higher stability when classifying overall ECG data. The F1-score is 0.745, with precision at 0.794 and recall at 0.701. All three metrics outperform most baselines, collectively demonstrating its outstanding classification performance and robustness in ECG signal analysis tasks.
From the perspective of computational complexity and resource efficiency, MS-LTCAF achieves an efficient design in terms of parameter count (24.585M) and memory consumption (0.16 GB). Its parameter count is significantly lower than that of the SE-ResNet series (58.147M), and its memory consumption is only about 1/7th (1.18 GB), demonstrating extremely high memory efficiency. Although its parameter count exceeds that of lightweight models such as DNN_zhu (3.682M) and LightX3ECG (5.583M), MS-LTCAF substantially outperforms these models across all key performance metrics. This highlights its ability to deliver significant performance gains with only moderate parameter growth. Such efficiency makes MS-LTCAF particularly well suited for deployment in resource-constrained practical scenarios, providing an effective solution for achieving high-precision ECG signal classification.
4.5. Ablation Study
To verify the effectiveness of the proposed model (Lead-Temporal Co-Attention (LTCA) mechanism, multi-scale branch structure, and LTCAR module), ablation experiments were conducted. By modifying key structures, we evaluated the impact of each component on classification performance and quantified its contribution to the overall model behavior.
4.5.1. Effectiveness of Lead-Temporal Co-Attention Mechanism
To verify the effectiveness of the LCTA Mechanism, we adopted the same training strategy and parameter configuration to differentiate only the attention module. In this experiment, the influence of attention mechanism on the overall performance of the model was explored by constructing a single attention variant (which contained only temporal or lead attention) and a non-attention variant. Their results were compared against the original model incorporating the LTCA mechanism. Furthermore, Grad-CAM visualization were employed to further visualize the effectiveness of attention. The results are shown in
Table 6, and
Figure 5 and
Figure 6.
The experimental findings confirm the synergistic effect of combining lead attention and temporal attention, which can effectively enhance the model’s ability to extract and discriminate complex features, and then significantly improve the classification performance. Furthermore, through the visualization results, the role of the attention mechanism can be further verified, and the focused feature areas between and within different leads can be visually displayed.
4.5.2. Effectiveness of the LTCAR Module
In classification tasks involving spatiotemporal features such as ECG, the LTCAR module used in our framework contributes to improving model performance through dual-path convolution. To evaluate the effectiveness of the LTCAR module, we replaced it with a convolutional operation while keeping the overall architecture of the model, training strategy, and hyperparameter configuration completely consistent to ensure the rigor of the experiment. The experimental results are shown in
Figure 7 and
Figure 8.
The experimental results show that the LTCAR module exhibits significant advantages over the traditional convolutional operation in ECG classification tasks. The traditional convolutional operation relies on fixed-size convolution kernels for feature extraction, resulting in insufficient completeness of feature extraction and limited modeling capabilities. In contrast, the dual-path structure of the LTCAR module can simultaneously perform collaborative modeling from two dimensions: the dynamic evolution of time series and the local correlation of spatial features, achieving more comprehensive information capture. Experiments have confirmed the effectiveness of the LTCAR module in ECG classification tasks.
4.5.3. Effectiveness of Multi-Scale Branch Structure
To evaluate the necessity of the multi-scale branch structure, we conducted experiments by comparing the performance differences between the original multi-branch structure and the simplified single-branch structure. In this experiment, to eliminate interference factors caused by extreme scales, only the intermediate-scale branch (branch2, n = 7) was retained, and the other two branches were removed. This ensured that the comparative analysis was conducted under the control of a single variable. The experimental results are shown in
Figure 9 and
Figure 10.
The experimental results indicate that the multi-scale branch structure not only effectively avoids the scale bias problem that may be caused by a single branch but also gives full play to the complementary advantages of features at different time scales. This structure is irreplaceable in ECG tasks and an indispensable key element for improving model performance.
5. Discussion
The MS-LTCAF proposed in this study effectively addresses issues such as inter-lead information redundancy, incomplete capture of temporal features, and insufficient local–global modeling in multi-lead ECG classification. By integrating the Lead-Temporal Co-Attention (LTCAR) module and the multi-scale branch structure, the model achieves excellent performance on both the PTB-XL and LUDB datasets. Compared with existing baseline models, MS-LTCAF achieves an AUC of 0.924, an F1-score of 0.740, and a precision of 0.805, verifying its advancement in multi-lead ECG classification tasks.
The core innovation of MS-LTCAF lies in the integration of the LTCAR module and the multi-scale branch structure. The LTCAR module models inter-lead correlations and intra-lead temporal features, respectively, through a dual-path design: Path 1 utilizes lead attention to dynamically enhance the synergistic effect of key lead combinations, while Path 2 focuses on important time segments through temporal attention. Together, these mechanisms reduce noise interference, highlight pathological features, and overcome the limitations of traditional models (such as SE-ResNet and ResNet34) that focus on a single lead or fixed time window. This design improves sensitivity to subtle features, such as ST-segment changes in myocardial infarction (MI) and waveform abnormalities in conduction disturbances (CD). Moreover, the ablation experiment shows that by replacing the (LTCAR) module with a traditional convolutional operation, the model’s recognition accuracy for conduction disturbance (CD) decreases (see
Figure 7 and
Figure 8 for details). This indicates that the convolutional operation limits its representation of ECG signals to a single dimension, making it difficult to fully capture complex waveform changes and spatial distribution patterns at different time scales. This underscores the advantage of the dual-path (LTCAR) module in modeling spatiotemporal correlations.
The multi-scale branch structure covers short-, medium-, and long-range temporal features through convolution kernels of different sizes (ranging from 3 × 5, 1 × 5 to 1 × 15), focusing on the micro-details, intermediate-level features, and macro-trends of ECG signals, respectively. This enables the model to extract local waveform details (e.g., QRS complexes) while simultaneously recognizing global rhythm patterns (e.g., sinus rhythm). In contrast, a single-scale branch structure struggles to simultaneously accommodate feature information at different levels, leading to the omission of key signal features. Ablation results (see
Figure 9 and
Figure 10 for details) show that reducing the architecture to a single-branch structure degrades performance, highlighting the indispensability of the multi-scale approach.
Notably, our MS-LTCAF model achieved the optimal performance on the LUDB dataset, while its advantage was relatively modest on the PTB-XL dataset (though its performance still remained comparable to state-of-the-art methods). We attribute this phenomenon to two key differences between PTB-XL and LUDB: one lies in task complexity and label granularity, and the other in dataset scale and model capacity. In terms of task complexity and label granularity, PTB-XL is a multi-label diagnostic dataset, where many records simultaneously contain multiple arrhythmias. This requires models to learn highly complex and overlapping electrophysiological patterns, relying heavily on comprehensive judgments of global context and subtle waveform variations. In contrast, LUDB is essentially a morphological classification dataset, focusing on distinguishing mutually exclusive rhythm categories with distinct morphological differences. Regarding dataset scale and model capacity, PTB-XL (with approximately 27,826 records) is substantially larger than LUDB (with around 3869 records). The massive volume of data in PTB-XL enables large baseline models to learn complex coexisting patterns, which offsets the advantages of the innovative architecture to a certain extent. Conversely, on the smaller-scale LUDB dataset, the superior data efficiency and feature-focusing capability of MS-LTCAF—realized through the collaborative attention mechanism—are fully exerted, allowing it to outperform baseline models that rely on extensive data fitting by a significant margin.
Although this study provides a new method for arrhythmia detection, certain limitations remain. The model’s recognition performance for rare categories (such as abnormal heart rhythms in LUDB) leaves room for improvement and needs further optimization through data augmentation or transfer learning. These samples are severely underrepresented in the dataset, which may lead to misclassifications due to insufficient training, with the classification performance not evaluated independently. Furthermore, although the leads and time regions focused on by the model were visualized through Grad-CAM, the decision logic of the attention mechanism was not analyzed in detail, lacking more fine-grained interpretability.
In summary, MS-LTCAF provides a new paradigm for multi-lead ECG classification. Its Lead-Temporal Co-Attention (LTCAR) module and multi-scale branch structure lay a technical foundation for the automated diagnosis of cardiovascular diseases, which is expected to play an important role in clinical auxiliary diagnosis.
6. Conclusions
This study proposes a Multi-Scale Lead-Temporal Co-Attention Framework (MS-LTCAF) for multi-lead ECG classification. The framework achieves end-to-end extraction and fusion of intra-lead, inter-lead, and multi-scale features through the Lead-Temporal Co-Attention (LTCAR) module and multi-scale branch structure, effectively addressing inter-lead information redundancy, incomplete temporal feature capture, and insufficient local–global modeling. Through the dual-path LTCAR design and the Lead-Temporal Co-Attention Mechanism, the model dynamically focuses on key leads and time fragments. The multi-scale branch structure integrates short-, medium- and long-range time features to achieve joint modeling of local waveform details and global rhythm patterns. The excellent performance on the PTB-XL and LUDB datasets demonstrates that MS-LTCAF provides an efficient solution for multi-lead ECG classification, with the potential to improve the accuracy and efficiency of cardiovascular disease diagnosis and serve as a valuable clinical aid.
Author Contributions
Conceptualization, J.P. and D.H.; methodology, J.P. and D.H.; software, N.F. and C.C.; validation, P.D., C.G. and D.H.; formal analysis, P.D. and D.H.; investigation, N.F.; resources, J.P. and D.H.; writing—original draft preparation, N.F.; writing—review and editing, C.C. and D.H.; visualization, P.D.; supervision, J.P.; project administration, D.H.; funding acquisition, D.H. All authors have read and agreed to the published version of the manuscript.
Funding
This work was supported by the National Natural Science Foundation of China under grant No. 62403473, No. 62401570, No. 82472053, Natural Science Basic Research Program of Shaanxi Province No. 2024JC-YBQN-0675, KeyResearch and Development plan of Shaanxi Province No. 2025SF-YBXM-324 and Joint Founding Project of Innovation Research Institute in Xijing Hospital LHJJ24YG01, No. LHJJ24YG07, No. LHJJ24YG08.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
The original contributions presented in the study are included in the article, further inquiries can be directed to the corresponding author.
Acknowledgments
The authors would like to express sincere gratitude to the anonymous reviewers for their thoughtful comments and constructive suggestions. Their rigorous feedback significantly improved the clarity, logical coherence, and scholarly depth of this manuscript—helping to refine our arguments, address potential gaps in analysis, and strengthen the overall contribution of this work to the field. We also appreciate the efficiency and professionalism of the editorial team throughout the review process.
Conflicts of Interest
The authors declare no conflicts of interest.
References
- World Health Organization. Cardiovascular Diseases (CVDs). 2023. Available online: https://www.who.int/news-room/fact-sheets/detail/cardiovascular-diseases-(cvds) (accessed on 1 July 2025).
- Vaduganathan, M.; Mensah, G.A.; Turco, J.V.; Fuster, V.; Roth, G.A. The global burden of cardiovascular diseases and risk: A compass for future health. J. Am. Coll. Cardiol. 2022, 80, 2361–2371. [Google Scholar] [CrossRef]
- Zipes, D.P.; Camm, A.J.; Borggrefe, M.; Buxton, A.E.; Chaitman, B.R.; Fromer, M.F.; Gregoratos, G.; Hall, R.J.; Moss, A.J.; Myerburg, R.J.; et al. ACC/AHA/ESC 2006 Guidelines for Management of Patients With Ventricular Arrhythmias and the Prevention of Sudden Cardiac Death. J. Am. Coll. Cardiol. 2006, 48, e247–e346. [Google Scholar] [CrossRef]
- Mirvis, D.M.; Goldberger, A.L. Electrocardiography. Heart Dis. 2001, 1, 82–128. [Google Scholar]
- Wagner, G.S.; Strauss, D.G. Marriott’s Practical Electrocardiography; Lippincott Williams & Wilkins: Philadelphia, PA, USA, 2014. [Google Scholar]
- Corrado, D.; Pelliccia, A.; Heidbuchel, H.; Sharma, S.; Link, M.; Basso, C.; Biffi, A.; Buja, G.; Delise, P.; Gussac, I.; et al. Recommendations for interpretation of 12-lead electrocardiogram in the athlete. Eur. Heart J. 2010, 31, 243–259. [Google Scholar] [CrossRef] [PubMed]
- Jahangir, R.; Islam, M.N.; Islam, M.S.; Islam, M.M. ECG-based heart arrhythmia classification using feature engineering and a hybrid stacked machine learning. BMC Cardiovasc. Disord. 2025, 25, 260. [Google Scholar] [CrossRef] [PubMed]
- Liu, L.R.; Huang, M.Y.; Huang, S.T.; Kung, L.C.; Lee, C.h.; Yao, W.T.; Tsai, M.F.; Hsu, C.H.; Chu, Y.C.; Hung, F.H.; et al. An Arrhythmia classification approach via deep learning using single-lead ECG without QRS wave detection. Heliyon 2024, 10, e27200. [Google Scholar] [CrossRef]
- Chen, J.; Wu, W.; Liu, T.; Hong, S. Multi-channel masked autoencoder and comprehensive evaluations for reconstructing 12-lead ECG from arbitrary single-lead ECG. Npj Cardiovasc. Health 2024, 1, 34. [Google Scholar] [CrossRef]
- Li, J.; Pang, S.p.; Xu, F.; Ji, P.; Zhou, S.; Shu, M. Two-dimensional ECG-based cardiac arrhythmia classification using DSE-ResNet. Sci. Rep. 2022, 12, 14485. [Google Scholar] [CrossRef]
- Rafi, T.H.; Ko, Y.W. HeartNet: Self multihead attention mechanism via convolutional network with adversarial data synthesis for ECG-based arrhythmia classification. IEEE Access 2022, 10, 100501–100512. [Google Scholar] [CrossRef]
- Elsheikhy, D.H.; Hassan, A.S.; Yhiea, N.M.; Fareed, A.M.; Rashed, E.A. Lightweight Deep Learning Architecture for Multi-Lead ECG Arrhythmia Detection. Sensors 2025, 25, 5542. [Google Scholar] [CrossRef] [PubMed]
- Intzes, S.; Zagoridis, K.; Symeonidou, M.; Spanoudakis, E.; Arya, A.; Dinov, B.; Dagres, N.; Hindricks, G.; Bollmann, A.; Kanoupakis, E.; et al. P-wave duration and atrial fibrillation recurrence after catheter ablation: A systematic review and meta-analysis. Europace 2023, 25, 450–459. [Google Scholar] [CrossRef]
- Amit, G.; Galante, O.; Davrath, L.R.; Luria, O.; Abboud, S.; Zahger, D. High-Frequency QRS Analysis in Patients with Acute Myocardial Infarction: A Preliminary Study. Ann. Noninvasive Electrocardiol. 2013, 18, 149–156. [Google Scholar] [CrossRef]
- Channer, K.; Morris, F. Myocardial ischaemia. Bmj 2002, 324, 1023–1026. [Google Scholar] [CrossRef]
- Zhong, M.; Li, F.; Chen, W. Automatic arrhythmia detection with multi-lead ECG signals based on heterogeneous graph attention networks. Math. Biosci. Eng. 2022, 19, 12448–12471. [Google Scholar] [CrossRef] [PubMed]
- Xiao, Q.; Lee, K.; Mokhtar, S.A.; Ismail, I.; Pauzi, A.L.b.M.; Zhang, Q.; Lim, P.Y. Deep learning-based ECG arrhythmia classification: A systematic review. Appl. Sci. 2023, 13, 4964. [Google Scholar] [CrossRef]
- Bai, X.; Dong, X.; Li, Y.; Liu, R.; Zhang, H. A hybrid deep learning network for automatic diagnosis of cardiac arrhythmia based on 12-lead ECG. Sci. Rep. 2024, 14, 24441. [Google Scholar] [CrossRef] [PubMed]
- Pan, G.; Xin, Z.; Shi, S.; Jin, D. Arrhythmia classification based on wavelet transformation and random forests. Multimed. Tools Appl. 2018, 77, 21905–21922. [Google Scholar] [CrossRef]
- Wang, Z.; Li, H.; Han, C.; Wang, S.; Shi, L. Arrhythmia classification based on multiple features fusion and random forest using ECG. J. Med. Imaging Health Inform. 2019, 9, 1645–1654. [Google Scholar] [CrossRef]
- Fuadah, Y.N.; Lim, K.M. Optimal classification of atrial fibrillation and congestive heart failure using machine learning. Front. Physiol. 2022, 12, 761013. [Google Scholar] [CrossRef] [PubMed]
- Luongo, G.; Rees, F.; Nairn, D.; Rivolta, M.W.; Doessel, O.; Sassi, R.; Ahlgrim, C.; Mayer, L.; Neumann, F.J.; Arentz, T.; et al. Machine learning using a single-lead ECG to identify patients with atrial fibrillation-induced heart failure. Front. Cardiovasc. Med. 2022, 9, 812719. [Google Scholar] [CrossRef]
- Ding, C.; Yao, T.; Wu, C.; Ni, J. Deep learning for personalized electrocardiogram diagnosis: A review. arXiv 2024, arXiv:2409.07975. [Google Scholar] [CrossRef]
- Ansari, Y.; Mourad, O.; Qaraqe, K.; Serpedin, E. Deep learning for ECG Arrhythmia detection and classification: An overview of progress for period 2017–2023. Front. Physiol. 2023, 14, 1246746. [Google Scholar] [CrossRef]
- Lamba, S.; Kumar, S.; Diwakar, M. FADLEC: Feature extraction and arrhythmia classification using deep learning from electrocardiograph signals. Discov. Artif. Intell. 2025, 5, 82. [Google Scholar] [CrossRef]
- Ezz, M. Deep learning-driven single-lead ecg classification: A rapid approach for comprehensive cardiac diagnostics. Diagnostics 2025, 15, 384. [Google Scholar] [CrossRef]
- Mathews, S.M.; Kambhamettu, C.; Barner, K.E. A novel application of deep learning for single-lead ECG classification. Comput. Biol. Med. 2018, 99, 53–62. [Google Scholar] [CrossRef]
- Zeinalipour, K.; Gori, M. Graph neural networks for topological feature extraction in ECG classification. In Applications of Artificial Intelligence and Neural Systems to Data Science; Springer: Berlin/Heidelberg, Germany, 2023; pp. 17–27. [Google Scholar]
- Ribeiro, A.H.; Ribeiro, M.H.; Paixão, G.M.; Oliveira, D.M.; Gomes, P.R.; Canazart, J.A.; Ferreira, M.P.; Andersson, C.R.; Macfarlane, P.W.; Meira, W., Jr.; et al. Automatic diagnosis of the 12-lead ECG using a deep neural network. Nat. Commun. 2020, 11, 1760. [Google Scholar] [CrossRef]
- Bacevicius, J.; Taparauskaite, N.; Kundelis, R.; Sokas, D.; Butkuviene, M.; Stankeviciute, G.; Abramikas, Z.; Pilkiene, A.; Dvinelis, E.; Staigyte, J.; et al. Six-lead electrocardiography compared to single-lead electrocardiography and photoplethysmography of a wrist-worn device for atrial fibrillation detection controlled by premature atrial or ventricular contractions: Six is smarter than one. Front. Cardiovasc. Med. 2023, 10, 1160242. [Google Scholar] [CrossRef] [PubMed]
- Ramírez, E.; Ruipérez-Campillo, S.; Alós, R.; Castells, F.; Casado-Arroyo, R.; Millet, J. Quantifying ECG Redundancy Through Mutual Information Analysis Among Leads and Its Application in CNNs. In Proceedings of the Computing in Cardiology Conference (CinC) 2024, Karlsruhe, Germany, 8–11 September 2024. [Google Scholar]
- Lai, C.; Zhou, S.; Trayanova, N.A. Optimal ECG-lead selection increases generalizability of deep learning on ECG abnormality classification. Philos. Trans. R. Soc. A 2021, 379, 20200258. [Google Scholar] [CrossRef]
- Ansari, M.Y.; Yaqoob, M.; Ishaq, M.; Flushing, E.F.; Mangalote, I.A.c.; Dakua, S.P.; Aboumarzouk, O.; Righetti, R.; Qaraqe, M. A survey of transformers and large language models for ECG diagnosis: Advances, challenges, and future directions. Artif. Intell. Rev. 2025, 58, 261. [Google Scholar] [CrossRef]
- Chen, Q.; Lian, C.; Xu, B.; Zhou, Q.; Su, Y.; Zeng, Z. Large Language Model-assisted multi-scale hierarchical classification of ECG signals. Knowl.-Based Syst. 2025, 324, 113807. [Google Scholar] [CrossRef]
- Kim, D.; Lee, K.R.; Lim, D.S.; Lee, K.H.; Lee, J.S.; Kim, D.Y.; Sohn, C.B. A novel hybrid CNN-transformer model for arrhythmia detection without R-peak identification using stockwell transform. Sci. Rep. 2025, 15, 7817. [Google Scholar] [CrossRef]
- Huang, Y.; Liu, W.; Yin, Z.; Hu, S.; Wang, M.; Cai, W. ECG classification based on guided attention mechanism. Comput. Methods Programs Biomed. 2024, 257, 108454. [Google Scholar] [CrossRef]
- Lu, S.C.; Chen, G.Y.; Liu, A.S.; Sun, J.T.; Gao, J.W.; Huang, C.H.; Tsai, C.L.; Fu, L.C. Deep Learning–Based Electrocardiogram Model (EIANet) to Predict Emergency Department Cardiac Arrest: Development and External Validation Study. J. Med. Internet Res. 2025, 27, e67576. [Google Scholar] [CrossRef]
- Alghieth, M. DeepECG-Net: A hybrid transformer-based deep learning model for real-time ECG anomaly detection. Sci. Rep. 2025, 15, 20714. [Google Scholar] [CrossRef] [PubMed]
- Shah, A.; Singh, D.; Mohamed, H.G.; Bharany, S.; Rehman, A.U.; Hussen, S. Electrocardiogram analysis for cardiac arrhythmia classification and prediction through self attention based auto encoder. Sci. Rep. 2025, 15, 9230. [Google Scholar] [CrossRef] [PubMed]
- Maekynen, 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. [Google Scholar] [CrossRef] [PubMed]
- Wagner, P.; Strodthoff, N.; Bousseljot, R.D.; Kreiseler, D.; Lunze, F.I.; Samek, W.; Schaeffter, T. PTB-XL, a large publicly available electrocardiography dataset. Sci. Data 2020, 7, 1–15. [Google Scholar] [CrossRef]
- Kalyakulina, A.; Yusipov, I.; Moskalenko, V.; Nikolskiy, A.; Kosonogov, K.; Zolotykh, N.; Ivanchenko, M. Lobachevsky University Electrocardiography Database. 2020. Available online: https://physionet.org/content/ludb/1.0.0/ (accessed on 10 July 2021).
- He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
- Zhu, H.; Cheng, C.; Yin, H.; Li, X.; Zuo, P.; Ding, J.; Lin, F.; Wang, J.; Zhou, B.; Li, Y.; et al. Automatic multilabel electrocardiogram diagnosis of heart rhythm or conduction abnormalities with deep learning: A cohort study. Lancet Digit. Health 2020, 2, e348–e357. [Google Scholar] [CrossRef]
- Park, J.; An, J.; Kim, J.; Jung, S.; Gil, Y.; Jang, Y.; Lee, K.; Oh, I.y. Study on the use of standard 12-lead ECG data for rhythm-type ECG classification problems. Comput. Methods Programs Biomed. 2022, 214, 106521. [Google Scholar] [CrossRef]
- Le, K.H.; Pham, H.H.; Nguyen, T.B.; Nguyen, T.A.; Thanh, T.N.; Do, C.D. Lightx3ecg: A lightweight and explainable deep learning system for 3-lead electrocardiogram classification. Biomed. Signal Process. Control 2023, 85, 104963. [Google Scholar] [CrossRef]
| 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. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).