Next Article in Journal
Antibacterial and Antibiofilm Effect of Lavandula dentata L. Essential Oil as Endodontic Irrigant Against Standard and Clinical Strains of Enterococcus spp.
Previous Article in Journal
Discovering the Chimera of (Un)Happiness in Agile Software Development Communities: A Systematic Literature Review
Previous Article in Special Issue
Analysis of Demographic, Familial, and Social Determinants of Smoking Behavior Using Machine Learning Methods
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Cross-Database Learning Framework for Electrocardiogram Arrhythmia Classification Using Two-Dimensional Beat-Score-Map Representation

Bio-Intelligence & Data Mining Laboratory, School of Electronic and Electrical Engineering, Kyungpook National University, Daegu 41566, Republic of Korea
*
Author to whom correspondence should be addressed.
Appl. Sci. 2025, 15(10), 5535; https://doi.org/10.3390/app15105535
Submission received: 16 March 2025 / Revised: 1 May 2025 / Accepted: 12 May 2025 / Published: 15 May 2025
(This article belongs to the Special Issue Artificial Intelligence in Medicine and Healthcare)

Abstract

:
Cross-database electrocardiogram (ECG) classification remains a critical challenge due to variations in patient populations, recording conditions, and annotation granularity. Existing methodologies for ECG arrhythmia classification have primarily utilized datasets with either fine-grained or coarse-grained labels, but seldom both simultaneously. Fine-grained labels provide beat-level annotations, whereas coarse-grained labels offer only record-level labels. In this study, we propose an innovative cross-database learning framework that utilizes both fine-grained and coarse-grained labels in tandem, thereby enhancing classification performance across heterogeneous datasets. Specifically, our approach begins with the pretraining of a CNN-based beat classifier that takes ECG signals as the input and predicts beat types on a finely labeled dataset, namely the MIT-BIH Arrhythmia Database (MITDB). The pretrained model is then fine-tuned using weakly supervised learning on two coarsely labeled datasets: the SPH one, which contains four rhythm classes, and the PTB-XL one, which involves binary classification between the sinus rhythm (SR) and atrial fibrillation (AFIB). Once the beat classifier is adapted to a new dataset, it generates a two-dimensional beat-score-map (BSM) representation from the input ECG signal. This 2D BSM is subsequently utilized as the input for arrhythmia rhythm classification. The proposed method achieves F1 scores of 0.9301 on the SPH dataset and 0.9267 on the PTB-XL dataset, corresponding to the multi-class and binary rhythm classification tasks described above. These results demonstrate a robust cross-database classification of complex cardiac arrhythmia rhythms. Furthermore, t-SNE visualizations of the 2D BSM representations, after adaptation to the coarsely labeled SPH and PTB-XL datasets, validate how our method significantly enhances the ability to differentiate between various arrhythmia rhythm types, thus highlighting its effectiveness in cross-database ECG analysis.

1. Introduction

Electrocardiogram (ECG) analysis for arrhythmia classification is crucial for the early detection and timely intervention of cardiac abnormalities, significantly reducing morbidity and mortality risks [1]. Recent advances in deep learning have substantially improved arrhythmia detection performance; however, the practical applicability of these models remains limited due to their inability to generalize well across heterogeneous datasets [2,3]. Variations among ECG datasets, including differences in patient demographics, recording devices, clinical environments, and annotation granularities, significantly degrade the generalization capability of conventional ECG classification models [4,5,6].
Traditional ECG arrhythmia classification methods typically rely on fully supervised learning paradigms, necessitating extensive datasets with fine-grained, beat-level annotations [7,8,9,10]. While these methods achieve strong performance in well-controlled scenarios, their dependency on precise annotations restricts scalability and applicability to new, coarsely annotated databases. Consequently, domain adaptation (DA) techniques have emerged to address these challenges by aligning data distributions across different domains [11,12,13]. Although these approaches, including adversarial learning and explicit feature alignment, can mitigate cross-database discrepancies, they often require complex procedures and detailed labels from target databases [14,15].
Recent deep learning approaches, including CNN-based [16], attention-based [17], and transformer-based models [18], have shown promising results in arrhythmia classification tasks. With advances in deep learning-based ECG classification, some works have also explored on-device arrhythmia monitoring using ultra-low-power, single-chip integrated circuits [19,20]. These systems integrate ECG acquisition, arrhythmia detection, and cardiovascular signal analysis into compact and energy-efficient platforms, underscoring the growing interest in mobile and wearable deployment scenarios. However, most studies still rely on single-database evaluation settings, and their generalizability across heterogeneous ECG datasets remains underexplored.
Lately, weakly supervised learning (WSL) has been proposed to reduce reliance on fine-grained annotations by utilizing coarse-grained, record-level labels [21,22]. Despite the success of WSL in other fields, the existing WSL-based ECG classification approaches have not explicitly addressed cross-database generalization challenges. They have primarily focused on single-database scenarios without adequately accounting for dataset variability, limiting their applicability to broader clinical practice [23].
To address these limitations, we propose a novel two-stage cross-database learning framework for ECG arrhythmia classification that simultaneously utilizes both fine-grained and coarse-grained annotations. Our framework initially pretrains a beat-level classifier using fine-grained labels from a well-annotated dataset and then adapts the classifier to new datasets via weakly supervised learning with coarse-grained, record-level annotations. In contrast to traditional domain adaptation methods—such as adversarial learning or explicit feature alignment—which often require intricate procedures and detailed annotations, our approach effectively handles domain variability through weak supervision. This method is designed to improve the model’s robustness and generalization performance across a variety of ECG databases.
The objective of this study is to improve cross-database arrhythmia classification by utilizing both fine-grained and coarse-grained annotations together within a unified framework, while developing ECG classification models that are more adaptable to real-world clinical data conditions.
The main contributions of our work can be summarized as follows:
  • We introduce a cross-database generalization framework for ECG arrhythmia classification that utilizes a 2D beat-score-map (BSM) representation, derived from ECG signals, as the input to an ECG rhythm classifier. This 2D BSM representation effectively captures the beat-level features of the ECG signal, enhancing the classifier’s ability to differentiate arrhythmia rhythms.
  • We propose a two-stage learning approach that utilizes both fine-grained and coarse-grained labels from multiple datasets, thereby inherently addressing dataset discrepancies without the need for explicit alignment procedures. Our framework achieves domain adaptation implicitly through weakly supervised learning, ensuring robust generalization across diverse ECG databases.
  • Through cross-database experiments on publicly available benchmark datasets, we demonstrate that our method effectively captures class-specific ECG patterns across heterogeneous databases, consistently improving classification performance. Specifically, by supplementing the base model pretrained with fine-grained annotations from one database with coarse-grained annotations from other databases, we enhance the model’s ability to differentiate between various ECG rhythm types.
