Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

DAE-ConvBiLSTM: End-to-end learning single-lead electrocardiogram signal for heart abnormalities detection

Abstract

Background

The electrocardiogram (ECG) is a widely used diagnostic that observes the heart activities of patients to ascertain a heart abnormality diagnosis. The artifacts or noises are primarily associated with the problem of ECG signal processing. Conventional denoising techniques have been proposed in previous literature; however, some lacks, such as the determination of suitable wavelet basis function and threshold, can be a time-consuming process. This paper presents end-to-end learning using a denoising auto-encoder (DAE) for denoising algorithms and convolutional-bidirectional long short-term memory (ConvBiLSTM) for ECG delineation to classify ECG waveforms in terms of the PQRST-wave and isoelectric lines. 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 reconstructed the signals. The last, the reconstructed signals of ECG can be processed to ConvBiLSTM. The proposed architecture of DAE-ConvBiLSTM is the end-to-end diagnosis of heart abnormality detection.

Results

As a result, the performance of DAE-ConvBiLSTM has obtained an average of above 98.59% accuracy, sensitivity, specificity, precision, and F1 score from the existing studies. The DAE-ConvBiLSTM has also experimented with detecting T-wave (due to ventricular repolarisation) morphology abnormalities.

Conclusion

The development architecture for detecting heart abnormalities using an unsupervised learning DAE and supervised learning ConvBiLSTM can be proposed for an end-to-end learning algorithm. In the future, the precise accuracy of the ECG main waveform will affect heart abnormalities detection in clinical practice.

Introduction

Heart abnormality (HA) was responsible for less than one-tenth of all deaths worldwide at the beginning of the 20th century [1]. Global HA deaths are projected to increase to 23.4 million, comprising 35% of all deaths in 2030 [2]. Medical practitioners analyse information about the electrical function of the heart via electrocardiogram (ECG) signals. The electrocardiogram is a non-invasive, economic primary tool that can be used to diagnose HA [35]. The signals come from the electrodes placed on the patient’s limbs and the surface of the chest [3]. Relevant information from the ECG must be extracted from the physiological signal to support a specific healthcare application [6]. However, noise or artifacts are merged with the ECG signal, making it hard for the physicians to ascertain a true diagnosis. The unwanted signals encountered in ECG signals include powerline interference, baseline wander, electrode motion artifacts, and electromyographic noise [7]. These ontologies are unavoidable to contain conflicts and inconsistencies in physicians’ observations. The changes in ECG waveforms indicate an illness of the cardiac system that may occur for any reason. ECG signals are enhanced by removing various noises and artifacts to avoid misunderstanding. As a result, applying adequate signal processing methods is beneficial in eliminating noise from ECG signals.

Several signal processing applications, such as denoising, have been implemented in many works of literature [811]. ECG signal denoising aims to eliminate as much noise as feasible while preserving as much signal as possible. Daqrouq used discrete wavelet transform (DWT) to reduce the ECG baseline wandering [12]. Discrete wavelet transform is used for ECG signal pre-processing because of the properties of good representation, nonstationary signals and the possibility of dividing the ECG signal into different frequency bands. Sayadi and Shamsollahi [8] presented the adaptive bionic wavelet transform (BWT) for ECG baseline correction. The resolution in the time-frequency domain can be adaptively adjusted, not only by the signal frequency but also by the signal instantaneous amplitude and its first-order differential. Jenkal et al. [9] explored DWT to improve the filtering of the ECG signal. The study combines the DWT and an efficient method using the adaptive dual threshold filter (ADTF). In the results, the ADTF-DWT method offered high performance compared to an adaptive algorithm using a mean filter [10] and an ADTF and Riemann–Liouville integral [13]. Fasano et al. [14] intended to preserve the ST-segment when removing baseline wander. The study carries out an approach based on quadratic variation reduction. The quadratic variation is a well-known property used to analyse stochastic processes. Kaur et al. [15] used parameters such as power spectral density (PSD), average power, and signal-to-noise ratio (SNR), which calculated signals to compare the performance of different filtering methods. In addition, some studies propose the implementation of wavelet networks for ECG noise reduction. Zhang and Benveniste [16] first introduced the performance of wavelet networks. Poungponsri and Yu [17] presented an adaptive filtering technique based on wavelet transform and an artificial neural network for ECG signal noise reduction. The neural network employed in this approach performs the inverse wavelet transform (IWT) for signal reconstruction and also serves as a nonlinear adaptive filter to further reduce noise.

