Next Article in Journal
Mathematics-Driven Analysis of Offshore Green Hydrogen Stations
Previous Article in Journal
Hybrid Deep Learning Methods for Human Activity Recognition and Localization in Outdoor Environments
Previous Article in Special Issue
Patient-Specific Hyperparameter Optimization of a Deep Learning-Based Tumor Autocontouring Algorithm on 2D Liver, Prostate, and Lung Cine MR Images: A Pilot Study
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

iCOR: End-to-End Electrocardiography Morphology Classification Combining Multi-Layer Filter and BiLSTM

1
Intelligent System Research Group, Universitas Sriwijaya, Palembang 30139, Indonesia
2
Faculty of Computer Science, University of Indonesia, Depok 16424, Indonesia
3
Human Centric (HUMIC) Engineering, School of Computing, Telkom University, Bandung 40257, Indonesia
4
Department of Computer Engineering, Faculty of Computer Science, Universitas Sriwijaya, Palembang 30139, Indonesia
5
Department of Cardiology & Vascular Medicine, Dr. Mohammad Hoesin Hospital, Palembang 30126, Indonesia
*
Authors to whom correspondence should be addressed.
Algorithms 2025, 18(4), 236; https://doi.org/10.3390/a18040236
Submission received: 28 February 2025 / Revised: 14 April 2025 / Accepted: 15 April 2025 / Published: 18 April 2025
(This article belongs to the Special Issue Machine Learning in Medical Signal and Image Processing (3rd Edition))

Abstract

:
Accurate delineation of ECG signals is critical for effective cardiovascular diagnosis and treatment. However, previous studies indicate that models developed for specific datasets and environments perform poorly when used with varying ECG signal morphology characteristics. This paper presents a novel approach to ECG signal delineation using a multi-layer filter (MLF) combined with a bidirectional long short-term memory (BiLSTM) model, namely iCOR. The proposed iCOR architecture enhances noise removal and feature extraction, resulting in improved classification of the P-QRS-T-wave morphology with a simpler model. Our method is evaluated on a combination of two standard ECG databases, the Lobachevsky University Electrocardiography Database (LUDB) and QT Database (QTDB). It can be observed that the classification performance for unseen sets of LUDB datasets yields above 90.4% and 98% accuracy, for record-based and beat-based approaches, respectively. Beat-based approaches outperformed the record-based approach in overall performance metric results. Similar results were shown in an unseen set of the QTDB, in which beat-based approaches performed with accuracy above 97%. These results highlight the robustness and efficacy of the iCOR model across diverse ECG signal datasets. The proposed approach offers a significant advancement in ECG signal analysis, paving the way for more reliable and precise cardiac health monitoring.

1. Introduction

To accurately diagnose cardiac abnormalities, the morphology of the electrocardiographic (ECG) signal must be analyzed. However, the use of non-invasive ECG in clinical practice remains limited due to its low signal-to-noise ratio (SNR) [1]. Noises that complicate the extraction of non-invasive ECG include instrumental noise, baseline wander, and motion artifacts [2]. These noises can distort the ECG waveform, leading to the misinterpretation of cardiac information [2,3]. Hence, it is desirable to develop denoising methods that provide morphology ECG signals with an accurate representation of cardiac status.
Several methods have been proposed to remove noise from ECG signals, and they can be grouped into [4] model-based methods [5,6,7,8] and learning-based methods [3,9,10,11]. Deep-learning-based (DL) methods have recently achieved incredible success in various fields, including in ECG signal denoising, which is crucial for accurate diagnosis. Several DL methods have been proposed such as the adversarial DL approach [2]. This method involves training a deep neural network to learn a sequence of non-linear transformations that can take noisy ECG signals as input and produce clean signals as output. Another method is based on disentangled autoencoders [12]. This approach involves introducing a disentangled mechanism to separate the signal features from the noise features. The disentangled autoencoder network (DANet) uses attention to shunt latent variables, deconstructing the potential spatial separation between noise and the original ECG data. Supervised learning-based methods like the denoising convolutional autoencoder (FCN-DAE) [13], traditional methods like principal component analysis (PCA) [14], and discrete wavelet transformation (DWT) [15] are also used.
However, previous researchers primarily focused only on removing ECG noise and analyzing the results [16,17,18]. This study, however, goes further by delineating the denoised ECG signal to identify abnormalities in the ECG wave morphology through P-QRS-T-wave delineation [19,20,21,22]. ECG analysis involves understanding how to extract the morphology of ECG waves and segments (delineation). ECG signal delineation is a critical step that involves accurately identifying key feature points such as the onset and offset of P-waves, QRS-complexes, and T-waves [19,20,21,22]. However, accurately identifying the start, peak, and endpoint of the three primary ECG waveforms can be quite challenging. Moreover, diagnosing conditions through ECG signal analysis is a complex and time-consuming process that requires extensive training and specialized expertise. ECG delineation methods are broadly classified into two categories: digital signal processing [23,24] and intelligent processing [25,26,27,28]. Extensive research has been conducted on both approaches [23,24,25,26,27,28]. However, certain challenges persist, including the insufficient examination of noise effects in ECG signal delineation methods [20].
Numerous studies have proposed various ECG delineation models, demonstrating promising results [19,20,21,22,29,30]. However, accurately detecting and distinguishing between the P-, QRS-, and T-waves, handling noise and artifacts in the signal, and managing variations in wave morphology across different individuals and conditions remain challenges [11]. In addition, most previous studies only delineated normal signals as a baseline for interpreting abnormal morphology [21]. To address the limitations in recognizing abnormalities in ECG signals, this research makes the following contributions:
  • Develop iCOR, an end-to-end DL model with a comprehensive ECG signal processing system incorporating noise removal, feature extraction, learning process, and morphology classification;
  • Combine noise removal and feature extraction of ECG signals using multi-layer filters with DL-based signal delineation of normal and abnormal pathology to enhance generalization capabilities; and
  • Evaluate with unseen data to accurately assess its performance and accuracy.
These steps aim to build a robust and accurate system for ECG signal interpretation, leveraging advanced DL techniques for improved delineation and reliability.

2. Materials and Methods

2.1. Data Preparation