The remainder of this paper is organized as follows: Section 2 discusses recent approaches to cross-database ECG classification, emphasizing domain adaptation techniques and weakly supervised learning. Section 3 describes the proposed cross-database learning method based on BSMs in detail. Section 4 presents extensive experimental results validating our approach on multiple ECG databases. Finally, in Section 5, we conclude our work with some discussion.

2. Related Works

Recent studies in cross-database ECG-based arrhythmia classification have primarily focused on two critical issues: (1) addressing domain variability across multiple ECG databases through domain adaptation (DA) and (2) effectively applying weakly supervised learning (WSL) techniques to handle coarse-grained or record-level labels.

2.1. Domain Adaptation Approaches

Domain adaptation methods can generally be categorized into supervised and unsupervised approaches. Supervised DA utilizes target-domain label information, either partially or entirely, to reduce discrepancies between databases. For instance, Imtiaz et al. [24] proposed a three-stage domain adaptation framework that includes pretraining, computing cluster centroids, and adaptation stages, explicitly utilizing target-domain labels. Xu et al. [25] developed a dynamic transfer network designed to address cross-database domain shifts through adaptive fine-tuning, using a partial set of target labels.
In contrast, unsupervised domain adaptation methods aim to bridge the gap between domains without relying on target labels, typically by aligning distributions or through adversarial learning. Deng et al. [26] introduced a multi-source adversarial learning framework capturing domain-invariant and domain-specific ECG features simultaneously. Du et al. [27] proposed a dual-channel network employing consistency-based adversarial training to minimize feature discrepancies between ECG databases. Xu et al. [28] utilized pseudo-labeling combined with personalized ECG representations, derived from information-theoretic approaches, for patient-specific adaptation.

2.2. Weakly Supervised Learning Approaches

On the other hand, weakly supervised learning (WSL) methods utilize coarse-grained or record-level annotations instead of detailed beat-level labels, significantly reducing annotation costs. Liu et al. [29] presented a time-distributed framework enhancing beat-level predictions by incorporating peak detection and masking techniques. Similarly, some studies [30,31] adopted multi-instance learning frameworks to effectively approximate detailed beat-level characteristics using only record-level labels. Despite these advancements, the existing WSL-based ECG studies have primarily focused on classification tasks within individual datasets and have not explicitly tackled the challenge of cross-database domain generalization, limiting their applicability to unseen datasets. Furthermore, prior research often relies on explicit domain alignment methods, while the potential of weakly supervised learning for implicit domain adaptation remains largely underexplored.
In this study, we address these limitations by proposing a novel cross-database learning framework that combines pretraining with fine-grained annotations and implicit domain adaptation with coarse-grained annotations through weakly supervised learning. Notably, our method incorporates a two-dimensional BSM representation of ECG signals that effectively captures their beat-level characteristics. As a result, our proposed framework achieves superior cross-database generalization and arrhythmia classification performance compared to existing methods.

3. Materials and Methods

The proposed Domain-Adapted Beat-Score-Map (DA-BSM) framework is designed to address the cross-database challenges in ECG analysis, including label scarcity and domain variability. This section describes the three core components of the framework: pretraining on fine-grained databases, weakly supervised domain adaptation for coarse-grained databases, and the final arrhythmia classification step. An overview of the entire process is provided in Figure 1.

3.1. Datasets

We employed three arrhythmia datasets: MITDB, SPH, and PTB-XL. These datasets were chosen to encompass a range of annotation granularities and diverse patient populations. Table 1 provides a structured overview of these datasets.
MIT-BIH Arrhythmia Database (MITDB) [32]: This database contains 48 half-hour ECG recordings, each sampled at 360 Hz, using leads MLII and V5. For this study, only the MLII recordings were used. Each recording is annotated with 15 beat types at the R-peak positions, along with rhythm labels that include specific onset times. These detailed annotations provide the granularity required for training the beat-type classifier and evaluating its effectiveness on fine-grained data.
Shaoxing People’s Hospital (SPH) Arrhythmia Database [33]: This database includes 10-s ECG recordings from 10,696 patients, sampled at 500 Hz using a 12-lead setup. This dataset was resampled to 360 Hz for consistency with the MITDB and PTB-XL dataset. For this study, only Lead II was used to ensure consistency in analysis while retaining sufficient information for classification. The annotations consist of 11 rhythm classes and nine specific beat types at the record level, making it ideal for testing the DA-BSM’s adaptability to coarse-grained annotations. The rhythms were grouped into four primary categories: SB, AFIB, the SR, and GSVT. These categories were selected for their clinical relevance and representation of diverse arrhythmia rhythm types. Table 2 provides the sample distribution across these categories.
Physikalisch-Technische Bundesanstalt-XL (PTB-XL) [35]: This database provides over 21,000 ECG recordings from approximately 18,000 patients, each 10 s long and recorded at 500 Hz. Record-level annotations include diagnostic labels for rhythm types and beat types. For consistency in analysis, only Lead II recordings were utilized in this study. Among the annotated rhythm types, we specifically focused on the sinus rhythm (SR) and atrial fibrillation (AFIB), as they are the most prevalent clinically significant arrhythmias and are widely studied in ECG arrhythmia research, and their reliable discrimination serves as an essential baseline for evaluating classification performance and clinical applicability. Table 3 presents the sample distribution for these rhythm types. This setup is designed to assess the effectiveness of ECG signal classification, even when coarse-grained annotations are used.

3.2. Pretraining the Beat-Type Classifier on Fine-Grained Database