The applications mentioned above for signal denoising are capable of reducing ECG noise. Outside of the ECG signal frequency band, an adaptive filter can properly eliminate noise; nevertheless, it will fail when the signal and noise have the same frequency range. Also, by shrinking the wavelet coefficients in the transformed domain, the wavelet transform can effectively suppress noise. Unfortunately, obtaining a suitable wavelet basis function and threshold technique requires prior information, which is time-consuming in practice [18]. Therefore, those analyses show that there are still chances to improve the conventional ECG denoising techniques further.

Recently, denoising algorithms based on deep learning (DL) have been explored for performing the ECG signal denoising [1923]. The deep learning algorithms can generalise for the scenarios of numerous noises using a single model. Those models learn their parameters for different noisy conditions, and an individual model can denoise various noises [24]. As computing power improves, many DL algorithm-based ECG denoising studies appear promising due to their improved generalisation capacity in various noise scenarios. The signal denoising algorithm based on the denoising auto-encoder (DAE) has had an outstanding performance compared to conventional denoising algorithms [1923]. The DAE, a variant of the auto-encoder (AE), is composed of encoding and decoding layers; the encoding layer keeps the lower dimensional representation in the hidden layer, and the decoding layer extracts features to reconstruct the input [25]. With the excellent performance of the DAE to enhance the ECG signal conditions from noise and artifacts, this study aims to combine the DAE as the ECG denoising technique with our previous model, ConvBiLSTM, for detecting heart abnormalities [26]. The convolution layer as the feature extraction, part of convolutional neural networks (CNN) [27, 28], focused solely on one-dimensional ECG signal data. BiLSTM can be proposed as the classifier with both forward and backward phases to predict the ECG waveform (P-wave, QRS-complex, T-wave and isoelectric lines).

The paper’s structure follows: Section 2 discusses the experimented data, DAE-ConvBiLSTM architecture, and used hyperparameters. Section 3 presents the results and visualisation of the reconstructed ECG signal using trained DAE and the performance of ECG delineation based on ConvBiLSTM. In the last section, we offer the conclusion.

The contributions of the study

In our previous study [26], we generated the stacking of the convolutional layer and the bidirectional long short-term memory (BiLSTM) for delineating the ECG waveform. In the instant study, we combined the DAE-ConvBiLSTM to detect heart abnormalities. We propose a novel denoising algorithm for ECG signals utilising ConvBiLSTM. The study’s contributions can be summarised as follows:

  • To propose end-to-end learning using DAE for single-lead ECG signal denoising and ConvBiLSTM for delineating the ECG waveform. DAE will be optimised to eliminate noise from ECG signals because it was trained on ECG data. ConvBiLSTM, a hybrid deep learning model, has been proposed to classify the waveform of P-wave, QRS-complex, T-wave, and isoelectric lines.
  • To detect heart abnormalities in the ECG surface by T-wave (due to ventricular repolarisation) observation to identify abnormalities and diseases associated with it.

Material and method

The proposed methodology of the manuscript can be presented in Fig 1. The raw ECG signal of QTDB has been experimented with for a delineation task. The raw data has been denoised using the encoder and decoder phases using DAE. The reconstructed signals are the input for ECG feature extraction in convolution layers. The representation of feature maps can be calculated in forward and backward stages to classify the P-wave, QRS-complex, T-wave and Isoelectric line.