Data preparation precedes ECG pre-processing, involving three datasets: MIT-BIH Noise Stress Test Database v.1.0.0 (NSTDB) [31], QT Database v.1.0.0 (QTDB) [32], and Lobachevsky University Electrocardiography Database v.1.0.1 (LUDB) [33]. The metadata of the three databases are shown in Table 1. In this study, the noise removal model utilizes the QTDB and NSTDB, while the delineation model uses both the QTDB and LUDB.
NSTDB contains ECG signals with three types of noise, i.e., baseline wandering (BW), electrode motion (EM), and muscle artifact (MA). BW is an undesired low-frequency fluctuation and interferes with ECG signal, as it can alter wave amplitudes and cause errors in the detection of important features [34]. EM is a disturbance in the ECG signal that typically appears as sudden fluctuations and can affect the accuracy of the information produced [35]. Meanwhile, MA appears as a high-frequency signal that can interfere with the identification of important ECG wave morphologies [36]. The sample of three noises from the NSTDB dataset is seen in Figure 1.
QTDB contains real ECG records representing a wide range of QRS and ST-T morphologies with considerable variability. It comprises 105 ECG signals, each 15 min long, with two channels sampled at 250 Hz. To incorporate real baseline drifts into the QTDB, real BW signals from the NSTDB were used. The NSTDB includes 30 min of 12 ECG recordings and three recordings of typical noise encountered in stress tests, sampled at 360 Hz. On the other hand, the LUDB is used exclusively to evaluate the delineation model. It contains real ECG records from 200 subjects, sampled at 500 Hz across 12 leads. The QTDB beats are up-sampled from 250 Hz to 360 Hz, conversely, for the delineation model with LUDB, beats are down-sampled from 500 Hz to 360 Hz, ensuring consistency with the NSTDB frequency of 360 Hz.

2.2. Data Pre-Processing

In the realm of ECG signal analysis, data pre-processing is pivotal to ensure the efficacy of subsequent models [37]. There are two primary models under consideration:
(i) The denoising model: the ECG beats are resampled to ensure uniformity in the data. We have up-sampled the QTDB to 360 Hz, the same as NSTDB’s frequency sampling. We have only experimented with the complete ECG beat, which consisted of P-waves, QRS-complexes, and T-waves. If the length of each beat is not fixed, padding is applied to standardize the length of each beat, accommodating the model’s input requirements. Padding is used to ensure that all model input sizes are consistent. Both the ECG signal noise removal and the ECG signal delineation model receive input in the form of vectors with a size of 512 nodes. Typically, the number of nodes in a beat varies between 200 and 300. To establish consistency, the size of 512 nodes was chosen for the input and output layers during the model training process. The reason 512 nodes were chosen is that the lift is not smaller than the range of variations in the number of nodes in one beat. Then, the dataset is then split into training, validation, and test sets, ensuring that the model can be appropriately trained and evaluated.
Lastly, the ground truth signals are separated from the model inputs to facilitate accurate training and validation. The ground truth for the denoising model consists of the raw QTDB signal, which serves as the clean reference signal. To generate the noisy input signal for the denoising model, the amplitudes of the QTDB and NSTDB signals are combined. The NSTDB contributes baseline wandering noise, simulating the slow fluctuations caused by patient breathing. Additionally, to mimic electrode motion artifacts, a pseudo-random number generator is employed. To inject noise into the ECG signals, we adopted the approach used by the NSTDB as described in [11]. Noise is randomly introduced with amplitudes ranging from 0.2 to 2 times the maximum peak value of the ECG signal.
(ii) The delineation model: for the delineation process, we down-sampled the LUDB to 360 Hz, the same as the frequency sampling of the NSTDB. The delineation model shares some of these pre-processing steps, including resampling beats, padding beats, and splitting the dataset. However, a key additional step in the delineation model’s pre-processing is the inference of beats from the best denoising model. This step leverages the outputs of the denoising model to enhance the accuracy and reliability of the delineation process, ensuring that the model works with the cleanest possible signals. A sample of ECG in the QTDB and LUDB for the delineation process is presented in Figure 2.

2.3. iCOR Proposed Model

This study proposes a multi-layer filter (MLF) architecture used for noise removal and delineation processes on ECG signals. In the noise removal process, the MLF model with 1D CNN on the output layer applies the regression principle. Meanwhile, for the ECG delineation process, the MLF model with BiLSTM on the output layer applies the classification principle. This end-to-end learning process is called iCOR. The name of iCOR comprises intelligent and COR. COR comes from the Latin word for “heart”. COR is often used in medical terminology related to cardiology. Therefore, this study was developed the intelligent system for AI-powered systems for analyzing the heart using ECG signals. iCOR for ECG signals is presented in Figure 3. Figure 3 shows a two-step process involving noise removal and delineation that is described below:
The denoising process employs an MLF to reduce noise. The MLF model was adopted using principles from previous research [11]. In [11], they propose a novel algorithm for baseline wander noise filtering using deep learning techniques. From [11], the best-performing model identified is the deep filter model called Multibranch Linear and Non-Linear Dilated (MBLANLD), which achieved the highest performance in denoising. With the adopted MBLANLD, in this study, an MLF is simultaneously used for noise removal and feature extraction from the ECG signal. The ECG signals, with interference from some noise, undergo processing through several layers of filter modules, each with varying numbers of filters and dilation rates to control the sensitivity and scale of the filtering. The ECG noise removal includes an output layer with a 1D CNN for a regressor. In the denoising model that is presented in Figure 3, the output layer consists of a 1D CNN with 9 kernels, utilizing a linear activation function. The first two modules, (b) and (c), consist of a total of 64 convolutional filters and follow the internal structure. In the second multipath module (c), convolutional operations were applied with a dilation rate of (r = 3), enabling dilated convolutions. The same dilation rate was also used in the fourth and sixth modules. As the network progresses, the number of extracted features gradually decreases. The first two modules contain 64 features, followed by 32 features in the third and fourth modules. Finally, the fifth and sixth modules each extract 16 features. The final stage consists of a single convolutional filter with a kernel size of 9, which shapes the output signal.
The process of delineation involves the categorization of modules into two main groups: frozen-weight, also known as problem-independent, and trainable-weight, which are problem-dependent. Within the frozen-weight modules, the weights are pre-trained and fixed, facilitating the processing of clean input data by passing them through various filtering stages to establish a baseline for the denoising procedure. Concurrently, the noisy input data undergo processing by the trainable-weight modules, where the weights are adaptable throughout the training phase. These modules work to enhance the data, progressively converting the noisy input into a more refined version. The ultimate result is a visualization of the delineated data that accentuates specific characteristics, thus concluding the dual-stage process of purification and feature extraction. This design effectively integrates both problem-independent and problem-dependent modules to offer broad applicability across diverse datasets while still maintaining precision for particular objectives. The model’s outcome will deliver an ECG signal that has undergone denoising and has been categorized into four morphological classes: P-waves, QRS-complexes, T-waves, and isoelectric lines. To further refine the classification process, a combination of BiLSTM and dense layers is employed.
By generating the cohesive pipeline, the methodology of this study has the ability to enhance the ECG signal quality through noise removal, then extracts essential features using the MLF, and finally applies a BiLSTM model to accurately delineate ECG wave components. This combination leverages the strengths of both DL models to improve the accuracy and reliability of ECG morphology recognition and analysis (Figure 3). Figure 3 shows the input signal data (Figure 3a), the multi-layer filter modules (Figure 3b,c), the convolution layers and activation function (Figure 3d,e), and the output (Figure 3f).