To start the proposed framework, we use the MIT-BIH Arrhythmia Database (MITDB), which provides fine-grained annotations, including beat-level labels for each R peak and rhythm annotations with the corresponding onset and offset [32]. To reduce the impact of signal noise, we applied discrete wavelet transform using the Daubechies-4 wavelet, while preserving key morphological features. Unlike conventional bandpass filtering (e.g., 0.5–40 Hz), the wavelet transform attenuates noise through multiresolution decomposition, without requiring a fixed pass-band. A convolutional neural network (CNN) is then pretrained on the denoised dataset to learn the primitive features of multiple beat types, such as waveform morphology, from ECG beat segments. This model follows a 1D convolutional neural network architecture adapted from the VGG16 structure [36]. While the rhythm classification model in our framework is based on a modified VGG16 architecture for its proven performance in hierarchical feature extraction, the framework itself is compatible with alternative CNN structures. In our implementation, we employed all five convolutional blocks of VGG16, followed by a global average pooling layer and two fully connected layers. All layers were trained from scratch. The total number of parameters is approximately 14.7 million, all of which are trainable. The remaining parameters are batch normalization statistics and model buffers.
In our model implementation, we use 2.4-s-long beat-centered ECG segments as the input and classify them into 15 beat types annotated in the MITDB, including normal (N), premature ventricular contraction (V), and atrial premature (A) beats. A complete list of beat types used in this study is provided in Appendix A Table A1. The CNN architecture consists of multiple convolutional and pooling layers followed by fully connected layers, optimized with categorical cross-entropy loss. The beat-type classifier learned through this process becomes a kind of feature extractor that captures the intrinsic characteristics of the ECG signal for several predefined beat types. This 15-class beat-label configuration follows the standard MITDB annotations, which we also used in our previous work [34]. The weights of the pretrained classifier serve as initialization for the subsequent domain adaptation process and are later further refined to adapt to coarse-grained databases.

3.3. Weakly Supervised Domain Adaptation on Coarse-Grained Database

Unlike the MITDB, which provides fine-grained annotations, coarse-grained databases such as the SPH and PTB-XL ones only provide record-level labels indicating the presence or absence of specific beat or rhythm types for each record and do not provide detailed beat-level annotations. Hence, we bridge the gap between the two databases by applying WSL to tune the pretrained beat-type classifier on the MITDB against the coarse-grained database.
Specifically, the input ECG record is segmented into smaller time intervals, called ECG beat segments, and each segment is applied to a pretrained beat-type classifier. This produces a beat-type score vector for each segment, where each component of the vector represents a prediction score for a different beat type. The beat-type score vectors of all segments are aggregated using a global max pooling operation to produce a single prediction score vector for the entire record, called the global prediction score vector. The global predictions are compared to the record-level labels, and the weights of the pretrained beat-type classifier are optimized to minimize the discrepancy between the aggregated global predictions and the actual record-level labels. This optimization ensures that the beat-type classifier adapts effectively to coarse-grained annotations while retaining its ability to classify individual beat segments into multiple predefined beat types.
Figure 2 illustrates the weakly supervised learning (WSL)-based domain adaptation process for the pretrained beat-type classifier. In this approach, domain adaptation is achieved implicitly during the WSL process, eliminating the need for explicit domain alignment. By this process, the weak-beat-type labels provided in the coarse-grained database guide the beat-type classifier to extract beat-level features that are invariant across domains, enhancing the classifier’s robustness and adaptability.

3.4. Generating Domain-Adapted Beat-Score Maps (DA-BSMs)

After the WSL-based adaptation process, the adapted beat-type classifier is employed to generate a Domain-Adapted Beat-Score Map (DA-BSM) for the input ECG signal. The input signal is first segmented into a sequence of beat-centered segments, each of which is passed through the adapted classifier to produce a beat-type score vector. These vectors are temporally aligned and stacked in the order of occurrence, forming a two-dimensional We checked and added explanation matrix in which each column corresponds to a beat-type score vector and each row corresponds to the prediction scores for a specific beat type over all beat-centered segments. This DA-BSM encodes the time-varying distribution of the beat-type predictions, effectively representing the dynamic rhythm structure of the input signal. An example of this transformation from the ECG signal to the DA-BSM is illustrated in Figure 3.
Since the beat-type classifier is adapted using weakly supervised learning with record-level labels, the resulting score maps contain features that are both robust to domain differences and sensitive to label information. The DA-BSM representation acts as an intrinsic feature map, capturing the underlying characteristics of the input ECG signals, thereby improving the generalizability of our method across diverse databases.
The proposed method ensures that the beat-type classifier is optimized for each new database. For instance, in the SPH dataset with nine beat types, the DA-BSM method focuses on refining the features of the nine beat types present in the coarsely annotated SPH dataset. In contrast, for the remaining beat types learned from the MITDB but not present in the SPH dataset, the features undergo only minimal adjustments due to the preceding refinement process. This adaptation helps mitigate domain discrepancies arising from differences in measurement environments, sensors, and patient demographics, thereby enhancing the method’s generalization ability across diverse databases.

3.5. ECG Arrhythmia Classification with DA-BSMs

The DA-BSM generated in the preceding step is fed into a rhythm classification model trained to identify a set of rhythm types, depending on the datasets. In our experiments, these include rhythm categories such as a normal sinus rhythm (SR), atrial fibrillation (AFIB), grouped supraventricular tachycardia (GSVT), and sinus bradycardia (SB). This process utilizes the spatially structured features encoded in the DA-BSM to enhance rhythm-level classification performance.
Each DA-BSM is constructed as a 2D matrix of shape (T, C), where T denotes the number of beat-type score vectors and C represents the number of beat types. For example, with 360 segments and 15 beat types, the input matrix has a shape of 360 × 15. This shape may vary across datasets depending on segmentation and beat types.
For this purpose, we employ a 2D CNN model based on the VGG16 architecture, chosen for its effectiveness in capturing spatial patterns in image-like representations such as DA-BSMs. While our current implementation uses VGG16 for consistency across stages, the framework itself is compatible with other standard CNN architectures. Figure 4 provides an overview of the model architecture.
The rhythm classification model architecture remained the same across all experiments. Only the output layer size was adjusted depending on the number of rhythm classes in each dataset (e.g., four classes for the SPH dataset, two classes for the PTB-XL dataset).

4. Results

4.1. Experimental Setup