Data preparation

The QT Database (QTDB) has been widely explored to generate the ECG delineation model, i.e., DAE-ConvBiLSTM [29]. The QTDB has 105 records, all digitized at 250 Hz. Among the records, the MIT-BIH Normal Sinus Rhythm Database were the only one experimented on in this study due to its complete and normal ECG waveform pattern. The QTDB contained a beginning (onset), peak, and end (offset) of each of the P-wave, QRS-complex, and T-wave in signals 0 and 1, respectively, using the ecgpuwave.

After the ECG delineating process using the DAE-ConvBiLSTM model, the model was used to detect the presence of T-wave alternans (TWA). The T-Wave Alternans Challenge Database is a challenge database for TWA identification with a wide variety of data that might be appropriate for the challenge [30]. There are 100 records sampled at 500 Hz. All records include patients with heart abnormalities and other risk factors and synthetic cases with calibrated amounts of TWA. The summary of data preparation can be seen in Table 1.

DAE-ConvBiLSTM

The AE comprises one input, one hidden, and one output layer. The encoder and decoder are the basic architecture of an AE. The AE takes unlabeled inputs, encodes these inputs, and subsequently reconstructs the inputs as precisely as possible [6]. Vincent et al. [31] originally invented a variant of the classic AE applied in ECG processing tasks, denoising auto-encoder (DAE). The DAE was first explored to obtain robust features from a corrupted input and play the role of denoising. The DAE created a corrupted copy of the input by introducing some noise. Denoising refers to intentionally adding noise to the raw input before providing it to the network. Unlike AE, DAE had to remove the corruption to generate an output similar to the input. The initial input, x, is corrupted to by a stochastic mapping . The DAE used corrupted as the input data, which first mapped to a hidden representation using the encoder: (1)

Then, it was reconstructed using a decoder, (2) where W is a weight matrix and b is the bias vector of the encoder, then W’ is a weight matrix and b’ is the bias vector of the decoder, and nonlinear functions were represented by φ and φ’.

To minimise the error of reconstruction, all parameters are trained to make z as the uncorrupted input of x. It can be formulated as: (3) where θ is a parameter set {W,b,W’,b’}, N is the number of data samples, and i is the sample index.

The previous study proposed the ConvBiLSTM as the delineation model for the ECG single-lead [26]. The four convolution layers and BiLSTM are generated to onset and offset the P-wave, QRS-complex, T-wave, and other ECG segment classifications. In this study, we propose DAE for ECG noise cancellation and ConvBiLSTM for the delineation model. The hyperparameter tuning for DAE-ConvBiLSTM can be listed in Table 2. Table 2 listed the filter and kernel sizes, epochs, batch size, optimisation, loss function, and learning rate as the optimisation to obtain the best hyperparameter for a learning algorithm. In this study, we have tuned two DAE model with disctinct architecture. In the first model of DAE, there were 370 and 185 nodes, for encoder and decoder layers. In addition, for the second model of DAE, there were 370 nodes for the encoder and decoder layers for the DAE model, respectively. Table 2 also shows the comparison of SNR result of both the DAE model. As we can seen, the SNR of the second model of DAE achieve the highest of 36.94 decibels (dB) and the first model of DAE only get 34.28 dB. As a result, the second model outperformed of the first model of DAE. In the second model of DAE, the rectified linear unit (ReLU) is commonly used with the activation function (nonlinear) in the encoder layer and the output layer (the last layer) contains a sigmoid in the range [0, 1]. The ConvBiLSTM consisted of four convolutional layers (8, 16, 32, and 64 filter sizes), the stride of one, kernel size of three, and single layer BiLSTM. The output of DAE-ConvBiLSTM predicts the start and end of the P-wave, QRS-complex, T-wave, and isoelectric line. The pseudocode of DAE-ConvBiLSTM can be presented in algorithm 1.