2.4. Performance Metric Evaluation

The model will produce an ECG signal that has been denoised and classified into four categories: P-waves, QRS-complexes waves, T-waves, and isoelectric lines. Its performance will be evaluated using both regression and classification metrics to provide a comprehensive assessment of accuracy and effectiveness [38]. This dual approach ensures the model’s predictions are accurate, distinguishes between different classes reliably, and effectively removes noise from ECG signals. Regression metrics include maximum absolute distance (MAD) to measure the largest absolute difference between the predicted values and the actual values,
M A D s 1 , s 2 = m a x s 1 n s 2 n     1 n N
The sum of squared distances (SSD) between the predicted values and the actual values is
S S D s 1 , s 2 = n = 1 N ( s 2 n s 1 n ) 2       1 n N
Percentage root-mean-square difference (PRD) represents the root-mean-square difference between the predicted values and the actual values as a percentage,
P R D s 1 , s 2 = 100 % · n = 1 N ( s 2 n s 1 n ) 2 n = 1 N ( s 2 n s 1 n ¯ ) 2   1 n N
Cosine similarity (CosSim) measures the cosine of the angle between two non-zero vectors,
C o s S i m s 1 , s 2 = n = 1 N ( s 1 n · s 2 n ) n = 1 N s 1 2 ( n ) · n = 1 N s 2 2 ( n ) = s 1 , s 2 | | s 1 | |   | | s 2 | |   1 n N
Signal-to-noise ratio (SNR) measures the ratio of the power of the signal to the power of the noise,
S N R s 1 , s 2 = 10 log 10 n = 1 N s 2 2 n n = 1 N s 2 n s 1 n 2   1 n N
where s 1 is the original signal, s 2   are the filtered signals, n is the index of the current sample, and N is the length of the signals.
The metrics provide various perspectives on the accuracy and reliability of regression models, helping to identify both average performance and specific areas of strength or weakness in the predictions. The classification metrics are assessed using a confusion matrix, including accuracy, sensitivity, precision, and F1 score [39]. However, in this study, we highlight the F1 score. In the ECG signal delineation study, the F1 score allows us to evaluate how well our model distinguishes between the P-wave, QRS-complex, T-wave, and isoelectric line classes across unseen data. By using the F1 score, we ensure that the proposed model maintains a good balance between identifying true positives and minimizing false positives and false negatives, leading to more reliable and accurate ECG signal classification.

2.5. Platform Implementation

In this study, we deployed the proposed model on a computer with the following specifications: an Intel® Core™ i9-9920X CPU @ 3.50 GHz (Santa Clara, CA, USA) as the processor, 490,191 MB RAM, and a GeForce 2080 RTX Ti GPU manufactured by NVIDIA Corporation (GV102, rev a1) (Santa Clara, CA, USA). The operating system used was Ubuntu 18.04.5 LTS. All experiments and algorithms were implemented using Python and the PyTorch 1.7.1 library for model development.

3. Results and Discussion

In this study, the results are from two approaches: ECG denoising and delineation. For ECG denoising, we have experimented two channels of the NSTDB (Noise1 and Noise2 for training and testing set, respectively) and one channel (.pu0) of the QTDB (14 records for testing set and the remaining records for 70% training and 30% validation sets). For the ECG denoising process, this study was only concerned with BW noise. For ECG delineation, among 200 records, there were 23 records for the testing set and the remaining records for 90% training and 10% validation sets. The record distributions of the NSTDB, QTDB, and LUDB are listed in Table 2.
For the results analysis of iCOR, we divided them by two approaches that are described below:

3.1. ECG Denoising

To evaluate the effectiveness of the proposed model in ECG denoising, this study conducted a series of experiments and analyzed the results with two scenarios of data distribution, namely shuffled and non-shuffled. In the shuffled scenario, the training and validation datasets are separated randomly using a fixed seed to ensure the experimental results are reproducible. Conversely, in the non-shuffled scenario, the training and validation datasets are separated sequentially. This categorization is performed to verify the model’s robustness to varying data distributions. Three feature engineering (FE) methods are employed during the padding process at the ECG signal noise removal stage: raw padding, amplitude, and amplitude–isoelectric. Padding is a technique used to ensure that all input sequences have the same length, which is essential for accurate feature extraction and ECG signal delineation. This helps in preserving the morphology of the ECG signal, which is critical for diagnosing heart conditions. The performance of various model noise removal processes is depicted in Table 3.
Table 3 indicates the highest SNR improvement is achieved with the amplitude–isoelectric line centered padding method with the shuffle scenario. It can be observed that the model of ECG signal denoising demonstrated outstanding performance with the following average evaluation metrics and standard deviations (Stdev): SSD (4.81 ± 7.29), SNR (23.46 ± 7.22), MAD (0.43 ± 0.30), PRD (53.05 ± 38.42), and COS_SIM (0.90 ± 0.10). The shuffled scenario approaches help in understanding the model’s generalization capabilities when exposed to diverse data. Shuffling ensures that the model encounters a wide range of examples during each epoch, enhancing its learning process. This diversity in training examples typically leads to better overall performance metrics. The sample plots of ECG signals in shuffled and non-shuffled scenarios with raw padding, amplitude, and amplitude–isoelectric methods are presented in Figure 4, Figure 5 and Figure 6, respectively.
The isoelectric line is the baseline of the ECG signal, representing periods of electrical inactivity in the heart. Combining amplitude and isoelectric line padding involves adjusting the signal’s amplitude and aligning it with the isoelectric line before padding. This method helps preserve both the relative magnitude and baseline of the ECG signals, leading to more accurate denoising. The ECG signal denoising with multi-layer filter visualization is shown in Figure 4, Figure 5 and Figure 6, where the red line is y prediction, the blue line is y test, and the red region is an error prediction (error region). The error region displays the size of the difference between the ground truth and the predicted results. The ECG signal denoising result with the amplitude–isoelectric line centered method produces good metrics and has the ability to reduce the noise in the signal, however, during the shuffled scenario, the performance results for training and validation can vary significantly (refer to Table 3). Using distributed data in the shuffled scenario has produced good testing performance.