To match the input signal characteristics, we used 360 Hz resampled signals from Lead II across all datasets, as described in the respective dataset subsections. Based on the preprocessing and dataset setup described in Section 3, we conducted a series of experiments to evaluate the robustness and generalizability of the proposed DA-BSM framework.
The evaluation process was designed to assess the robustness and generalizability of the proposed DA-BSM framework across heterogeneous ECG datasets with varying annotation granularities. Specifically, the framework first involved pretraining a beat-level classifier using all labeled beat segments contained within the 48 ECG recordings of the MITDB. These fine-grained labels enabled the model to effectively learn detailed beat-level characteristics essential for accurate arrhythmia classification.
In contrast, the SPH and PTB-XL datasets, which contain only coarse-grained annotations at the record level, were partitioned into training (80%), validation (10%), and test (10%) subsets. This strategic partitioning allowed us to rigorously evaluate the model’s capability to adapt the fine-grained knowledge acquired from MITDB pretraining to datasets characterized by limited labeling granularity.
During training, the Adam optimizer with a learning rate of 0.0001 was employed, and early stopping criteria were applied to mitigate overfitting. Training was conducted for a maximum of 50 epochs. Categorical cross-entropy loss was utilized for the arrhythmia classification task, while binary cross-entropy loss was applied during the WSL-based domain adaptation phase. This training procedure ensured that the model effectively transferred learned beat-level patterns to new, coarsely annotated datasets, thus demonstrating enhanced robustness and generalization performance.
We provided training and validation curves for the rhythm classifier in Figure 5. While minor fluctuations are observed, the validation accuracy exhibits convergence in both datasets. Early stopping based on validation loss was applied to prevent overfitting and ensure stable model training. All models were implemented in Python 3.10, While Python’s development started in the Netherlands, the Python Software Foundation, which now maintains the language, is based in the United States, using TensorFlow 2.10 and Keras and trained on a desktop PC equipped with an NVIDIA RTX 3070 GPU.
Several performance metrics—including accuracy, sensitivity, specificity, and F1 score—were computed on the test subsets of the SPH and PTB-XL datasets to quantitatively evaluate the effectiveness of the proposed framework. This comprehensive experimental setup ensured that the models were thoroughly validated on unseen data, providing reliable results.

4.2. Arrhythmia Classification Using DA-BSMs for Coarse-Grained Databases

The proposed DA-BSM-based ECG classification framework was evaluated using multiple ECG databases to address domain discrepancies caused by inter-individual differences, varying measurement conditions, and annotation granularities. Specifically, two heterogeneous datasets, the SPH and PTB-XL ones, which contain recordings from diverse patient populations and exhibit coarse-grained annotation, were used to rigorously assess the framework’s domain adaptability. Additionally, we compared the classification performance of our proposed approach against state-of-the-art methods to validate its effectiveness and generalizability.

4.2.1. Evaluation with SPH Database

Table 4 summarizes the classification performance for four arrhythmia rhythm types on the SPH database. The proposed DA-BSM approach achieved a precision, recall, F1-score, and accuracy of 0.9306, 0.9299, 0.9301, and 0.9380, respectively, clearly outperforming the baseline BSM method (denoted as “Pretraining-only” in Table 4). These results demonstrate the effectiveness of our weakly supervised domain adaptation in improving classification performance, particularly in scenarios with limited annotations. When trained exclusively on the coarsely annotated SPH dataset (denoted as “Coarse-only” in Table 4), the accuracy was 0.8628. Pretraining solely on the finely annotated MITDB dataset increased the accuracy to 0.9243, while incorporating weakly supervised adaptation after pretraining further improved the accuracy to 0.9380. This performance progression underscores the advantage of the DA-BSM framework in effectively utilizing both fine-grained and coarse-grained annotations, thus ensuring strong adaptability and generalization across diverse ECG database environments.
Further analysis of the SPH database revealed that the DA-BSM method achieved performance improvements, especially for complex arrhythmias such as GSVT and AFIB, which involve prominent morphological variations and interval irregularities. Table 5 summarizes the detailed F1-scores for these complex rhythms, clearly demonstrating the enhanced adaptability of the DA-BSM method compared to the baseline methods. These improvements confirm that the weakly supervised domain adaptation strategy effectively captures subtle morphological differences and dynamic signal characteristics across patient populations and varying measurement conditions, thereby addressing the inherent variability of ECG signals.
To validate the effectiveness of our DA-BSM approach, Table 6 presents a performance comparison with state-of-the-art ECG arrhythmia classification methods. While the existing methods typically require multiple leads or extensive preprocessing steps, the DA-BSM method demonstrates significant performance improvement using only a single lead, highlighting its practicality and computational efficiency. For instance, Yoon et al. [37] reported a high accuracy of 0.952, but their method requires all 12 leads and generates large-scale, high-resolution image representations (e.g., two 299×299 images per sample), resulting in a more complex and resource-intensive processing pipeline. Aziz et al. [38] achieved an accuracy of 0.907, but their approach depends on additional demographic information (e.g., age and gender), limiting practicality under resource-constrained conditions. Jang et al. [39] simplified the input requirement to a single lead; however, their reported F1-score of 0.86 indicates limitations in accurately classifying complex arrhythmias and achieving robust generalizability. In contrast, our proposed DA-BSM method effectively achieves a superior classification performance with an F1-score of 0.9301, requiring minimal preprocessing and utilizing a single ECG lead, thereby emphasizing its potential advantage in real-world clinical applications.
To visually demonstrate the advantages of the DA-BSM framework, Figure 6 presents the t-distributed stochastic neighbor embedding (t-SNE) [41] visualizations of the ECG data distributions at different stages of the proposed method. In this figure, panel (A) depicts the raw data distribution without any preprocessing or adaptation, where significant overlap among rhythm classes (AFIB, SB, SR, GSVT) in the ECG signals is evident. Panel (B) illustrates the limited class separation achieved by training exclusively with weakly supervised learning (WSL) on coarse-grained annotations, without pretraining. Panel (C) highlights the improved separability obtained from pretraining alone on the fine-grained MITDB dataset. Panel (D) shows significantly enhanced and clearly distinguishable rhythm clusters by the combination of pretraining and weakly supervised adaptation. These results visually underscore the effectiveness of our proposed approach in enhancing class distinction, robustness, and adaptability across heterogeneous ECG datasets.

4.2.2. Evaluation with PTB-XL Database