thumbnail
Table 2. The hyperparameter optimisation of DAE-ConvBiLSTM.

https://doi.org/10.1371/journal.pone.0277932.t002

Algorithm 1. DAE-ConvBiLSTM

Parameter: input x(370,1), output yt(370,5)

1: For each epoch do:

2:    If a length < 370 do:

3:        Apply zero-pad to

4:        #Dimension of a is (370, Filtersize)

5:    End if

#Denoising Autoencoder (DAE)

6:    For each sample in X do:

7:        Calculate Encoder of a by y = φ(Wx+b)

8:        Calculate Decoder of a by z = φ′(Wy+b′)

9:    End for

10: End for

11: For each epoch do:

#CNNs Feature Extraction

12:    For each convolutional layer do:

13:        For each sample in X do:

14:            Calculate from X by

            

15:        End for

16:    #Dimension of a is (370—KernelSize + 1, FilterSize)

17:    End for

18:    #Dimension of a is (370, 64)

#BiLSTM Classifier

19:    For each sample in a do:

20:        Calculate Forward Pass of a by LST

21:        Calculate Backward Pass of a by LST

22:    #Dimension of the output a is (370,2*Neuron Size)

23:        Calculate y, by

24:    End for

25: End for

To generate the DAE-ConvBiLSTM model, we have run all experiments with Windows 10 Pro 64 Bit, one Intel(R) Core (TM) i9-9900K CPU@ 3.60Ghz processor (32 RAM), and one NVIDIA GeForce RTX 2080 8GB GPU. The programming language is Python in the Spyder 5.2.2 DL framework and libraries, i.e., tensorflow, keras, numpy, pandas, sklearn, matplotlib, and the native Python WFDB package.

Results and discussion

The DAE algorithm was trained with noise injected with a SNR of 35 dB. The injected noise was a signal target. There were 370 input nodes representing one beat (from the start of P-wave1 to the start of P-wave2). The mean squared error (MSE) and adaptive moment estimation (Adam), with a batch size of 64, were used as a loss function and optimiser for the DAE model’s compilation (refer to Table 2). The noisy ECG sample is supplied to the encoder phase, which then concatenates the encoder output with the latent vector z and feeds it to the decoder phase. The decoder outputs the denoised ECG samples . The trained DAE was constructed by encode and decode layers, with 370 nodes, respectively. The proposed DAE achieved 99.71% accuracy. The visualisation of the ECG signal target (denoised signal) and result (the trained DAE) can be seen in Fig 2.

thumbnail
Fig 2. The samples of visualisation of the target and results of DAE.

https://doi.org/10.1371/journal.pone.0277932.g002

The result of the trained DAE (decode layer as reconstructed signal) is used as an input of ConvBiLSTM. The delineation of the ECG signal can be classified as the start and end of the P-wave, QRS-complex, T-wave, and isoelectric line. The zero-padding is represented by class if the beat length is smaller than 370 nodes, which the technique was done by adding the value zero (0). Table 3 lists the average performance of all waveforms obtained above 98% in all metrics. Among the three main ECG waveforms, the highest accuracy and precision were achieved by the QRS-complex, corresponding to sudden depolarisation of ventricles at a rate of 99.86% and 98.57%, respectively. Our DAE-ConvBiLSTM showed promising results in detecting the R-peak. The R-peak is one of the essential sections of the QRS-complex and is used to diagnose heart rhythm abnormalities and determine heart rate variability (HRV).

thumbnail
Table 3. The performance of ECG delineation using the proposed DAE-ConvBiLSTM model.

https://doi.org/10.1371/journal.pone.0277932.t003