3.2. ECG Delineation

Based on the ECG denoising process using the best multi-layer filter model, a noise-free ECG signal can be produced. Following this, the ECG delineation process is carried out to separate the P-QRS-T-wave morphology through a classification scheme. The proposed parameters for the ECG delineation model are batch size of 16, learning rate of 0.0001, 100 epochs, an adaptive moment estimation (ADAM) optimizer, and a sparse categorical cross-entropy loss function. From the best model of ECG denoising in the FE amplitude–isoelectric centered method, transfer learning is performed where part of the first hidden layer of the model is frozen, while part of the last hidden layer is set to trainable. In the output layer, BiLSTM followed by dense layers with a Softmax activation function forms a delineation model. The performance results of ECG delineation with MLF-BiLSTM in record-based and beat-based approaches are visualized in Figure 7. Figure 7 shows the classification performance for unseen LUDB datasets yields above 90.4% and 98% accuracy for record-based and beat-based approaches, respectively. Beat-based approaches outperformed the record-based approach in overall performance metric results. Similar results were shown in an unseen set of the QTDB, while beat-based approaches performed well. As seen in Figure 7, the F1 score helps to understand the trade-off between precision and recall, making it a valuable metric. The delineation model with iCOR demonstrates effective signal delineation on both LUDB and QTDB datasets. It achieves an F1 score of above 85.3% for the P-wave class, 87.7% for the QRS-complex class, and 89% for the T-wave class with the beat-based approach. These results indicate that the model is robust and performs well across various sources of ECG signal data. Despite the differences in ECG signal recording characteristics between the QTDB and LUDB in terms of frequency, recording length, equipment used, and recorded leads, the proposed method effectively classifies the morphology of ECG signals.
For a more comprehensive analysis, this study detected atrial fibrillation (AF) and atrial flutter (AFL) with the proposed iCOR model. Figure 8 presents the sample results of ECG delineation between ground truth and iCOR prediction in AF and AFL records, respectively. The results showed there is no significant gap between ground truth and iCOR prediction for P-QRS-T-wave classification. The characteristics of both are no visible P-waves, while in AF, the atria beat irregularly, and in AFL, the atria beat regularly. We have tested 14 AF records (8, 38, 44, 51, 83, 88, 93, 95, 96, 101, 110, 112, 129, and 173) and 3 AFL records (35, 52, and 103). The experimental results of both records are presented in Table 4 and Table 5 for AF and AFL, respectively. The experiment of 14 AF records with iCOR showed that the sensitivity, precision, and F1 score of P-waves are zero (0). P-waves will not be seen on the ECG in patients with AF.
From a clinical perspective, AF and AFL have many similarities. Both are fast heart rhythm disturbances affecting the upper chambers and can lead to symptoms such as palpitations, fatigue, and reduced exercise capacity. AF is characterized by irregular atrial activity in both atria, while AFL is identified as a macro-reentrant tachyarrhythmia with consistent, regular atrial activity in both atria. AF and AFL showed absent P-waves in ECG signals. Table 5 presents absent P-waves in AFL records (35, 52, and 103). From the results of Table 4 and Table 5, our proposed iCOR has successfully detected the characteristic of AF and AFL with absent P-wave morphology in ECG signals.
Besides the absent P-wave, this study visualized the irregular/regular RR-interval to differentiate AF and AFL. The regular RR-interval is 0.6–1.2 s. The sample visualization of AF and AFL detection with iCOR from an RR-interval perspective is presented in Figure 9. Figure 9 presents samples of irregular rhythm (abnormal beat-to-beat, red color) and regular rhythm (normal beat-to-beat, blue color) in AF and AFL records, respectively. As seen in Figure 9, the irregular rhythms are mostly visualized in AF records (records 38 and 110), and regular rhythms are mostly visualized in AFL records (records 52 and 103).
In recent years, there have been previous studies that provide end-to-end learning for ECG morphology classification (refer to Table 6). Tutuko et al. [21] proposed the denoising autoencoder (DAE) for denoising algorithms and convolutional-bidirectional long short-term memory (ConvBiLSTM) for ECG delineation to classify ECG waveforms in terms of the P-QRS-T-wave. The denoising reconstruction using unsupervised learning based on the encoder–decoder process can be proposed to improve the drawbacks. First, the ECG signals are reduced to a low-dimensional vector in the encoder. Second, the decoder reconstructs the signals. Finally, the reconstructed signals of ECG can be processed by ConvBiLSTM. The results achieved an accuracy of 99.81%, 99.86%, and 99.35% for P-wave, QRS-complex, and T-wave, respectively. Though the performance results are outstanding, they only concern the normal sinus records for generating the ConvBiLSTM model. Chen et al. [40] conducted experiments on a large-scale 12-lead ECG dataset, ICDIRS, using a variational encoder–decoder network, ECGVEDNET, specifically designed to address morphological variations in ECG signals. In ECGVEDNET, a well-regularized latent space is created, where the latent ECG features adhere to a regular distribution, exhibiting reduced morphology variations compared to the raw data. Additionally, a transfer learning framework is introduced to leverage the knowledge gained from ICDIRS and apply it to smaller datasets. On ICDIRS, ECGVEDNET achieves accuracies of 86.28% for QRS onset and 89.94% for T peak. From the previous studies, it can be claimed that iCOR performs excellently in classifying three primary ECG waveforms, i.e., P-wave, QRS-complex and T-wave. iCOR outperformed the accuracy of P-wave, QRS-complex and T-wave in the previous studies [21,40].
The performance results of this experiment study look promising, however, there are limitations of this study:
  • This study was only concerned with BW noise for the ECG denoising process using an MLF;
  • The testing of iCOR was only explored in noisy ECG signals.

4. Conclusions