Table 7 provides a classification performance comparison for the PTB-XL database, revealing consistent trends with the previous results; the DA-BSM approach significantly outperformed the baseline methods. The DA-BSM effectively mitigated domain differences, demonstrating strong robustness and adaptability across datasets. An ablation study further assessed the individual contributions of pretraining (fine-grained annotations from the MITDB) and WSL-based adaptation. The results indicate that combining pretraining with WSL-based adaptation yielded the best classification performance, emphasizing the complementary role of these components in handling coarse-grained annotations.
In particular, our results on the PTB-XL database showed superior performance in classifying AFIB, where the quasi-periodic rhythm characteristics were effectively captured and adapted. Table 8 specifically highlights the improvements achieved by the DA-BSM method in classifying the SR and AFIB rhythm types.
To further validate the efficacy of the DA-BSM framework, a comparative analysis was conducted with existing state-of-the-art ECG arrhythmia classification methods on the PTB-XL database. Table 9 presents the key performance metrics, highlighting the advantages of the DA-BSM method in terms of accuracy and generalization performance compared to recent approaches.
In the study by Vasconcelos et al. [42], ECG signals were converted into image representations in both the time and frequency domains separately for each lead. Although this approach achieved a high F1-score of 0.960, the requirement of all 12 ECG leads and the extensive data resampling to handle class imbalances limit its applicability in real-world clinical environments. Choi et al. [43] utilized an autoencoder-based anomaly detection method designed to distinguish AFIB from the SR by measuring reconstruction errors. Despite achieving a robust F1-score of 0.925 with a single lead, this method’s dependence on significant resampling restricts its scalability. Smigiel et al. [44] proposed a lightweight CNN utilizing entropy-based features extracted from normalized ECG signals, achieving computational efficiency but a comparatively lower F1-score of 0.8910, highlighting its limitations in classifying complex arrhythmias like AFIB.
In contrast, the proposed DA-BSM framework demonstrated competitive performance (F1-score: 0.9267) while requiring only a single lead and eliminating the need for data resampling. By effectively bridging the gap between fine-grained and coarse-grained annotations, the DA-BSM ensures strong adaptability and consistent generalization performance across heterogeneous ECG databases and diverse clinical environments.
To visually illustrate the benefits of the DA-BSM framework, Figure 7 presents t-SNE visualizations of the ECG data distributions from the PTB-XL database at different stages of the proposed method. In this figure, panel (A) depicts the raw ECG data distribution without any preprocessing or domain adaptation, showing considerable overlaps between rhythm classes (SR and AFIB). Panel (B) illustrates the limited class separation obtained by training exclusively with WSL using coarse-grained annotations without pretraining. Panel (C) demonstrates the improved separability achieved by pretraining alone on the fine-grained MITDB dataset, though the overlaps between classes remain noticeable. Finally, panel (D) shows distinct and clearly separated rhythm clusters resulting from the combined application of pretraining and weakly supervised adaptation. These visual results further underscore the effectiveness of the proposed approach in enhancing class distinction, robustness, and generalization performance across heterogeneous ECG databases.

5. Conclusions

This study introduces a novel cross-database learning framework for ECG arrhythmia classification based on a 2D BSM representation. By effectively utilizing both fine-grained beat-level annotations and coarse-grained record-level annotations, our approach addresses the limitations of the existing supervised and weakly supervised methods. Unlike other approaches for cross-database applications, we pretrain on fine-grained annotated databases and then implicitly incorporate domain adaptation via weakly supervised learning on coarse-grained annotated databases to improve model generalization on heterogeneous datasets.
Experimental evaluations on the SPH and PTB-XL datasets demonstrate that the proposed framework consistently outperforms the baseline methods that do not use pretraining or weakly supervised adaptation, achieving F1 scores of 0.9301 and 0.9267 for classifying different arrhythmia rhythm types, respectively. Additionally, t-SNE visualizations clearly confirmed the proposed framework’s capability to distinctly separate complex arrhythmia classes, enhancing both classification performance and clinical applicability.
Despite its advantages, our proposed method has several limitations. Firstly, its effectiveness depends on the accuracy and granularity of the available record-level annotations, indicating that incorrect or overly coarse labels could reduce classification accuracy. Integrating additional semi-supervised or self-supervised methods could further enhance the discriminative capability of the learned BSM embeddings, leading to improved overall classification performance. Moreover, computational efficiency remains a challenge; optimizing the framework for efficient real-time processing, especially in wearable and mobile devices, would significantly enhance its practical deployment in clinical settings. While this study conducted experiments on a PC equipped with a GPU, it would be worthwhile to investigate how the framework could be adapted for energy-constrained environments, such as embedded or portable systems.
Future research directions include validating the framework’s generalizability across a broader range of public and clinical ECG databases. Furthermore, extending the DA-BSM beyond ECGs to multimodal biomedical signals such as PPG and EEG could increase its clinical utility. Such extensions would not only demonstrate the versatility of our method but also facilitate the development of scalable multimodal diagnostic solutions. By continuing to enhance the efficiency and adaptability of the DA-BSM framework, we aim to establish a robust foundation for practical, real-time, and clinically meaningful biomedical signal analysis applications.

Author Contributions

Conceptualization, J.L.; methodology, M.S.; formal analysis, J.L.; investigation, J.L.; data curation, J.L.; writing—original draft preparation, J.L.; writing—review and editing, M.S. and J.L.; visualization, J.L.; supervision, M.S.; project administration, M.S.; funding acquisition, M.S. All authors have read and agreed to the published version of the manuscript.

Funding

This work was mainly supported by the Basic Science Research Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education (2022R1I1A3054343).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are openly available in PhysioNet. Reference number [28,29,30].

Conflicts of Interest

The authors declare no conflicts of interest.

Appendix A

Table A1. Full list of 15 beat types from datasets used in this study, with their symbol and symbol meaning.
Table A1. Full list of 15 beat types from datasets used in this study, with their symbol and symbol meaning.
Label CodeBeat-Type DescriptionUsed in Dataset(s)
NNormalMITDB, SPH, PTB-XL
LLeft bundle branch blockMITDB, SPH, PTB-XL
RRight bundle branch blockMITDB, SPH, PTB-XL
AAtrial premature beatMITDB, SPH, PTB-XL
aAberrated atrial premature beatMITDB
JJunctional premature beatMITDB, SPH
jJunctional escape beatMITDB, SPH
SSupraventricular premature beatMITDB
VVentricular premature beatMITDB, SPH, PTB-XL
FFusion beatMITDB, SPH
fFusion of paced and normal beatMITDB
EVentricular escape beatMITDB, SPH
eAtrial escape beatMITDB
PPaced beatMITDB
QUnclassifiable beatMITDB