To analyse the misclassified performance, the confusion matrix (error matrix) can be used to visualise the performance of a classification algorithm. Fig 3 presents the number of true and predicted labels of the P-wave, QRS-complex, T-wave, and isoelectric lines. All of the diagonal elements represent outcomes that have been correctly classified. The confusion matrix’s off diagonals represent the misclassified outcomes. As a result, the best classifier will have a confusion matrix with only diagonal members and zero values (0) for the rest of the elements. Fig 3 represents the misclassified outcomes, mostly from the isoelectric line, due to the overlapping of the ECG interval and segment around the P-wave, QRS-complex, and T-wave. The isoelectric line, or baseline (no deflections), is a straight line where there are no positive or negative charges of electricity.

A technique to visualize classifier based on their performance and to evaluate the prediction accuracy of a model, the receiver operating characteristic (ROC) curve is the most popular tool in medical research. The popularity comes from several well-studied characteristics, such as easy comparison of multiple models and the area under the curve (AUC) as a single-value quantity [32]. The application of ROC curve analysis to visualizing and examining the behavior of diagnostic systems has been extended. Fig 4(A) shows the ROC curve to visualize the DAE-ConvBiLSTM based on class of PQRST wave and isoelectric line. The AUC value has the range between 0 and 1.0, due to AUC is a portion of the area of the unit square. All class of ECG waveform present the well-performance due to the curve approaches the point 0.1.

thumbnail
Fig 4. The ROC and P-R curves of DAE-ConvBiLSTM.

(a) ROC curve and (b) PR curve.

https://doi.org/10.1371/journal.pone.0277932.g004

In addition, to organize the decision problems in machine learning while dealing with highly skewed datasets, Precision-Recall (PR) curve could give a more information graph for the performance of algorithm [32]. The area under the precision-recall curve, or AUC-PR, is determined, with each point on the curve defined by a distinct value of the threshold to convert continuous to binary predictions. Different to ROC, the PR curvers plotprecision vs. recall, due to precision is influenced by imbalanced class. In imbalanced scenario, the AUC-PR will be more sensitive than AUC-ROC. Fig 4(B) shows the PR curve of all waveform class near to 1.0 (area = 0.99), as a perfect classifier. From the results of AUC-ROC and AUC-PR, it reflects the true quality of the DAE-ConvBiLSTM’s performance.

In this study, we have compared the accuracy and precision of our proposed model DAE-ConvBiLSTM to recent works related the ECG delineation using DL with QT Database (refer to Table 4). Table 4 shows that CNN and LSTM/BiLSTM have mostly explored ECG delineation tasks [3336]. It can be claimed that CNN and LSTM/BiLSTM perform excellently in classifying three primary ECG waveforms, i.e., P-wave, QRS-complex and T-wave. However, our proposed model (DAE-ConvBiLSTM) outperformed the accuracy of P-wave, QRS-complex and T-wave in the previous studies [33, 34].

thumbnail
Table 4. The benchmarking study of recent works using DL with QT database.

https://doi.org/10.1371/journal.pone.0277932.t004

Most techniques decompose the ECG signal into a beat-to-beat time series that includes the T-wave’s characteristics. The measurement of the T-wave of the ECG signal is hard to obtain due to a precise mathematical formulation at the end of the T-wave that does not exist. However, in this study, we experiment with the ECG delineation to detect the onset and offset of the T-wave. In the case study, we detected the TWA. The TWA reflected the ECG T-wave beat-to-beat fluctuations and correlated with repolarisation dispersion and sudden cardiac arrest (SCA) mechanisms. The TWA quantification is in the range of microvolts. To detect the presence of TWA, the best model of the DAE-ConvBiLSTM is required to obtain the R-peak and T-wave. The TWA magnitude is acquired from the maximum variation between a row’s even and odd beats. After successfully separating the T-waves, the even and odd T-peaks are separated into two groups. The difference between these matrices determines whether or not it would be termed a TWA (refer to Algorithm 2). If the zero-crossing value is smaller than 0.35 times the length of the total difference between the even and odd T-peaks, the heart rate value is greater than 80 beats per minute (BPM). If the difference values tend to gather closely around some particular value with a limited number of zero-crossings, then TWA is assumed to be present.