In this study, we proposed a novel approach for ECG signal delineation using an MLF combined with a BiLSTM model, namely iCOR. Our method addresses the limitations of previous models, which often performed sub-optimally on diverse datasets. Our approach achieves a simpler yet effective delineation model by utilizing the MLF for simultaneous noise removal and feature extraction and integrating these features into the BiLSTM for classification. The evaluation of combined LUDB and QTDB datasets demonstrates the robustness of our model, achieving high F1 scores. It can be observed that the classification performance for unseen sets of LUDB datasets yields above 90.4% and 98% accuracy for record-based and beat-based approaches, respectively. Beat-based approaches outperformed the record-based approach in overall performance metric results. Similar results were shown in an unseen set of the QTDB, in which beat-based approaches performed with accuracy above 97%. These results indicate that the proposed model can effectively delineate ECG signals from various sources, making it a versatile tool for clinical applications. The performance results of iCOR across different datasets underscore its potential for reliable and precise cardiac health monitoring. Future work will focus on further refining the model and exploring its application to other biomedical signal-processing tasks.

Author Contributions

S.N.: wrote the manuscript, formal analysis, funding acquisition, and methodology. W.J. and S.M.: formal analysis. B.T. and E.E.: formal analysis and resources. A.E.T.: medical supervisor. A.D.: wrote the manuscript, formal analysis, and methodology. F.F., M.N.R. and M.I.P.: designed computer programs and curated the data. A.I.S., A.I. and A.W.A.: resources and prepared figures. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by Collaboration Research Strategy (Katalis) Grants from the Ministry of Education, Culture, Research, and Technology, Indonesia, No. 142/E5/PG.02.00.PT/2022.

Data Availability Statement