References

  1. Saini, S.K.; Gupta, R. Artificial intelligence methods for analysis of electrocardiogram signals for cardiac abnormalities: State-of-the-art and future challenges. Artif. Intell. Rev. 2022, 55, 1519–1565. [Google Scholar] [CrossRef]
  2. Rahul, J.; Sharma, L.D. Automatic cardiac arrhythmia classification based on hybrid 1-D CNN and Bi-LSTM model. Biocybern. Biomed. Eng. 2022, 42, 312–324. [Google Scholar] [CrossRef]
  3. Allam, J.P.; Samantray, S.; Sahoo, S.P.; Ari, S. A deformable CNN architecture for predicting clinical acceptability of ECG signal. Biocybern. Biomed. Eng. 2023, 43, 335–351. [Google Scholar] [CrossRef]
  4. Moreno-Sánchez, P.A.; García-Isla, G.; Corino, V.D.A.; Vehkaoja, A.; Brukamp, K.; van Gils, M.; Mainardi, L. ECG-based data-driven solutions for diagnosis and prognosis of cardiovascular diseases: A systematic review. Comput. Biol. Med. 2024, 172, 108235. [Google Scholar] [CrossRef] [PubMed]
  5. Merdjanovska, E.; Rashkovska, A. Comprehensive survey of computational ECG analysis: Databases, methods and applications. Expert Syst. Appl. 2022, 203, 117206. [Google Scholar] [CrossRef]
  6. Huang, Z.; MacLachlan, S.; Yu, L.; Contreras, L.F.H.; Truong, N.D.; Ribeiro, A.H.; Kavehei, O. Generalization Challenges in ECG Deep Learning: Insights from Dataset Characteristics and Attention Mechanism. medRxiv 2023. [Google Scholar] [CrossRef]
  7. Jiao, Y.; Qi, H.; Wu, J. Capsule network assisted electrocardiogram classification model for smart healthcare. Biocybern. Biomed. Eng. 2022, 42, 543–555. [Google Scholar] [CrossRef]
  8. Malik, J.; Devecioglu, O.C.; Kiranyaz, S.; Ince, T.; Gabbouj, M. Real-Time Patient-Specific ECG Classification by 1D Self-Operational Neural Networks. IEEE Trans. Biomed. Eng. 2022, 69, 1788–1801. [Google Scholar] [CrossRef]
  9. Wang, H.; Luo, Z.; Yip, J.W.L.; Ye, C.; Zhang, M. ECGGAN: A Framework for Effective and Interpretable Electrocardiogram Anomaly Detection. In Proceedings of the 29th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, Long Beach, CA, USA, 6–10 August 2023; pp. 5071–5081. [Google Scholar] [CrossRef]
  10. Cai, Y.-Q.; Gong, D.-X.; Tang, L.-Y.; Cai, Y.; Li, H.-J.; Jing, T.-C.; Gong, M.; Hu, W.; Zhang, Z.-W.; Zhang, X.; et al. Pitfalls in Developing Machine Learning Models for Predicting Cardiovascular Diseases: Challenge and Solutions. J. Med. Internet Res. 2024, 26, e47645. [Google Scholar] [CrossRef]
  11. Lee, K.; Lee, J.; Shin, M. Lightweight beat score map method for electrocardiogram-based arrhythmia classification. Biocybern. Biomed. Eng. 2024, 44, 844–857. [Google Scholar] [CrossRef]
  12. Ballas, A.; Diou, C. Towards Domain Generalization for ECG and EEG Classification: Algorithms and Benchmarks. IEEE Trans. Emerg. Top. Comput. Intell. 2024, 8, 44–54. [Google Scholar] [CrossRef]
  13. Yu, Y.; Karimi, H.R.; Shi, P.; Peng, R.; Zhao, S. A new multi-source information domain adaption network based on domain attributes and features transfer for cross-domain fault diagnosis. Mech. Syst. Signal Process. 2024, 211, 111194. [Google Scholar] [CrossRef]
  14. Yuan, L. Domain Adaptation in Biomedical Engineering: Unsupervised, Source-Free, and Black Box Approaches. Ph.D. Thesis, Nanyang Technological University, Singapore, 2024. [Google Scholar] [CrossRef]
  15. Li, J.; Du, Z.; Zhu, L.; Ding, Z.; Lu, K.; Shen, H.T. Divergence-Agnostic Unsupervised Domain Adaptation by Adversarial Attacks. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 44, 8196–8211. [Google Scholar] [CrossRef]
  16. Negin, A.; Leyla, T.; Mohammadreza, Y.; Hamidreza, P.; Nima, A.; Fahimeh, N. A lightweight hybrid CNN-LSTM explainable model for ECG-based arrhythmia detection. Biomed. Signal Process. Control 2024, 90, 105884. [Google Scholar] [CrossRef]
  17. Wasyihun, A.; Girmaw, B. RETRACTED: Arrhythmia classification using ECG signal: A meta-heuristic improvement of optimal weighted feature integration and attention-based hybrid deep learning model. Biomed. Signal Process. Control 2024, 87, 105565. [Google Scholar] [CrossRef]
  18. Xin, Z.; Mingjun, L.; Yong, H.; Hui, X.; Chaomin, C.; Hongwen, C. MSFT: A multi-scale feature-based transformer model for arrhythmia classification. Biomed. Signal Process. Control 2025, 100, 106968. [Google Scholar] [CrossRef]
  19. Chen, Z.; Zhijie, H.; Changchun, Z.; Ao, Q.; Xin, W. An Energy-Efficient Configurable 1-D CNN-Based Multi-Lead ECG Classification Coprocessor for Wearable Cardiac Monitoring Devices. IEEE Trans. Biomed. Circuits Syst. 2025, 19, 318–331. [Google Scholar] [CrossRef]
  20. Fan, H.; Chang, J.; Zhou, J.; Yang, X.; Lin, S.; Zhou, J. An Ultra-Low Power Time-Domain based SNN Processor for ECG Classification. In Proceedings of the 2024 IEEE International Symposium on Circuits and Systems (ISCAS), Singapore, 19–22 May 2024; pp. 1–5. [Google Scholar] [CrossRef]
  21. Lin, Y.; Wang, W. Att-EMD-Unet: A Novel weakly supervised perspective for ECG segmentation. In Proceedings of the 2024 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Lisbon, Portugal, 3–6 December 2024; pp. 2170–2176. [Google Scholar] [CrossRef]
  22. Ding, C.; Wu, C. Self-Supervised Learning for Biomedical Signal Processing: A Systematic Review on ECG and PPG Signals. medRxiv 2024. [Google Scholar] [CrossRef]
  23. Gupta, P.; Nandakumar, S.; Gupta, M.; Panda, G. Data programming enabled weak supervised labeling for ECG time series. Biomed. Signal Process. Control 2024, 87, 105540. [Google Scholar] [CrossRef]
  24. Imtiaz, M.N.; Khan, N. Cross-database and cross-channel electrocardiogram arrhythmia heartbeat classification based on unsupervised domain adaptation. Expert Syst. Appl. 2024, 244, 122960. [Google Scholar] [CrossRef]
  25. Xu, H.; Zeng, M.; Liu, H.; Xie, X.; Tian, L.; Yan, J.; Chen, C. A dynamic transfer network for cross-database atrial fibrillation detection. Biomed. Signal Process. Control 2024, 90, 105799. [Google Scholar] [CrossRef]
  26. Deng, M.; Chen, K.; Huang, D.; Liang, D.; Liang, D.; Wang, Y.; Huang, X. An intelligent computer-aided diagnosis method for paroxysmal atrial fibrillation patients with nondiagnostic ECG signals. Biomed. Signal Process. Control 2024, 88, 105683. [Google Scholar] [CrossRef]
  27. Du, M.; Yang, Y.; Zhang, L. Diagnosis of atrial fibrillation based on unsupervised domain adaptation. Comput. Biol. Med. 2023, 164, 107275. [Google Scholar] [CrossRef] [PubMed]
  28. Xu, S.S.; Mak, M.-W.; Chang, C. Inter-patient ECG classification with i-vector based unsupervised patient adaptation. Expert Syst. Appl. 2022, 210, 118410. [Google Scholar] [CrossRef]
  29. Liu, Y.; Li, Q.; He, R.; Wang, K.; Liu, J.; Yuan, Y.; Xia, Y.; Zhang, H. Generalizable Beat-by-Beat Arrhythmia Detection by Using Weakly Supervised Deep Learning. Front. Physiol. 2022, 13, 850951. [Google Scholar] [CrossRef]
  30. Tong, Y.; Sun, Y.; Zhou, P.; Shen, Y.; Jiang, H.; Sha, X.; Chang, S. Locating abnormal heartbeats in ECG segments based on deep weakly supervised learning. Biomed. Signal Process. Control 2021, 68, 102674. [Google Scholar] [CrossRef]
  31. Liu, J.; Li, J.; Duan, Y.; Zhou, Y.; Fan, X.; Li, S.; Chang, S. MA-MIL: Sampling point-level abnormal ECG location method via weakly supervised learning. Comput. Methods Programs Biomed. 2024, 250, 108164. [Google Scholar] [CrossRef]
  32. Moody, G.B.; Mark, R.G. The impact of the MIT-BIH arrhythmia database. IEEE Eng. Med. Biol. Mag. 2001, 20, 45–50. [Google Scholar] [CrossRef]
  33. Zheng, J.; Zhang, J.; Danioko, S.; Yao, H.; Guo, H.; Rakovski, C. A 12-lead electrocardiogram database for arrhythmia research covering more than 10,000 patients. Sci. Data 2020, 7, 48. [Google Scholar] [CrossRef]
  34. Lee, J.; Shin, M. Method for Solving Difficulties in Rhythm Classification Caused by Few Samples and Similar Characteristics in Electrocardiograms. Bioengineering 2023, 10, 196. [Google Scholar] [CrossRef]
  35. 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, 154. [Google Scholar] [CrossRef] [PubMed]
  36. Karen, S.; Andrew, Z. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014. [Google Scholar] [CrossRef]
  37. Yoon, T.; Kang, D. Bimodal CNN for cardiovascular disease classification by co-training ECG grayscale images and scalograms. Sci. Rep. 2023, 13, 2937. [Google Scholar] [CrossRef] [PubMed]
  38. Aziz, S.; Ahmed, S.; Alouini, M.-S. ECG-based machine-learning algorithms for heartbeat classification. Sci. Rep. 2021, 11, 18738. [Google Scholar] [CrossRef] [PubMed]
  39. Jang, J.-H.; Kim, T.Y.; Lim, H.-S.; Yoon, D. Unsupervised feature learning for electrocardiogram data using the convolutional variational autoencoder. PLoS ONE 2021, 16, e0260612. [Google Scholar] [CrossRef]
  40. Lee, H.; Yoon, T.; Yeo, C.; Oh, H.; Ji, Y.; Sim, S.; Kang, D. Cardiac Arrhythmia Classification Based on One-Dimensional Morphological Features. Appl. Sci. 2021, 11, 9460. [Google Scholar] [CrossRef]
  41. Van der Maaten, L.; Geoffrey, H. Visualizing data using t-SNE. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
  42. Vasconcelos, L.; Martinez, B.P.; Kent, M.; Ansari, S.; Ghanbari, H.; Nenadic, I. Multi-center atrial fibrillation electrocardiogram (ECG) classification using Fourier space convolutional neural networks (FD-CNN) and transfer learning. J. Electrocardiol. 2023, 81, 201–206. [Google Scholar] [CrossRef]
  43. Choi, S.; Choi, K.; Yun, H.K.; Kim, S.H.; Choi, H.-H.; Park, Y.-S.; Joo, S. Diagnosis of atrial fibrillation based on AI-detected anomalies of ECG segments. Heliyon 2023, 10, e23597. [Google Scholar] [CrossRef]
  44. Śmigiel, S.; Pałczyński, K.; Ledziński, D. ECG Signal Classification Using Deep Learning Techniques Based on the PTB-XL Dataset. Entropy 2021, 23, 1121. [Google Scholar] [CrossRef]