Algorithm 2. TWA Quantification

1: initiate all_twave as array

2: for data all_t_peak do:

3: initiate odd_data and even_data as float number

4:    If data %2 do:

5:        move data to even_data

6:    else

7:        move data to odd_data

8:    end if

9:    TW = odd_data—even_data

10:    if zero-crossing < 0.35 * length(TW) & Heart Rate > 80

11:        all_twave (index) = max(|TW(2:end-1)|)

        #TWA detected

12:    else

13:        all_twave(index) = 0

        #TWA not detected

14:    end if

15: end for

We have calculated the TWA quantification using the experimented data presented in the T-Wave Alternans Challenge Database. Out of 30 records with synthesized ECGs with TWA, the DAE-ConvBiLSTM successfully achieved 20 records. The results of the TWA quantification can be listed in Table 5, which shows the calculation of zero-crossing, the difference between even and odd T-peaks, heart rate, and the results of TWA quantification. There are ten records that cannot be detected as records with the TWA’s synthesized ECGs due to overlapping between the isoelectric line. Our model has misclassified the isoelectric line to P-wave and QRS-complex, but mostly misclassified occur in T-wave (refer to Fig 3). The TWA quantification relies on precise and accurate T-wave detection. Our delineation model (ConvBiLSTM) defines the T-wave position based on ecgpuwave software (as the ground truth). The morphology of the T-wave tends to present an abnormal pattern, such as biphasic, inverted, and only downwards.

thumbnail
Table 5. The results of T-wave abnormalities in TWA quantification.

https://doi.org/10.1371/journal.pone.0277932.t005

Conclusion

Interference or noise (unwanted signals) can contaminate an ECG with external and internal physiological processes in the body, and the morphology changes over time. The presence of unwanted signals arduous extracting accurate features from the ECG signal. It would affect the reliability of diagnosing heart abnormalities in clinical practices. This paper aims to develop an end-to-end learning algorithm for heart abnormality detection, using unsupervised learning DAE and supervised learning ConvBiLSTM. The proposed method, DAE-ConvBiLSTM, has been implemented to detect the abnormality of T-waves related to heart abnormalities (due to ventricular repolarisation). As a result, for the ECG denoising algorithm, DAE has obtained 99.71% accuracy. The DAE reconstruction is learned, in which the AE attempts to produce a representation as close to its original input as possible from the reduced encoding. It may aid the AE’s understanding of the main data features. The AE algorithm is progressively being used to learn generative models of data. In addition, the DAE-ConvBiLSTM has successfully achieved an average performance above 98% in all performance metrics. The proposed DAE-ConvBiLSTM can therefore detect the T-wave abnormality related to TWA.

Although the results of our study look promising, some limitations can be explored in the future:

  1. To generate the DAE-ConvBiLTM, we only used the single ECG database with the normal sinus rhythm records with the complete and normal pattern of the ECG waveform.
  2. The proposed model, DAE-ConvBiLSTM, has only been tested to detect the presence of TWA. In the future work, there will be more chances to enhance the performance of end-to-end learning to detect several heart abnormalities related to ECG morphology besides TWA. The precise accuracy of the ECG’s main waveform will affect the detection of heart abnormalities in clinical practice.

Acknowledgments

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

References

  1. 1. Gaziano T., Reddy K. S., Paccaud F., Horton S., and Chaturvedi V., “Cardiovascular disease,” in Disease Control Priorities in Developing Countries. 2nd edition, The International Bank for Reconstruction and Development/The World Bank, 2006.
  2. 2. World Health Organization, “WHO The global burden of disease.,” 2016.
  3. 3. Fleming J. S., Interpreting the electrocardiogram. Springer Science & Business Media, 2012.
  4. 4. Prakash A. J. and Ari S., “A system for automatic cardiac arrhythmia recognition using electrocardiogram signal,” in Bioelectronics and Medical Devices, Elsevier, 2019, pp. 891–911.
  5. 5. Hammad M. et al., “Automated Detection of Myocardial Infarction and Heart Conduction Disorders Based on Feature Selection and a Deep Learning Model,” Sensors, vol. 22, no. 17, p. 6503, 2022. pmid:36080960
  6. 6. Faust O., Shenfield A., Kareem M., San T. R., Fujita H., and Acharya U. R., “Automated detection of atrial fibrillation using long short-term memory network with RR interval signals,” Comput. Biol. Med., vol. 102, pp. 327–335, 2018. pmid:30031535
  7. 7. Kher R., “Signal processing techniques for removing noise from ECG signals,” J. Biomed. Eng. Res, vol. 3, no. 101, pp. 1–9, 2019.
  8. 8. Sayadi O. and Shamsollahi M. B., “ECG baseline correction with adaptive bionic wavelet transform,” in 2007 9th International Symposium on Signal Processing and Its Applications, 2007, pp. 1–4.
  9. 9. Jenkal W., Latif R., Toumanari A., Dliou A., El B’charri O., and Maoulainine F. M. R., “An efficient algorithm of ECG signal denoising using the adaptive dual threshold filter and the discrete wavelet transform,” Biocybern. Biomed. Eng., vol. 36, no. 3, pp. 499–508, 2016.
  10. 10. Jenkal W., Latif R., Toumanari A., Dliou A., and El B’charri O., “An efficient method of ECG signals denoising based on an adaptive algorithm using mean filter and an adaptive dual threshold filter,” Int. Rev. Comput. Softw., vol. 10, no. 11, pp. 1089–1095, 2015.
  11. 11. Al-Utaibi K. A., Abdulhussain S. H., Mahmmod B. M., Naser M. A., Alsabah M., and Sait S. M., “Reliable recurrence algorithm for high-order Krawtchouk polynomials,” Entropy, vol. 23, no. 9, p. 1162, 2021. pmid:34573787
  12. 12. Daqrouq K., “ECG baseline wandering reduction using discrete wavelet transform,” Asian J. Inf. Technol., vol. 4, no. 11, pp. 989–995, 2005.
  13. 13. Wang J., Ye Y., Pan X., Gao X., and Zhuang C., “Fractional zero-phase filtering based on the Riemann—Liouville integral,” Signal Processing, vol. 98, pp. 150–157, 2014.
  14. 14. Fasano A., Villani V., and Vollero L., “Fast ECG baseline wander removal preserving the ST segment,” in Proceedings of the 4th International Symposium on Applied Sciences in Biomedical and Communication Technologies, 2011, p. 56.
  15. 15. Kaur M., Singh B., and others, “Comparison of different approaches for removal of baseline wander from ECG signal,” in Proceedings of the International Conference & Workshop on Emerging Trends in Technology, 2011, pp. 1290–1294.
  16. 16. Zhang Q. and Benveniste A., “Wavelet networks,” IEEE Trans. Neural Networks, vol. 3, no. 6, pp. 889–898, 1992. pmid:18276486
  17. 17. Poungponsri S. and Yu X.-H., “An adaptive filtering approach for electrocardiogram (ECG) signal noise reduction using neural networks,” Neurocomputing, vol. 117, pp. 206–213, 2013.
  18. 18. Bing P., Liu W., and Zhang Z., “DeepCEDNet: An Efficient Deep Convolutional Encoder-Decoder Networks for ECG Signal Enhancement,” IEEE Access, vol. 9, pp. 56699–56708, 2021.
  19. 19. Ochiai K., Takahashi S., and Fukazawa Y., “Arrhythmia Detection from 2-lead ECG using Convolutional Denoising Autoencoders,” 2018.
  20. 20. Xiong P., Wang H., Liu M., Zhou S., Hou Z., and Liu X., “ECG signal enhancement based on improved denoising auto-encoder,” Eng. Appl. Artif. Intell., vol. 52, pp. 194–202, 2016.
  21. 21. Liu P., Zheng P., and Chen Z., “Deep Learning with Stacked Denoising Auto-Encoder for Short-Term Electric Load Forecasting,” Energies, vol. 12, no. 12, p. 2445, 2019.
  22. 22. Nurmaini S. et al., “Deep Learning-Based Stacked Denoising and Autoencoder for ECG Heartbeat Classification,” Electronics, vol. 9, no. 1, p. 135, 2020,
  23. 23. Xiong P., Wang H., Liu M., and Liu X., “Denoising autoencoder for eletrocardiogram signal enhancement,” J. Med. Imaging Heal. Informatics, vol. 5, no. 8, pp. 1804–1810, 2015.
  24. 24. Singh P. and Pradhan G., “A new ECG denoising framework using generative adversarial network,” IEEE/ACM Trans. Comput. Biol. Bioinforma., vol. 18, no. 2, pp. 759–764, 2020.
  25. 25. Liu X., Wang H., Li Z., and Qin L., “Deep learning in ECG diagnosis: A review,” Knowledge-Based Syst., vol. 227, p. 107187, 2021.
  26. 26. Nurmaini S. et al., “Beat-to-Beat Electrocardiogram Waveform Classification Based on a Stacked Convolutional and Bidirectional Long Short-Term Memory,” IEEE Access, vol. 9, pp. 92600–92613, 2021,
  27. 27. Y. A. Govinda Rao Locharla Jaya Prakash Allam Y.V Narayana, “Review of the Convolution Neural Network Architectures for Deep Learning,” Int. J. Adv. Sci. Technol., vol. 29, no. 4, pp. 2251–2262, 2020.
  28. 28. Tutuko B. et al., “AFibNet: An Implementation of Atrial Fibrillation Detection With Convolutional Neural Network,” BMC Med. Inform. Decis. Mak., vol. 1, pp. 1–17, 2021, pmid:34261486
  29. 29. Laguna P., Mark R. G., Goldberg A., and Moody G. B., “A database for evaluation of algorithms for measurement of QT and other waveform intervals in the ECG,” in Computers in cardiology 1997, 1997, pp. 673–676.
  30. 30. Moody G. B., “The physionet/computers in cardiology challenge 2008: T-wave alternans,” in 2008 Computers in Cardiology, 2008, pp. 505–508. pmid:19779602
  31. 31. Vincent P., Larochelle H., Bengio Y., and Manzagol P.-A., “Extracting and composing robust features with denoising autoencoders,” in Proceedings of the 25th international conference on Machine learning, 2008, pp. 1096–1103.
  32. 32. Davis J. and Goadrich M., “The relationship between Precision-Recall and ROC curves,” in Proceedings of the 23rd international conference on Machine learning, 2006, pp. 233–240,
  33. 33. Londhe A. N. and Atulkar M., “Semantic segmentation of ECG waves using hybrid channel-mix convolutional and bidirectional LSTM,” Biomed. Signal Process. Control, vol. 63, p. 102162, 2021.
  34. 34. Malali A., Hiriyannaiah S., Siddesh G. M., Srinivasa K. G., and Sanjay N. T., “Supervised ECG wave segmentation using convolutional LSTM,” ICT Express, 2020.
  35. 35. Jimenez-Perez G., Alcaine A., and Camara O., “Delineation of the electrocardiogram with a mixed-quality-annotations dataset using convolutional neural networks,” Sci. Rep., vol. 11, no. 1, pp. 1–11, 2021, pmid:33441632
  36. 36. Peimankar A. and Puthusserypady S., “DENS-ECG: A deep learning approach for ECG signal delineation,” Expert Syst. Appl., vol. 165, 2021,