The datasets generated and/or analyzed during the current study are available in the PhysioNet: MIT-BIH Noise Stress Test Database (https://physionet.org/content/nstdb/1.0.0/, accessed on 28 February 2025), Lobachevsky University Electrocardiography Database (https://physionet.org/content/ludb/1.0.1/, accessed on 28 February 2025), QT Database (https://physionet.org/content/qtdb/1.0.0/, accessed on 28 February 2025).

Acknowledgments

We thank the Intelligent System Research Group (ISysRG), Faculty of Computer Science, Universitas Sriwijaya, Indonesia, for supporting the infrastructure.

Conflicts of Interest

The authors have no conflicts of interest.

References

  1. Chung, C.T.; Lee, S.; King, E.; Liu, T.; Armoundas, A.A.; Bazoukis, G.; Tse, G. Clinical significance, challenges and limitations in using artificial intelligence for electrocardiography-based diagnosis. Int. J. Arrhythmia 2022, 23, 24. [Google Scholar] [CrossRef] [PubMed]
  2. Mvuh, F.L.; Ebode Ko’a, C.O.V.; Bodo, B. Multichannel high noise level ECG denoising based on adversarial deep learning. Sci. Rep. 2024, 14, 801. [Google Scholar] [CrossRef] [PubMed]
  3. Chiang, H.-T.; Hsieh, Y.-Y.; Fu, S.-W.; Hung, K.-H.; Tsao, Y.; Chien, S.-Y. Noise Reduction in ECG Signals Using Fully Convolutional Denoising Autoencoders. IEEE Access 2019, 7, 60806–60813. [Google Scholar] [CrossRef]
  4. Hou, Y.; Liu, R.; Shu, M.; Chen, C. An ECG denoising method based on adversarial denoising convolutional neural network. Biomed. Signal Process. Control 2023, 84, 104964. [Google Scholar] [CrossRef]
  5. Birok, R.; Kapoor, R.; Choudhry, M.S. ECG denoising using artificial neural networks and complete ensemble empirical mode decomposition. Turkish J. Comput. Math. Educ. 2021, 12, 2382–2389. [Google Scholar]
  6. Mohguen, W.; Bouguezel, S. Denoising the ECG signal using ensemble empirical mode decomposition. Eng. Technol. Appl. Sci. Res. 2021, 11, 7536–7541. [Google Scholar] [CrossRef]
  7. Kumar, A.; Tomar, H.; Mehla, V.K.; Komaragiri, R.; Kumar, M. Stationary wavelet transform based ECG signal denoising method. ISA Trans. 2021, 114, 251–262. [Google Scholar] [CrossRef] [PubMed]
  8. Shi, H.; Liu, R.; Chen, C.; Shu, M.; Wang, Y. ECG baseline estimation and denoising with group sparse regularization. IEEE Access 2021, 9, 23595–23607. [Google Scholar] [CrossRef]
  9. Wang, J.; Li, R.; Li, R.; Li, K.; Zeng, H.; Xie, G.; Liu, L. Adversarial de-noising of electrocardiogram. Neurocomputing 2019, 349, 212–224. [Google Scholar] [CrossRef]
  10. Singh, P.; Pradhan, G. A new ECG denoising framework using generative adversarial network. IEEE/ACM Trans. Comput. Biol. Bioinform. 2020, 18, 759–764. [Google Scholar] [CrossRef]
  11. Romero, F.P.; Piñol, D.C.; Vázquez-Seisdedos, C.R. DeepFilter: An ECG baseline wander removal filter using deep learning techniques. Biomed. Signal Process. Control 2021, 70, 102992. [Google Scholar] [CrossRef]
  12. Lin, H.; Liu, R.; Liu, Z. ECG signal denoising method based on disentangled autoencoder. Electronics 2023, 12, 1606. [Google Scholar] [CrossRef]
  13. Chorney, W.; Wang, H.; He, L.; Lee, S.; Fan, L.-W. Convolutional block attention autoencoder for denoising electrocardiograms. Biomed. Signal Process. Control 2023, 86, 105242. [Google Scholar] [CrossRef]
  14. Alickovic, E.; Subasi, A. Effect of multiscale PCA de-noising in ECG beat classification for diagnosis of cardiovascular diseases. Circuits Syst. Signal Process. 2015, 34, 513–533. [Google Scholar] [CrossRef]
  15. Khorrami, H.; Moavenian, M. A comparative study of DWT, CWT and DCT transformations in ECG arrhythmias classification. Expert Syst. Appl. 2010, 37, 5751–5757. [Google Scholar] [CrossRef]
  16. Rizwan, A.; Priyanga, P.; Abualsauod, E.H.; Zafrullah, S.N.; Serbaya, S.H.; Halifa, A. A machine learning approach for the detection of QRS complexes in electrocardiogram (ECG) using discrete wavelet transform (DWT) algorithm. Comput. Intell. Neurosci. 2022, 2022, 9023478. [Google Scholar] [CrossRef] [PubMed]
  17. Wang, Z.; Zhu, J.; Yan, T.; Yang, L. A new modified wavelet-based ECG denoising. Comput. Assist. Surg. 2019, 24, 174–183. [Google Scholar] [CrossRef]
  18. Samann, F.; Schanze, T. Use of a trained denoising autoencoder to estimate the noise level in the ECG. Curr. Dir. Biomed. Eng. 2021, 7, 562–565. [Google Scholar] [CrossRef]
  19. Jimenez-Perez, G.; Alcaine, A.; Camara, O. Delineation of the electrocardiogram with a mixed-quality-annotations dataset using convolutional neural networks. Sci. Rep. 2021, 11, 863. [Google Scholar] [CrossRef]
  20. Nurmaini, S.; Darmawahyuni, A.; Rachmatullah, M.N.; Effendi, J.; Sapitri, A.I.; Firdaus, F.; Tutuko, B. Beat-to-Beat Electrocardiogram Waveform Classification Based on a Stacked Convolutional and Bidirectional Long Short-Term Memory. IEEE Access 2021, 9, 92600–92613. [Google Scholar] [CrossRef]
  21. Tutuko, B.; Darmawahyuni, A.; Nurmaini, S.; Tondas, A.E.; Naufal Rachmatullah, M.; Teguh, S.B.P.; Firdaus, F.; Sapitri, A.I.; Passarella, R. DAE-ConvBiLSTM: End-to-end learning single-lead electrocardiogram signal for heart abnormalities detection. PLoS ONE 2022, 17, e0277932. [Google Scholar] [CrossRef]
  22. Nurmaini, S.; Darmawahyuni, A.; Rachmatullah, M.N.; Firdaus, F.; Sapitri, A.I.; Tutuko, B.; Tondas, A.E.; Putra, M.H.P.; Islami, A. Robust electrocardiogram delineation model for automatic morphological abnormality interpretation. Sci. Rep. 2023, 13, 13736. [Google Scholar] [CrossRef] [PubMed]
  23. Banerjee, S.; Gupta, R.; Mitra, M. Delineation of ECG characteristic features using multiresolution wavelet analysis method. Measurement 2012, 45, 474–487. [Google Scholar] [CrossRef]
  24. Chen, H.; Maharatna, K. An automatic R and T peak detection method based on the combination of hierarchical clustering and discrete wavelet transform. IEEE J. Biomed. Health Inform. 2020, 24, 2825–2832. [Google Scholar] [CrossRef]
  25. Peimankar, A.; Puthusserypady, S. DENS-ECG: A deep learning approach for ECG signal delineation. Expert Syst. Appl. 2021, 165, 113911. [Google Scholar] [CrossRef]
  26. Londhe, A.N.; Atulkar, M. Semantic segmentation of ECG waves using hybrid channel-mix convolutional and bidirectional LSTM. Biomed. Signal Process. Control 2021, 63, 102162. [Google Scholar] [CrossRef]
  27. Wang, D.; Qiu, L.; Zhu, W.; Dong, Y.; Zhang, H.; Chen, Y.; Wang, L. Inter-patient ECG characteristic wave detection based on convolutional neural network combined with transformer. Biomed. Signal Process. Control 2023, 81, 104436. [Google Scholar] [CrossRef]
  28. Jimenez-Perez, G.; Alcaine, A.; Camara, O. U-Net Architecture for the Automatic Detection and Delineation of the Electrocardiogram. In Proceedings of the 2019 Computing in Cardiology (CinC), Singapore, 8–11 September 2019. [Google Scholar] [CrossRef]
  29. Wang, J.; Li, R.; Li, R.; Fu, B. A knowledge-based deep learning method for ECG signal delineation. Futur. Gener. Comput. Syst. 2020, 109, 56–66. [Google Scholar] [CrossRef]
  30. Liang, X.; Li, L.; Liu, Y.; Chen, D.; Wang, X.; Hu, S.; Wang, J.; Zhang, H.; Sun, C.; Liu, C. ECG_SegNet: An ECG delineation model based on the encoder-decoder structure. Comput. Biol. Med. 2022, 145, 105445. [Google Scholar] [CrossRef]
  31. Goldberger, A.L.; Amaral, L.A.N.; Glass, L.; Hausdorff, J.M.; Ivanov, P.C.; Mark, R.G.; Mietus, J.E.; Moody, G.B.; Peng, C.-K.; Stanley, H.E. PhysioBank, PhysioToolkit, and PhysioNet: Components of a new research resource for complex physiologic signals. Circulation 2000, 101, e215–e220. [Google Scholar] [CrossRef]
  32. Laguna, P.; Mark, R.G.; Goldberg, A.; Moody, G.B. A database for evaluation of algorithms for measurement of QT and other waveform intervals in the ECG. In Proceedings of the Computers in Cardiology, Lund, Sweden, 7–10 September 1997; pp. 673–676. [Google Scholar]
  33. Kalyakulina, A.I.; Yusipov, I.I.; Moskalenko, V.A.; Nikolskiy, A.V.; Kosonogov, K.A.; Osipov, G.V.; Zolotykh, N.Y.; Ivanchenko, M.V. Ludb: A new open-access validation tool for electrocardiogram delineation algorithms. IEEE Access 2020, 8, 186181–186190. [Google Scholar] [CrossRef]
  34. Dhas, D.E.; Suchetha, M. Dual phase dependent RLS filtering approach for baseline wander removal in ECG signal acquisition. Biomed. Signal Process. Control 2022, 77, 103767. [Google Scholar]
  35. Halvaei, H.; Sörnmo, L.; Stridh, M. Signal quality assessment of a novel ECG electrode for motion artifact reduction. Sensors 2021, 21, 5548. [Google Scholar] [CrossRef] [PubMed]
  36. Chen, Q.; Li, Y.; Yuan, X. A hybrid method for muscle artifact removal from EEG signals. J. Neurosci. Methods 2021, 353, 109104. [Google Scholar] [CrossRef] [PubMed]
  37. Uwaechia, A.N.; Ramli, D.A. A comprehensive survey on ECG signals as new biometric modality for human authentication: Recent advances and future challenges. IEEE Access 2021, 9, 97760–97802. [Google Scholar] [CrossRef]
  38. Naser, M.Z.; Alavi, A.H. Error metrics and performance fitness indicators for artificial intelligence and machine learning in engineering and sciences. Archit. Struct. Constr. 2023, 3, 499–517. [Google Scholar] [CrossRef]
  39. Liang, J. Confusion matrix: Machine learning. POGIL Act. Clgh. 2022, 3. Available online: https://pac.pogil.org/index.php/pac/article/view/304 (accessed on 13 April 2025).
  40. Chen, L.; Jiang, Z.; Barker, J.; Zhou, H.; Schlindwein, F.S.; Nicolson, W.; Ng, G.A.; Li, X. ECGVEDNET: A Variational Encoder-Decoder Network for ECG Delineation in Morphology Variant ECGs. IEEE Trans. Biomed. Eng. 2024, 71, 2143–2153. [Google Scholar] [CrossRef]
Figure 1. The sample of ECG signal from NSTDB with (a) BW, (b) EM, and (c) MA. Blue: ECG signal waveform, orange: noise.
Figure 1. The sample of ECG signal from NSTDB with (a) BW, (b) EM, and (c) MA. Blue: ECG signal waveform, orange: noise.
Algorithms 18 00236 g001
Figure 2. The sample of QTDB for .pu0 and LUDB for lead II with a frequency 360 Hz.
Figure 2. The sample of QTDB for .pu0 and LUDB for lead II with a frequency 360 Hz.
Algorithms 18 00236 g002
Figure 3. iCOR proposed model; end-to-end learning process for ECG signal; (a) the input signal data, (b,c) the multi-layer filter modules, (d,e) the convolution layers and activation function and (f) the output.
Figure 3. iCOR proposed model; end-to-end learning process for ECG signal; (a) the input signal data, (b,c) the multi-layer filter modules, (d,e) the convolution layers and activation function and (f) the output.
Algorithms 18 00236 g003
Figure 4. ECG signal denoising result with raw padding.
Figure 4. ECG signal denoising result with raw padding.
Algorithms 18 00236 g004
Figure 5. ECG signal denoising result with amplitude centered method.
Figure 5. ECG signal denoising result with amplitude centered method.
Algorithms 18 00236 g005
Figure 6. ECG signal denoising result with amplitude–isoelectric line centered method.
Figure 6. ECG signal denoising result with amplitude–isoelectric line centered method.
Algorithms 18 00236 g006
Figure 7. The performance results of ECG delineation with iCOR in an unseen set.
Figure 7. The performance results of ECG delineation with iCOR in an unseen set.
Algorithms 18 00236 g007
Figure 8. The sample visualization of ground truth and iCOR prediction in AF and AFL records.
Figure 8. The sample visualization of ground truth and iCOR prediction in AF and AFL records.
Algorithms 18 00236 g008
Figure 9. The sample visualization of AF and AFL detection with proposed iCOR from RR-interval perspective.
Figure 9. The sample visualization of AF and AFL detection with proposed iCOR from RR-interval perspective.
Algorithms 18 00236 g009
Table 1. The summary of NSTDB, QTDB, and LUDB.
Table 1. The summary of NSTDB, QTDB, and LUDB.
PropertyNSTDBQTDBLUDB
Frequency sampling360 Hz250 Hz500 Hz
Number of channels2 212
The length of the signal (number of nodes)650,000224,9995000
UnitmVmVmV
Channel nameNoise1 and Noise2V2, mod.V1, ECG1, D4, CM4, CM5, V2-V3, V1-V2, V5, MLII, V1, V4, ECG2, V3, CM2, ML5, D3, V4-V5, and CC5i, ii, iii, aVR, aVL, aVF, and V1–V6
Number of records6105200
PathologyECG signal recording with baseline wanderNormal sinus
Arrhythmia
ST-change
Supraventricular
arrhythmia
European ST-T
Sudden death
Sinus rhythm
Sinus tachycardia
Sinus bradycardia
Sinus arrhythmia
Irregular sinus rhythm
Abnormal rhythm
FunctionDenoising ground truthDenoising and delineation processDelineation process
Table 2. The record distributions of NSTDB, QTDB, and LUDB.
Table 2. The record distributions of NSTDB, QTDB, and LUDB.
DatabaseAimECG Records
Training SetValidation SetTesting Set (Unseen)
NSTDBDenoisingNoise1 (BW)-Noise 2 (BW)
QTDBDenoising and delineation (unseen)Remaining recordsRemaining recordsMIT-BIH Arrhythmia (sel123 and sel233), MIT-BIH ST Change (sel302 and sel307), MIT-BIH Supraventricular Arrhythmia (sel820 and sel853), MIT-BIH Normal Sinus Rhythm (sel16420 and sel1679), European ST-T database (sele0106 and sele0121), Sudden death patients (sel32 and sel49), MIT-BIH Long-Term ECG (sel14046 and sel15814).
LUDBDelineation Remaining recordsRemaining recordsSinus rhythm (2), Sinus bradycardia (1), Sinus arrhythmia (22), Sinus tachycardia (70), Irregular sinus rhythm (108), Atrial Fibrillation (8, 38, 44, 51, 83, 88, 93, 95, 96, 101, 110, 112, 129, 173), and Atrial Flutter (35, 52, 103).
Table 3. The ECG signal denoising results with two scenarios of data distribution for training, validation, and testing sets.
Table 3. The ECG signal denoising results with two scenarios of data distribution for training, validation, and testing sets.
DataFEMetrics EvaluationMean ± Standard Deviation
TrainingValidationTesting
Non-shuffledRawSSD1665.42 ± 5994.151399.01 ± 2697.22163.23 ± 370.85
SNR14.17 ± 10.9115.83 ± 10.8417 ± 9.61
MAD1.77 ± 2.481.75 ± 2.150.84 ± 0.79
PRD209.08 ± 208.99130.09 ± 167.42103.75 ± 120.34
COS_SIM0.58 ± 0.330.62 ± 0.330.68 ± 0.29
AmplitudeSSD4.79 ± 9.8324.32 ± 7.966.22 ± 7.3
SNR23.89 ± 7.9437.01 ± 7.9422.77 ± 7.3
MAD0.31 ± 0.220.35 ± 0.250.41 ± 0.29
PRD45.83 ± 33.943.86 ± 27.3253.1 ± 30.21
COS_SIM0.91 ± 0.10.91 ± 0.10.89 ± 0.1
Amplitude–isoelectricSSD3.86 ± 8.895.1 ± 9.285.03 ± 7.81
SNR25.15 ± 7.7725.39 ± 7.7523.39 ± 7.06
MAD0.31 ± 0.220.35 ± 0.260.41 ± 0.3
PRD39.67 ± 28.338.98 ± 27.5950.39 ± 28.85
COS_SIM0.93 ± 0.090.93 ± 0.10.91 ± 0.1
Shuffled RawSSD878 ± 4158.58843.78 ± 4547.7683.47 ± 117.33
SNR11.66 ± 8.0211.64 ± 8.0112.16 ± 7.02
MAD1.76 ± 2.081.74 ± 2.021.09 ± 0.6
PRD114.03 ± 64.23114.46 ± 65.08118.86 ± 57.36
COS_SIM0.65 ± 0.280.65 ± 0.280.61 ± 0.25
AmplitudeSSD4.48 ± 8.264.32 ± 7.885.49 ± 7.32
SNR24.34 ± 7.8437.02 ± 7.8822.77 ± 7.32
MAD0.32 ± 0.220.35 ± 0.250.43 ± 0.29
PRD44.78 ± 34.245.21 ± 35.3856.98 ± 37.66
COS_SIM0.92 ± 0.090.91 ± 0.10.9 ± 0.1
Amplitude–isoelectricSSD3.6 ± 7.153.6 ± 7.114.81 ± 7.29
SNR25.55 ± 7.7525.46 ± 7.8123.46 ± 7.22
MAD0.31 ± 0.220.35 ± 0.260.43 ± 0.3
PRD37.72 ± 27.337.77 ± 27.253.05 ± 38.42
COS_SIM0.94 ± 0.080.94 ± 0.090.91 ± 0.1
Table 4. The experimental results of AF detection with iCOR.
Table 4. The experimental results of AF detection with iCOR.
AF RecordsClassPerformance Results (%)
AccuracySensitivitySpecificityPrecisionF1
8P-wave99.7099.700
QRS-complex96.577.899.696.986.3
T-wave96.891.397.990.390.8
38P-wave94.4094.400
QRS-complex95.57699.596.685
T-wave84.716.899.791.428.3
44P-wave97.8097.800
QRS-complex96.980.299.697.287.9
T-wave9473.79887.780.1
51P-wave97.2097.200
QRS-complex96.577.299.999.186.8
T-wave95.676.498.891.683.3
83P-wave96.3096.300
QRS-complex89.140.310099.857.5
T-wave87.17789.967.772
88P-wave96.6096.600
QRS-complex97.989.799.193.591.6
T-wave81.42495.657.733.9
93P-wave97.1097.100
QRS-complex94.362.599.797.776.3
T-wave93.785.595.479.282.2
95P-wave99.6099.600
QRS-complex93.753.799.290.267.3
T-wave89.473.893.373.873.8
96P-wave96.1096.100
QRS-complex98.292.89992.592.6
T-wave87.440.398.989.755.6
101P-wave93.8093.800
QRS-complex96.78099.697.287.7
T-wave89.463.896.683.872.4
110P-wave98.9098.900
QRS-complex95.269.699.696.480.8
T-wave88.356.697.888.369
112P-wave92.1092.100
QRS-complex98.191.999.29593.4
T-wave873797.273.549.2
129P-wave97.7097.700
QRS-complex97.877.399.795.985.6
T-wave94.783.796.984.284
173P-wave96.3096.300
QRS-complex97.988.199.495.691.7
T-wave93.473.498.793.982.4
Table 5. The experimental results of AFL detection with iCOR.
Table 5. The experimental results of AFL detection with iCOR.
AFL RecordsClassAccuracySensitivitySpecificityPrecisionF1
35P-wave92.3092.300
QRS-complex95.18398.996.189.1
T-wave80.736.299.898.853
52P-wave96.9096.900
QRS-complex97.379.499.797.387.4
T-wave90.572.894.271.872.3
103P-wave86.2086.200
QRS-complex96.99197.987.889.4
T-wave85.649.695.172.658.9
Table 6. The benchmarking studies of ECG denoising and delineation process with DL approach.
Table 6. The benchmarking studies of ECG denoising and delineation process with DL approach.
AuthorsMethodDatabaseAccuracy (%)
ECG DenoisingECG DelineationP-WaveQRS-ComplexT-Wave
Tutuko et al. [21]DAEBiLSTMQTDB (normal sinus records only)99.8199.8699.35
Chen et al. [40]Regularized latent space (encoder–decoder)ECGVEDNETICDIRS-86.2889.94
Present studyiCORLUDB9898.898
QTDB (normal and abnormal records)98.798.197
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

Nurmaini, S.; Jatmiko, W.; Mandala, S.; Tutuko, B.; Erwin, E.; Tondas, A.E.; Darmawahyuni, A.; Firdaus, F.; Rachmatullah, M.N.; Sapitri, A.I.; et al. iCOR: End-to-End Electrocardiography Morphology Classification Combining Multi-Layer Filter and BiLSTM. Algorithms 2025, 18, 236. https://doi.org/10.3390/a18040236

AMA Style

Nurmaini S, Jatmiko W, Mandala S, Tutuko B, Erwin E, Tondas AE, Darmawahyuni A, Firdaus F, Rachmatullah MN, Sapitri AI, et al. iCOR: End-to-End Electrocardiography Morphology Classification Combining Multi-Layer Filter and BiLSTM. Algorithms. 2025; 18(4):236. https://doi.org/10.3390/a18040236

Chicago/Turabian Style

Nurmaini, Siti, Wisnu Jatmiko, Satria Mandala, Bambang Tutuko, Erwin Erwin, Alexander Edo Tondas, Annisa Darmawahyuni, Firdaus Firdaus, Muhammad Naufal Rachmatullah, Ade Iriani Sapitri, and et al. 2025. "iCOR: End-to-End Electrocardiography Morphology Classification Combining Multi-Layer Filter and BiLSTM" Algorithms 18, no. 4: 236. https://doi.org/10.3390/a18040236

APA Style

Nurmaini, S., Jatmiko, W., Mandala, S., Tutuko, B., Erwin, E., Tondas, A. E., Darmawahyuni, A., Firdaus, F., Rachmatullah, M. N., Sapitri, A. I., Islami, A., Arum, A. W., & Perwira, M. I. (2025). iCOR: End-to-End Electrocardiography Morphology Classification Combining Multi-Layer Filter and BiLSTM. Algorithms, 18(4), 236. https://doi.org/10.3390/a18040236

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