Figure 1. Overview of the DA-BSM-based ECG arrhythmia classification framework.
Figure 1. Overview of the DA-BSM-based ECG arrhythmia classification framework.
Applsci 15 05535 g001
Figure 2. The WSL-based domain adaptation process for the pretrained beat-type classifier. The blue dashed-line indicates that the networks within the box share weight.
Figure 2. The WSL-based domain adaptation process for the pretrained beat-type classifier. The blue dashed-line indicates that the networks within the box share weight.
Applsci 15 05535 g002
Figure 3. Example of DA-BSM construction. The upper image shows an ECG signal, while the lower image presents the corresponding DA-BSM. The color intensity indicates the predicted score for each beat type aligned over time.
Figure 3. Example of DA-BSM construction. The upper image shows an ECG signal, while the lower image presents the corresponding DA-BSM. The color intensity indicates the predicted score for each beat type aligned over time.
Applsci 15 05535 g003
Figure 4. Architecture of the 2D CNN model for arrhythmia classification using DA-BSMs.
Figure 4. Architecture of the 2D CNN model for arrhythmia classification using DA-BSMs.
Applsci 15 05535 g004
Figure 5. Training and validation curves for the rhythm classifier using DA-BSM inputs. Left (A): SPH (4-class). Right (B): PTB-XL (binary).
Figure 5. Training and validation curves for the rhythm classifier using DA-BSM inputs. Left (A): SPH (4-class). Right (B): PTB-XL (binary).
Applsci 15 05535 g005
Figure 6. t-SNE visualization of ECG embedding distributions for four arrhythmia classes at different training stages on the SPH database.
Figure 6. t-SNE visualization of ECG embedding distributions for four arrhythmia classes at different training stages on the SPH database.
Applsci 15 05535 g006
Figure 7. t-SNE visualization of ECG embedding distributions for two arrhythmia classes at different training stages on the PTB-XL database.
Figure 7. t-SNE visualization of ECG embedding distributions for two arrhythmia classes at different training stages on the PTB-XL database.
Applsci 15 05535 g007
Table 1. Summary of the datasets used in this study. See Appendix A Table A1 for full beat-label definitions.
Table 1. Summary of the datasets used in this study. See Appendix A Table A1 for full beat-label definitions.
DatasetDurationSampling RateLead UsedLabel TypesUsed ForNumber of Records
MITDB30 min360 HzLead IIFifteen beat-level typesPretraining48
SPH10 s500→360 HzLead IIRecord-level: nine beat types, four rhythmsFine-tuning/ evaluation10,696
PTB-XL10 s500→360 HzLead IIRecord-level: five beat types, two rhythmsFine-tuning/ evaluation18,296
Table 2. Characteristics of the SPH database used in this study adapted from [34].
Table 2. Characteristics of the SPH database used in this study adapted from [34].
Rhythm TypesSBRGSVTAFIBSR
No. of samples3889230722252225
Table 3. Sample distribution for the chosen rhythm types from the PTB-XL database.
Table 3. Sample distribution for the chosen rhythm types from the PTB-XL database.
RhythmSRAFIB
No. of samples16,7821514
Table 4. Classification performance of the proposed DA-BSM method on the SPH database (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
Table 4. Classification performance of the proposed DA-BSM method on the SPH database (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
MethodPretrainedWSLPrecisionRecallF1-ScoreAccuracy
Coarse-only 0.84830.84620.84630.8628
Pretraining-only 0.91480.91360.91400.9243
DA-BSM0.93060.92990.93010.9380
Table 5. F1-scores for the classification of specific arrhythmia rhythm types in the SPH dataset (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
Table 5. F1-scores for the classification of specific arrhythmia rhythm types in the SPH dataset (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
MethodPretrainedWSLSBGSVTAFIBSR
Coarse-only 0.95210.83530.75380.8441
Pretraining-only 0.98220.88740.85300.9333
DA-BSM0.98100.91150.88720.9409
Table 6. Performance comparison of the proposed DA-BSM method and state-of-the-art methods on arrhythmia classification using the SPH database (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
Table 6. Performance comparison of the proposed DA-BSM method and state-of-the-art methods on arrhythmia classification using the SPH database (4-class classification: SR, AFIB, GSVT, SB; number of samples: SR = 2225, AFIB = 2225, GSVT = 2307, SB = 3889).
AuthorFeaturesClassifierLeadsPrecisionRecallF1-ScoreAccuracy
Yoon et al. [37]Scalogram + grayscale imageCNN120.9530.9500.9520.957
Aziz et al. [38]QRS complexesMLP10.8990.8920.8950.907
Jang et al. [39]C-VAEMLP10.900.840.860.84
Lee et al. [40]Gray-level matrixXGBoost10.9000.8920.8700.905
Proposed workDA-BSMCNN10.9310.9300.9300.938
Table 7. Classification performance of the DA-BSM method on the PTB-XL database (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514).
Table 7. Classification performance of the DA-BSM method on the PTB-XL database (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514).
MethodPretrainedWSLPrecisionRecallF1-ScoreAccuracy
Coarse-only 0.90930.84580.87430.9655
Pretraining-only 0.90850.91230.91040.9733
DA-BSM0.92150.93200.92670.9780
Table 8. F1-scores for classification of specific arrhythmia rhythm types in PTB-XL (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514).
Table 8. F1-scores for classification of specific arrhythmia rhythm types in PTB-XL (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514).
MethodPretrainedWSLSRAFIB
Coarse-only 0.98130.7972
Pretraining-only 0.98550.8353
DA-BSM0.98800.8653
Table 9. Performance comparison of the proposed DA-BSM and state-of-the-art methods for arrhythmia classification on the PTB-XL database (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514.).
Table 9. Performance comparison of the proposed DA-BSM and state-of-the-art methods for arrhythmia classification on the PTB-XL database (SR vs. AFIB; number of samples: SR = 16,782, AFIB = 1514.).
AuthorFeaturesClassifierData SamplingLeadsPrecisionRecallF1-ScoreAccuracy
Vasconcelos et al. [42]FD-ECG imageCNNResampling120.9300.9800.960-
Choi et al. [43]Raw ECGAutoencoderResampling10.9300.9250.9250.930
Smigiel et al. [44]Entropy + ECGCNNNone10.8890.8930.8910.892
Proposed workDA-BSMCNNNone10.9220.9320.9270.978
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Lee, J.; Shin, M. Cross-Database Learning Framework for Electrocardiogram Arrhythmia Classification Using Two-Dimensional Beat-Score-Map Representation. Appl. Sci. 2025, 15, 5535. https://doi.org/10.3390/app15105535

AMA Style

Lee J, Shin M. Cross-Database Learning Framework for Electrocardiogram Arrhythmia Classification Using Two-Dimensional Beat-Score-Map Representation. Applied Sciences. 2025; 15(10):5535. https://doi.org/10.3390/app15105535

Chicago/Turabian Style

Lee, Jaewon, and Miyoung Shin. 2025. "Cross-Database Learning Framework for Electrocardiogram Arrhythmia Classification Using Two-Dimensional Beat-Score-Map Representation" Applied Sciences 15, no. 10: 5535. https://doi.org/10.3390/app15105535

APA Style

Lee, J., & Shin, M. (2025). Cross-Database Learning Framework for Electrocardiogram Arrhythmia Classification Using Two-Dimensional Beat-Score-Map Representation. Applied Sciences, 15(10), 5535. https://doi.org/10.3390/app15105535

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop