Next Article in Journal
Blockchain-Based Caching Architecture for DApp Data Security and Delivery
Previous Article in Journal
Convolutional Block Attention Module–Multimodal Feature-Fusion Action Recognition: Enabling Miner Unsafe Action Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A High-Performance Anti-Noise Algorithm for Arrhythmia Recognition

by
Jianchao Feng
1,2,
Yujuan Si
1,2,*,
Yu Zhang
1,2,
Meiqi Sun
2 and
Wenke Yang
1,2
1
School of Electronic and Information Engineering (SEIE), Zhuhai College of Science and Technology, Zhuhai 519041, China
2
College of Communication Engineering, Jilin University, Changchun 130012, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(14), 4558; https://doi.org/10.3390/s24144558
Submission received: 25 May 2024 / Revised: 5 July 2024 / Accepted: 11 July 2024 / Published: 14 July 2024
(This article belongs to the Section Biomedical Sensors)

Abstract

:
In recent years, the incidence of cardiac arrhythmias has been on the rise because of changes in lifestyle and the aging population. Electrocardiograms (ECGs) are widely used for the automated diagnosis of cardiac arrhythmias. However, existing models possess poor noise robustness and complex structures, limiting their effectiveness. To solve these problems, this paper proposes an arrhythmia recognition system with excellent anti-noise performance: a convolutionally optimized broad learning system (COBLS). In the proposed COBLS method, the signal is convolved with blind source separation using a signal analysis method based on high-order-statistic independent component analysis (ICA). The constructed feature matrix is further feature-extracted and dimensionally reduced using principal component analysis (PCA), which reveals the essence of the signal. The linear feature correlation between the data can be effectively reduced, and redundant attributes can be eliminated to obtain a low-dimensional feature matrix that retains the essential features of the classification model. Then, arrhythmia recognition is realized by combining this matrix with the broad learning system (BLS). Subsequently, the model was evaluated using the MIT-BIH arrhythmia database and the MIT-BIH noise stress test database. The outcomes of the experiments demonstrate exceptional performance, with impressive achievements in terms of the overall accuracy, overall precision, overall sensitivity, and overall F1-score. Specifically, the results indicate outstanding performance, with figures reaching 99.11% for the overall accuracy, 96.95% for the overall precision, 89.71% for the overall sensitivity, and 93.01% for the overall F1-score across all four classification experiments. The model proposed in this paper shows excellent performance, with 24 dB, 18 dB, and 12 dB signal-to-noise ratios.

1. Introduction

1.1. Background

Cardiovascular diseases (CVDs) are among the most common causes of death globally, with more people dying from cardiovascular diseases each year than from any other cause [1]. Among them, cardiac arrhythmia is one of the most common and significant cardiovascular diseases, referring to a group of conditions where the heart beats too slowly, too quickly, or irregularly [2]. Arrhythmias can occur not only alone but also in conjunction with other cardiovascular diseases. They impose severe physical and psychological burdens on the patient and can lead to sudden death.
Mild cardiac arrhythmias may not present obvious symptoms, but severe malignant arrhythmias can lead to severe consequences, such as palpitations, chest discomfort, dizziness, and fainting [3]. Additionally, high management costs and associated income losses related to cardiovascular diseases contribute to a significant economic burden. According to predictions, the global impact of cardiovascular diseases is expected to escalate significantly by 2035. It is estimated that more than 130 million individuals worldwide will be affected, resulting in a considerable economic burden on society, with projected costs exceeding 1.1 trillion dollars [4].
As a result, the accurate detection of cardiac arrhythmias has attracted considerable attention from biomedical researchers. Electrocardiogram (ECG) devices are currently effective non-invasive tools for monitoring heart health and diagnosing cardiovascular diseases. However, because of the complexity of ECG recordings, manual diagnosis is labor-intensive and prone to error, especially when fatigue sets in. As a result, computer-assisted automatic heartbeat classification has emerged as a key method in arrhythmia analysis. This technology can quickly and accurately detect and classify heartbeats, helping physicians to make the right diagnosis and treatment decisions to prevent deterioration and life-threatening situations.

1.2. Related Works

Recently, scholars, both domestic and international, have proposed various methods for the analysis of cardiac arrhythmias. These methods are primarily based on either traditional machine-learning or deep-learning approaches [5]. These methods have greatly improved the efficiency of arrhythmia diagnosis.
Liu et al. [6] introduced a meta-ensemble network based on metric learning, combining meta-learning and metric learning to address the challenges of few-shot learning. In addition, the method involved a meta-testing strategy using a twin-input ensemble network with N-way K-shots, effectively enhancing the model’s robustness. Experimental results demonstrated that this approach achieved the high-precision diagnosis of cardiac arrhythmias. Tuncer et al. [7] employed a method that combines the discrete wavelet transform (DWT) with a novel one-dimensional hexagonal local pattern (1D-HLP) technique to decompose and extract features from electrocardiogram signals. The final electrocardiogram signal features were obtained through feature dimensionality reduction and fusion, followed by recognition and classification using a k-nearest-neighbor (KNN) classifier. Experimental results indicated a 95.0% classification accuracy for 17 cardiac arrhythmia categories. Marinho et al. [8] proposed a multimodal feature fusion approach, integrating various features, such as Fourier, Goertzel, higher-order statistics (HOS), and structure co-occurrence matrices (SCMs). The method was tested with four well-known classifiers, and experimental results demonstrated its outstanding recognition performance.
Although machine learning has shown promising outcomes in cardiac arrhythmia recognition, it often necessitates considerable resources for feature extraction and selection. This results in models that take a long time to train. Conversely, deep-learning techniques have witnessed rapid advancements in recent years, exhibiting exceptional capabilities across diverse domains, including semantic segmentation [9], image classification [10], facial emotion recognition [11], object detection [12], and numerous others.
Deep learning, a robust technique for feature learning, has the capability to automatically extract valuable feature representations from raw data. In contrast to conventional approaches, deep learning offers the distinct advantage of the direct application to classification tasks, eliminating the requirement for supplementary feature engineering. In the classification of cardiac arrhythmias, researchers widely adopt various deep-learning architectures, such as convolutional neural networks (CNNs) and their variants [13], long short-term memory (LSTM) networks [14,15], deep neural networks (DNNs) [16], and residual neural networks [17]. These powerful architectures play a crucial role in cardiac arrhythmia analysis, achieving remarkable results. Through deep learning, we can more accurately identify and classify cardiac arrhythmias, providing clinicians with better decision support tools and further improving the effectiveness of patient treatments.
Lu et al. [18] proposed a deep separable focal loss convolutional neural network (DSC-FL-CNN) for cardiac arrhythmia classification, where focal loss contributes to improving the performance on imbalanced datasets, especially for small-sample arrhythmias. Experimental results demonstrated an overall macro-average F1-score of 79% for the model. Islam et al. [19] developed a novel method called HARDC for cardiac arrhythmia classification. It integrates a bidirectional recurrent neural network with mixed hierarchical attention and an expanded convolutional neural network (CNN) to generate fused features. HARDC achieved an F1-score of 98.21%, an accuracy of 97.66%, and a recall rate of 99.60% for classification. Compared to traditional methods, the expanded CNN with HARDC had a shorter runtime. Hu et al. [20] introduced a transformer-based deep-learning neural network called ECG DETR for continuous single-lead electrocardiogram segment arrhythmia detection. This method can predict both the heartbeat position and category simultaneously without explicit heartbeat segmentation, featuring a compact end-to-end design. Experimental results demonstrated that ECG DETR achieved high accuracy in various arrhythmia detection tasks, with rates of 99.12%, 99.49%, and 99.23% compared to traditional methods. Guo et al. [21] presented the multiscale convolutional causal attention network (MSCANet), which uses a multiscale convolutional neural network in combination with causal convolutional attention mechanisms for ECG signal classification from the PhysioNet MIT-BIH arrhythmia database. At the same time, the dataset is balanced through the downsampling of the majority class and the oversampling of the minority class using SMOTE, effectively categorizing the five heartbeat types in the test dataset.
As deep learning demonstrates outstanding performance, it also faces challenges, such as high computational resource consumption and complex model structures. To address these issues, researchers, including Chen et al. [22], have proposed a novel network structure called the broad learning system (BLS). Compared to deep structures, the BLS is simpler, has fewer parameters, and exhibits higher scalability with lower computational costs. Utilizing ridge regression to compute the network’s connection weights, the BLS avoids common pitfalls in deep learning, such as learning rates, stopping criteria, local minima, and learning cycle issues. Additionally, the BLS can rapidly adjust its network structure through incremental learning algorithms without the need to retrain the entire process. This innovation provides a new perspective for addressing the computational resource demands and complexity issues associated with deep learning.
In recent years, the BLS has gained widespread attention because of its excellent performance and efficient learning efficiency. It has been improved and applied in various fields, including fault detection [23] and control theory [24] among others. Ye et al. [25] proposed a novel deep-learning architecture called DCBLS, which successfully extracts sufficient information from raw data and achieves success in image denoising. The method also features a parallel framework suitable for large-scale data and can adopt adaptive regularization parameter criteria. Experimental results on benchmark datasets show its effectiveness and superiority compared to existing image-denoising methods. Yang et al. [26] introduced the weighted BLS method, which assigns weights to each training sample, with increased weights for minority class samples. They designed a density-based weight generation mechanism to guide the generation of specific weight matrices and proposed the AWBLS model, considering both inter-class and intra-class distances. Finally, they used the IWEB method to enhance the stability and robustness of AWBLS. Guo et al. [27] presented a semi-supervised vehicle-type classification scheme based on the ensemble BLS for intelligent transportation systems (ITSs). By training a set of base BLS classifiers through semi-supervised learning and using a dynamic ensemble structure to obtain the highest type probability, they improved the generalization performance. Experimental results demonstrated the superiority of this method over single BLS classifiers and other approaches.
In the field of ECG processing, Fan et al. [28] have developed a novel learning method, known as the active broad learning system (ABLS), for ECG arrhythmia classification. ABLS has the potential to reduce the time and costs involved in the expert annotation of heartbeats. Furthermore, Fan et al. [29] have extended this work by proposing a class-specific weighted broad learning system (CSWBLS), which is based on the BLS. By constructing a least-square error term by the class and utilizing weights to constrain each class’s contribution to the model, CSWBLS has demonstrated promising outcomes in solving the problem of the category imbalance.
The BLS is known for its simple structure and excellent performance. However, its performance may be less satisfactory when applied to tasks involving the recognition of noisy data.

1.3. Proposed Method

To address the mentioned issues, we propose an improved system based on the BLS as a new method for electrocardiogram feature extraction. We adopt a classical cascaded convolutional structure to generate feature nodes for the BLS, replacing the traditional feature node generation process with two cascaded convolutional layers. This modification retains the nonlinear feature-mapping process of the BLS system. The two convolutional layers consist of independent component analysis (ICA) filters and principal component analysis (PCA) filters. Through convolutional operations, these layers enhance the system’s understanding of deep features in the samples. Specifically:
  • ICA is employed to separate mixed signals, thereby obtaining multiple independent signal components. This is particularly useful for processing ECG signals, as they are often composed of signals from multiple physiological sources. Using ICA, the mixed signals can be separated into individual components, allowing for a more accurate analysis and understanding of ECG data;
  • PCA is typically used to eliminate data correlations. In our study, we employ a multi-lead parallel cascaded convolutional structure for the layered learning of arrhythmia features. The convolutional kernels of the two layers are generated by the ICA and PCA algorithms. This cascaded convolutional structure effectively extracts latent and meaningful information when dealing with noisy data;
  • We are using ICA convolution with PCA convolution to enhance the feature extraction capability of the BLS. PCA convolution with ICA convolution is used to replace the shallow-feature-mapping process in the BLS, which, in turn, improves the noise robustness of the model.

1.4. Arrangement

The subsequent sections of this paper are structured as follows: Section 2 delves into the details of the databases utilized in the research and outlines the methodology for grouping experimental data. Following that, Section 3 offers a comprehensive exposition of the implementation details of the COBLS. In Section 4, the experimental results are presented, accompanied by a comparative analysis with methodologies found in the existing literature. The conclusive Section 5 encapsulates this study, providing a summary of the research findings and insights obtained throughout the investigation.

2. Review of the Broad Learning System

The BLS, introduced by Chen et al. [22], has a flexible neural network structure. Comprising four key components—input, feature nodes, enhancement nodes, and output—the BLS undergoes a series of transformations. Initially, input data are mapped to feature nodes using a simple mapping function. The feature nodes are then enhanced using activation functions, resulting in enhancement nodes. Finally, the feature nodes and enhancement nodes are combined into an expanded matrix, which connects to the output. Notably, the weights and biases between input data and feature nodes, as well as between feature nodes and enhancement nodes, are randomly generated. The association weights between the expanded matrix and the output can be determined using ridge regression theory. See Figure 1.
All the training samples are represented as a matrix denoted by X N × M , with the corresponding labels denoted by Y N × L . Here, N represents the quantity, M represents the dimensionality of the data in X , and L denotes the number of classes. Assuming that the BLS includes n sets of feature nodes and m sets of enhancement nodes, the feature node ( Z i N × k ) is calculated using Equation (1) as follows:
Z i = φ ( X W e i + β e i ) , i = 1 , 2 , , n
where W e i M × k and β e i N × k represent randomly generated weights and biases, respectively. φ ( ) is the feature-mapping function. After obtaining all the feature nodes, the enhancement nodes ( H j N × p ) for the jth group can be calculated using Equation (2).
H j = ξ ( Z n W h j + β h j ) , j = 1 , 2 , , m
where W h j ( n × k ) × p and β h j N × p are randomly generated weights and biases, respectively. ξ ( ) denotes the activation function.
Through the above calculations, we obtain all the feature nodes and enhancement nodes and combine them together to obtain the feature extension matrix ( A n m = [ Z n | H m ] N × ( n × k + m × p ) ), where Z n [ Z 1 , Z 2 , , Z n ] N × ( n × k ) and H m [ H 1 , H 2 , , H m ] N × ( m × p ) . Finally, the feature-expanded matrix ( A n m ) is connected with the output ( Y ) as follows:
Y = A n m W n m
Equation (4) demonstrates that the connection weights of the network, represented by W n m ( n × k + m × p ) × L , can be approximated efficiently using the ridge regression of the pseudo inverse of A n m , with the actual output (Y). This approach can provide accurate estimates of the connection weights, enabling the improved performance of the network.
W n m = ( λ I + ( A n m ) T A n m ) 1 ( A n m ) T Y
where I is the identity matrix. It is worth noting that the Moore–Penrose (MP) inversion of A n m is as follows:
( A n m ) + = ( λ I + ( A n m ) T A n m ) 1 ( A n m ) T
Three incremental learning algorithms (enhancement node increment, feature node increment, and input data increment) have been developed within the BLS framework [22]. They allow for the efficient incorporation of new information into the existing model without requiring complete retraining. These algorithms enhance flexibility, scalability, and computational efficiency in the BLS framework.

3. Proposed COBLS

This paper employs a convolutional cascade structure to generate feature nodes for the BLS. The feature node generation process in broad learning is replaced by two cascaded convolutional layers, composed of ICA filters and PCA filters. By optimizing the solution process of the feature nodes through PCA convolution and ICA convolution algorithms, this paper delves deeper into extracting data features from ECG signals. The proposed model exhibits a deeper level of understanding capability.

3.1. COBLS

This paper proposes an ECG signal recognition model based on the convolutional operator-optimized broad learning algorithm. The model introduces an ICA convolutional operator and a PCA convolutional operator, where the former is based on the ICA algorithm, to extract signal features through convolution, enhancing the model’s capability to handle noisy signals. The latter, utilizing the PCA algorithm, extracts the main components of the target signal. These components are then convolved to reinforce the signal’s features, thus improving the model’s understanding of the underlying depth features.
PCA maps the data from the original high-dimensional space to a low-dimensional space by finding the principal components (i.e., the directions with the highest variance) in the data. Because PCA retains the principal variance of the data, and noise tends to be distributed in dimensions with less variance, PCA removes noise from the data to a certain extent. The features extracted by PCA are linear combinations of the original data, which are better able to reflect the overall structure of the data and the main information.
The goal of the ICA is to separate mixed signals (or data) into statistically independent components. This is in contrast to the linear combination of the PCA, where ICA is able to detect nonlinear relationships in the data and isolate potentially independent source signals. The components extracted by ICA are statistically independent, which means that there is no linear or nonlinear correlation between them.
PCA and ICA are complementary in terms of data degradation and feature extraction: PCA excels at discovering major structures and linear relationships in the data, while ICA is able to further isolate potentially independent source signals. Using a combination of these two methods provides a more comprehensive understanding of the intrinsic structure and information of the data.
Furthermore, the feature-coding component of the model allows for the re-encoding of the extracted features into vectors. This facilitates the solution of the broad learning model’s problem, enabling efficient and effective analysis and prediction. See Figure 2 and Algorithm 1.
Algorithm 1: The proposed COBLS
Inputs: heartbeat matrix X and heartbeat label Y
Outputs: network weight W n m
1: for ICA convolution do
2:  Calculate the whitening matrix ( V L ) using Equation (8).
3:  Calculate the unmixing matrix ( D L ) using the FastICA toolkit.
4:  Calculate the ICA convolutional kernel ( W l 1 ) using Equation (9).
5:  The initial eigenmatrix ( Γ i l ) is calculated using Equation (10).
6: end for
7:  for PCA convolution do
8:  Construct the second-order pending matrix ( U ).
9:  Calculate the covariance matrix ( U U T ).
10:   Extract the co-eigenvector.
11:   Calculate the PCA convolutional kernel ( W ζ 2 ) using Equation (11).
12:   Calculate the second-order eigenmatrix ( O i l ) using Equation (12).
13: end for
14: Calculate the decimal matrix ( T i ) using Equation (13).
15: Calculate the histogram feature vector ( f i = [ B h i s t ( T i 1 ) , B h i s t ( T i 2 ) , , B h i s t ( T i p ) , ] ).
16: Take f as the feature node ( Z n ) of the network.
17: for j = 1:m do
18:  Generate random matrices W h j and β h j .
19:  Calculate the enhancement node ( H j ) using Equation (2).
20: end for
21: Calculate the network weight ( W n m ) using Equation (4).

3.2. ICA Convolution

The training sample, X N , with corresponding labels, Y N , are as follows:
X = [ X 1 , X 2 , , X i , , X N ]
Y = [ Y 1 , Y 2 , , Y i , , Y N ]
where X i and Y i each belong to the ith sample matrix, with its corresponding ith label.
Prior to estimating the independent components of the electrocardiogram matrix, a preliminary step is performed by conducting signal component extraction on X . The covariance matrix ( C ) is computed as C = X X T . Then, the eigenvalue matrix ( D ) and the eigenvector matrix ( E ) are extracted using E D E T = C . The whitening matrix containing the L 1 column vectors is then obtained using the following equation:
V L 1 = D L 1 1 2 E L 1 T
where V L 1 is a whitening matrix.
In this step, the FastICA toolkit is utilized to process sample data for obtaining high-performance ICA filters. The ICA algorithm is employed to obtain the decomposition matrix (W), which estimates the source data (S) based on statistical independence principles. To estimate the orthogonal matrix (B), the FastICA toolkit with Gaussian nonlinearity, tanh nonlinearity, and power-3 nonlinearity is employed. Subsequently, the ICA filters are calculated using Equation (9) as follows:
W l 1 = B V l , l = 1 , 2 , , L 1
Then, a set of convolutional operations, as described in Equation (9), is applied to generate the primary feature blocks (PFBs).
Γ i l = X ¯ i l W l 1 , l = 1 , 2 , , L 1
where Γ i l is the lth feature block of the ith ECG matrix ( X ¯ i l ), and * denotes convolution. The feature extraction of the first layer of the network can be accomplished by the above operation.

3.3. PCA Convolution

In this section, we will describe the PCA convolution performed on the features extracted from the first convolutional layer.
The operation in the PCA convolutional feature extraction stage is similar to that in the ICA convolutional feature extraction stage. First, obtain the PCA convolutional kernels. In this stage, use Equation (11) to obtain the PCA convolutional kernels as follows:
W ζ 2 = m a t k 3 , k 4 ( q ζ ( U U T ) ) k 3 × k 4 , ζ 1 , 2 , , L 2
In this stage, q ( ) selects the eigenvectors associated with the L 2 largest eigenvalues from the covariance matrix ( Γ Γ T ). Subsequently, these vectors are transformed to L 2 matrices, which serve as the PCA filters ( W ζ 2 ) for further analysis.
According to Equation (12), perform convolution using Γ i l and W ζ 2 , obtaining the output ( O i l ), referred to as the secondary feature block (SFB), as follows:
O i l = Γ i l W ζ 2
After the above two convolutional operations, we have completed the feature extraction of the original ECG signal.

3.4. Feature Coding

To facilitate the processing of the data by the BLS, we encode the extracted features in a vector form. In this section, we describe the use of the Heaviside function to encode the extracted feature blocks into a binary matrix, where positive values equal 1 and other values equal 0. Then, according to Equation (13), we convert this binary matrix to a grayscale image, where the range of each pixel value is [ 0 , 2 L 1 1 ] .
T i = l = 1 L 1 2 l 1 H ( O i l )
where T i is the decimal-valued image.
We represent overlapping sample blocks in the decimal matrix. Then, we use a histogram scheme to represent each sample block matrix statistically. Finally, the histogram feature vectors ( { f i = [ B h i s t ( T i j ) ] } j p ) are combined and concatenated into a comprehensive vector ( f i = [ B h i s t ( T i 1 ) , B h i s t ( T i 2 ) , , B h i s t ( T i p ) , ] ), where T i j is the jth feature block of the ith sample, and p is the sum of these blocks.
By applying the enhancements outlined in Equation (2), we can derive the model’s feature nodes and enhancement nodes, thereby enhancing the output secondary features. Similarly, we only need to solve the model weight matrix problem according to Equation (4). Through equation solving, we can obtain the model weights ( W n m ).

4. Experimental Validations

All the experiments were conducted on a workstation equipped with a core (E5-2630V4), CPUs (2.20 GHz × 20), RAM (32.0 GB), and an Nvidia GeForce GTX 1080Ti graphics processor, using the Matlab software platform. Figure 3 illustrates the overall experimental process, which begins by segmenting the ECG signals without denoising. Subsequently, the partitioned data are separated into training and test sets, in which the training set is employed to train the COBLS algorithm, while the test set is used to evaluate the COBLS’s performance.

4.1. Materials

In this study, the performance of the COBLS was verified using two commonly used ECG databases downloaded from PhysioNet: the MIT_BIH arrhythmia database [30] and the MIT_BIH noise stress test database [31]. All the data have expert-labeled R-point information and disease labels.
The four types of beat signals in the experiment are shown in Figure 4, where Figure 4a shows a non-ectopic beat (N), Figure 4b shows a supraventricular ectopic beat (S), Figure 4c shows a ventricular ectopic beat (V), and Figure 4d shows a fusion beat (F).
The experimental data for this study comprised 107,168 ECG segments obtained from 46 labeled recordings containing ML II leads and VI leads. These recordings were a part of the MIT-BIH arrhythmia database, which consists of 48 half-hour excerpts of dual-channel ambulatory ECG recordings. Each signal was sampled at a frequency of 360 Hz, and the database provided R-peaks based reference annotations for each single-cycle signal, serving as foundational information for analysis.
Table 1 shows the various heartbeat types under the five superclasses defined by the AAMI, and this experiment was based on the first four superclasses. Because there are only 15 class Q heartbeats, they are not representative. Therefore, this paper does not include class Q heartbeats in the experiment.
The composition of the data used in the experiment is shown in Table 2, which includes multi-category identification, the identification of each type of disease, and normal (Nb) and abnormal (Ab) identifications. The experiments were conducted using ten-fold cross-validation.
The MIT-BIH noise stress test database was utilized in this study to analyze ECG signals obtained from ML II leads. This database incorporates recordings from two patients sourced from the MIT-BIH arrhythmia database, with varying degrees of noise added to each recording. Specifically, our experimental data comprise ECG recordings with Gaussian white noise added at SNR levels of −6 dB, 0 dB, 6 dB, 12 dB, 18 dB, and 24 dB. For further details regarding the composition of this database, refer to Table 3. The utilization of this database enabled a robust and comprehensive analysis of the performance of our proposed method under various noise conditions.
Figure 5 shows schematics of the heartbeats for six different signal-to-noise ratio cases. We tested the noise–noise robustness of the model on the MIT-BIH noise stress test dataset; the experiment used ten-fold cross-validation, and the data composition is shown in Table 4.

4.2. Signal Pre-Processing

To ensure compatibility for subsequent classification phases, it is imperative to segment the ECG signals into individual cyclic signals, commonly referred to as beats. From the MIT-BIH dataset, we extracted 149 sampling points preceding the R-peak and 150 sampling points following the R-peak, based on the annotated R-peak positions in the reference notes. Each sample comprises the entirety of a heartbeat, encompassing 300 sampling points.
We used a scheme to convert segmented heartbeat signals into a matrix, which enables the two convolutional layers in the model to more fully mine the features of heartbeat signals, effectively improving the feature-mining efficiency of the model. Specifically, the one-dimensional (1D) beat is segmented and arranged into a 2D ECG matrix (pseudo image) with a certain number of rows and columns. The specific processing process is shown in Figure 6 and is based on the transformation equation of the waveform and grayscale image. The one-dimensional data are rearranged into a two-dimensional matrix by the reshape function to increase its sensory field during convolution so that the network can extract more adequate features. In Figure 6, the heartbeat can be viewed as an m n vector with 300 sample points reshaped into an m × n ( 20 × 15 ) matrix. In Figure 6, x i represents the ith sampling point of the heartbeat.
Based on each pixel of the sample matrix, block sampling is carried out with a size of k 1 × k 2 . Finally, N ( a k 1 / 2 ) ( b k 2 / 2 ) sample blocks are obtained, and X ¯ i = [ X ¯ i 1 , , X ¯ i λ , , X ¯ i ( m k 1 / 2 ) ( n k 2 / 2 ) ] , i = 1 , 2 , , N . Among the data, X ¯ i λ refers to the vector derived from the ith ECG matrix, with a mean value of 0. By performing the aforementioned operations on all the sample data, we can obtain the resulting X = [ X ¯ 1 , X ¯ 2 , , X ¯ N ] .

4.3. Evaluation Metrics

In this experimental study, to ensure a fair comparison with previous research, we evaluated our proposed model based on the metrics established in our previous articles [28,29]. These metrics include true positives ( T P ), true negatives ( T N ), false positives ( F P ), and false negatives ( F N ). Using these four indicators, we calculated the accuracy ( A c ), precision ( P P ), sensitivity ( S E ), F1-score, specificity ( S P E ), average F1-score (AF), average specificity (ASPE), and overall accuracy ( O A ). The Ac, P P , S E , F1-score, S P E , AF, ASPE, and OA are calculated using Equations (14)–(21) as follows:
A c = T P + T N T P + T N + F P + F N
P P = T P T P + F P
S E = T P T P + F N
F 1 s c o r e = 2 × P P × S E P P + S E
S P E = T N T N + F P
A F = i = 1 L F 1 s c o r e i L
A S P E = i = 1 L S P E i L
O A = i = 1 L T P i a l l E C G b e a t s
where T P i denotes the TP of the ith class, F 1 s c o r e i denotes the F1-score of the ith class, S P E i denotes the recognition accuracy of the ith class, and L denotes the number of classes.
These metrics allow for a comprehensive assessment of the differences between our proposed model and existing methods, ensuring a rigorous evaluation of its effectiveness and performance.

5. Experimental Results and Analysis

5.1. Arrhythmia Recognition Experimental Results

The experiments were conducted in accordance with a preset scheme, with Table 1 designed based on AAMI standards. The experimental results were validated using 10-fold cross-validation to ensure the reliability and robustness of our findings.
As presented in Table 5, the overall accuracy rate reached 99.11%, the error rate was 0.89%, and 99.87% of the normal heartbeats were correctly classified. In DS1, the overall accuracy, overall sensitivity, and average F1-score reached 96.95%, 89.71%, and 93.01%. The sensitivities of class S and class F are only 87.27% and 74.94%, which are lower than those of class N and class V. This poor performance stems from the fact that the training sets of class S and class F contain only 2496 and 722 heartbeat signals, respectively, in each experiment, which are far fewer than those in the training sets of class V and class N. However, considering the four heartbeat types, including class F and class S, the accuracy rate is over 99%.
As shown in Table 6, in DS2, DS3, and DS4, the accuracy rate of the binary classification experiment exceeds 99%. In DS5, all the normal heartbeats and abnormal heartbeats were used for binary classification experiments. Table 7 presents the experimental results, indicating an overall accuracy of 99.01% and an average F1-score of 97.30%. These results validate the effectiveness of our method in accurately differentiating between ECG records classified as normal or abnormal categories.

5.2. Experimental Results of Noise Robustness

The anti-noise performance of the proposed model was evaluated using the MIT-BIH noise stress test database and is summarized in Table 8. Our model achieved the accurate classification of all the beats at signal-to-noise ratios of 24 dB, 18 dB, and 12 dB. However, for signal-to-noise ratios below 12 dB, some heartbeats were misclassified. Notably, across all six noise conditions, the overall classification accuracy exceeded 98%.
As illustrated in Figure 6, the classification accuracy gradually improved with increasing signal-to-noise ratio. This observation suggests that the presence of mixed noise has a detrimental effect on the accurate classification of ECG signals.
Even though the classification performance is adversely affected by high levels of noise, the proposed model demonstrates the effective classification of heartbeat signals when the signal-to-noise ratio exceeds 6 dB. Thus, these findings provide evidence that the proposed model can successfully handle noises in heartbeat signals.
To further validate the superiority of our proposed COBLS model, we conducted comparative experiments with the BLS model using the MIT-BIH noise stress test database. As depicted in Figure 6, our COBLS model outperforms the BLS model, particularly under low signal-to-noise ratio conditions. Remarkably, as the signal-to-noise ratio improves, the recognition accuracy of the COBLS model on the MIT-BIH noise stress test database reaches a remarkable 100%.

5.3. COBLS Model Performance Experiments

To test the operational efficiency of the COBLS, we used a CNN, an LSTM, and the BLS and compared their performances with its performance. The CNN model comprises eight layers, utilizes a 1 × 3 convolutional kernel with a stride of 2, and begins with a learning rate of 0.01 over 30 epochs. The LSTM model consists of five layers, with 128 units and a learning rate of 0.01 and spans 10 epochs. In the BLS, the configuration includes 9000 enhancement nodes.
The comparison, as shown in Table 9, reveals that both the COBLS and BLS outperformed the CNN and LSTM in terms of the model training speed and overall efficiency. Although the COBLS lags behind the BLS, the training time required for the COBLS is much shorter compared to those required for traditional deep-learning models.
In this study, the COBLS convolutional parameters for the proposed model were chosen based on reference [32].
To determine the optimal number of feature nodes and reinforcement nodes in the overall broad learning model, we conducted a series of experiments using DS1 as the dataset. The results of these experiments are summarized in Figure 7.
As observed from Figure 7, increasing the number of feature nodes and enhancement nodes in the model leads to gradual improvements in various overall recognition metrics for heartbeats. However, it is worth noting that both the training and testing times of the model also increase proportionally. After multiple rounds of experimental tests, we selected a model configuration with 9000 enhancement nodes. This choice was made by considering the model’s performance across various aspects and weighing the tradeoff between accuracy and computational efficiency.

6. Discussion

The early detection of arrhythmias can play a vital role in preventing and mitigating the progression of cardiovascular diseases. The ECG, as a measurement of the heart’s electrical activity, provides critical information about abnormalities in the heart. To overcome the limitations of traditional computer-network-based arrhythmia diagnosis, such as poor recognition of noisy signals and high computational resource requirements, this paper proposes a novel broad learning model with two convolutional layers for ECG signal feature extraction based on the BLS. This approach is specifically designed to effectively deal with noisy ECG signals. The feature vectors extracted from the ECG signals form the feature expansion matrix within the broad learning model, which employs ridge regression theory for data classification. The proposed approach shows significant potential for improving the accuracy and efficiency of arrhythmia diagnoses.
In our study, we used three different schemes (two-class identification, four-class identification, and noise stress tests) to evaluate the effectiveness of the proposed system. The model’s recognition accuracies for two-class (normal and abnormal heartbeats) and four-class (N class, S class, V class, and F class) identifications are 99.01% and 99.55%, respectively. And the overall accuracy rate of the two-class recognition in the test based on the MIT_BIH noise stress test database is higher than 98% under six noise conditions. Moreover, the computational efficiency of the model proposed in this paper is much higher than those of commonly used deep-learning models.
The experimental findings demonstrate the efficacy and universality of the proposed model in accurately classifying ECG signals, even in the presence of noise. This novel approach exhibits a high level of stability and necessitates minimal clinician interaction. As a result, the proposed system holds great potential as a diagnostic tool for analyzing complex data in clinical settings. Its ability to effectively handle noisy signals and its user-friendly nature make it well-suited for practical implementation in healthcare settings, enhancing diagnostic capabilities and facilitating efficient decision-making processes.
All the other researchers listed in Table 10 used the MIT-BIH arrhythmia database as training data. The comparison shows that the COBLS exhibits excellent performance in arrhythmia recognition experiments, and, according to the above theoretical analysis and practical performance, the COBLS is capable for recognizing noise-containing signals. Because the COBLS is based on the improvement of the BLS, the COBLS is not only capable for extracting key features from noisy small-scale signals but also enables the model to be trained at a much higher speed.

7. Conclusions

In this paper, we use ICA convolution and PCA convolution for the feature extraction of ECG signals, an operation that replaces the linear feature-mapping process in the BLS. This makes the proposed model perform better in the noise-containing signal recognition task. From the experimental results, it can be seen that the model proposed in this paper has good recognition performance for noisy signals. In addition, our proposed model not only has high recognition accuracy in ECG arrhythmia recognition experiments but also has a high data-processing speed.
In future work, we will focus on further enhancing the real-time and lightweight features of the model so that it can be applicable to wearable devices. This advancement will greatly benefit the timely identification of cardiac arrhythmias and make a significant contribution for saving lives. By prioritizing the development of more efficient and lightweight models, we aim to optimize the performance and applicability of our proposed approach in real-world healthcare settings, ultimately improving patient outcomes and saving lives.

Author Contributions

J.F.: conceptualization, writing—original draft, and writing—review and editing. Y.S.: conceptualization and writing—original draft. Y.Z.: formal analysis and data analysis. M.S.: data curation and writing—review and editing. W.Y.: checking and calibrating. All authors have read and agreed to the published version of the manuscript.

Funding

The authors are grateful for the support of the Natural Science Foundation of Guangdong Province (2023A1515011302), the Guangdong Key Disciplines Project (2022ZDJS140), the Featured Innovation Projects of the Guangdong Universities (2022KTSCX189), and the Graduate Innovation Fund of Jilin University (451230411211).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

All the experiments in this work have been carried out using public open-access ECG databases provided by PhyisoNet, the moniker of the Research Resource for Complex Physiologic Signals, including the MIT-BIH arrhythmia database [30] and MIT-BIH noise stress test database [31], which are cited in this article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Mensah, G.A.; Roth, G.A.; Fuster, V. The Global Burden of Cardiovascular Diseases and Risk Factors: 2020 and Beyond. J. Am. Coll. Cardiol. 2019, 74, 2529–2532. [Google Scholar] [CrossRef] [PubMed]
  2. Tsao, C.W.; Aday, A.W.; Almarzooq, Z.I.; Alonso, A.; Beaton, A.Z.; Bittencourt, M.S.; Boehme, A.K.; Buxton, A.E.; Carson, A.P.; Commodore-Mensah, Y.; et al. Heart Disease and Stroke Statistics—2022 Update: A Report From the American Heart Association. Circulation 2022, 145, 153–639. [Google Scholar]
  3. Ribeiro, A.H.; Ribeiro, M.H.; Paixão, G.M.; Oliveira, D.M.; Gomes, P.R.; Canazart, J.A.; Ferreira, M.P.; Andersson, C.R.; Macfarlane, P.W.; Meira, W., Jr.; et al. Automatic diagnosis of the 12-lead ECG using a deep neural network. Nat. Commun. 2020, 11, 1760. [Google Scholar] [CrossRef] [PubMed]
  4. Nelson, S.; Whitsel, L.; Khavjou, O.; Phelps, D.; Leib, A. Projections of cardiovascular disease prevalence and costs. RTI Int. 2016, 38, 1–54. [Google Scholar]
  5. Nguyen, M.T.; Nguyen, T.H.; Le, H.C. A review of progress and an advanced method for shock advice algorithms in automated external defibrillators. Biomed. Eng. Online 2022, 21, 22. [Google Scholar] [CrossRef]
  6. Liu, Z.; Chen, Y.; Zhang, Y.; Ran, S.; Cheng, C.; Yang, G. Diagnosis of arrhythmias with few abnormal ECG samples using metric-based meta learning. Comput. Biol. Med. 2023, 153, 106465. [Google Scholar] [CrossRef]
  7. Tuncer, T.; Dogan, S.; Pławiak, P.; Acharya, U.R. Automated arrhythmia detection using novel hexadecimal local pattern and multilevel wavelet transform with ECG signals. Knowl.-Based Syst. 2019, 186, 104923. [Google Scholar] [CrossRef]
  8. Marinho, L.B.; de MM Nascimento, N.; Souza, J.W.; Gurgel, M.V.; Rebouças Filho, P.P.; de Albuquerque, V.H. A novel electrocardiogram feature extraction approach for cardiac arrhythmia classification. Future Gener. Comput. Syst. 2019, 97, 564–577. [Google Scholar] [CrossRef]
  9. Öztürk, Ş.; Akdemir, B. A convolutional neural network model for semantic segmentation of mitotic events in microscopy images. Neural Comput. Appl. 2019, 31, 3719–3728. [Google Scholar] [CrossRef]
  10. Yang, G.; Ding, F. Associative memory optimized method on deep neural networks for image classification. Inf. Sci. 2020, 533, 108–119. [Google Scholar] [CrossRef]
  11. Khattak, A.; Asghar, M.Z.; Ali, M.; Batool, U. An efficient deep learning technique for facial emotion recognition. Multimed. Tools Appl. 2022, 81, 1649–1683. [Google Scholar] [CrossRef]
  12. Liu, H.; Xu, J.; Wu, Y.; Guo, Q.; Ibragimov, B.; Xing, L. Learning deconvolutional deep neural network for high resolution medical image reconstruction. Inf. Sci. 2018, 468, 142–154. [Google Scholar] [CrossRef]
  13. Qin, L.; Xie, Y.; Liu, X.; Yuan, X.; Wang, H. An end-to-end 12-leading electrocardiogram diagnosis system based on deformable convolutional neural network with good antinoise ability. IEEE Trans. Instrum. Meas. 2021, 70, 1–3. [Google Scholar] [CrossRef]
  14. Lv, Q.J.; Chen, H.Y.; Zhong, W.B.; Wang, Y.Y.; Song, J.Y.; Guo, S.D.; Qi, L.X.; Chen, C.Y. A multi-task group Bi-LSTM networks application on electrocardiogram classification. IEEE J. Transl. Eng. Health Med. 2019, 8, 1. [Google Scholar] [CrossRef] [PubMed]
  15. Eleyan, A.; Alboghbaish, E. Electrocardiogram Signals Classification Using Deep-Learning-Based Incorporated Convolutional Neural Network and Long Short-Term Memory Framework. Computers 2024, 13, 55. [Google Scholar] [CrossRef]
  16. 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]
  17. Park, J.; An, J.; Kim, J.; Jung, S.; Gil, Y.; Jang, Y.; Lee, K.; Oh, I.Y. Study on the use of standard 12-lead ECG data for rhythm-type ECG classification problems. Comput. Methods Programs Biomed. 2022, 214, 106521. [Google Scholar] [CrossRef] [PubMed]
  18. Lu, Y.; Jiang, M.; Wei, L.; Zhang, J.; Wang, Z.; Wei, B.; Xia, L. Automated arrhythmia classification using depthwise separable convolutional neural network with focal loss. Biomed. Signal Process. Control 2021, 69, 102843. [Google Scholar] [CrossRef]
  19. Islam, M.S.; Hasan, K.F.; Sultana, S.; Uddin, S.; Quinn, J.M.; Moni, M.A. HARDC: A novel ECG-based heartbeat classification method to detect arrhythmia using hierarchical attention based dual structured RNN with dilated CNN. Neural Netw. 2023, 162, 271–287. [Google Scholar] [CrossRef]
  20. Hu, R.; Chen, J.; Zhou, L. A transformer-based deep neural network for arrhythmia detection using continuous ECG signals. Comput. Biol. Med. 2022, 144, 105325. [Google Scholar] [CrossRef]
  21. Guo, C.; Yin, B.; Hu, J. An Electrocardiogram Classification Using a Multiscale Convolutional Causal Attention Network. Electronics 2024, 13, 326. [Google Scholar] [CrossRef]
  22. Chen, C.P.; Liu, Z. Broad learning system: An effective and efficient incremental learning system without the need for deep architecture. IEEE Trans. Neural Netw. Learn. Syst. 2017, 29, 10–24. [Google Scholar] [CrossRef] [PubMed]
  23. Pu, X.; Li, C. Online semisupervised broad learning system for industrial fault diagnosis. IEEE Trans. Ind. Inform. 2021, 17, 6644–6654. [Google Scholar] [CrossRef]
  24. Hsu, C.F.; Chen, B.R.; Wu, B.F. Broad-learning recurrent Hermite neural control for unknown nonlinear systems. Knowl.-Based Syst. 2022, 242, 108263. [Google Scholar] [CrossRef]
  25. Ye, H.; Li, H.; Chen, C.P. Adaptive deep cascade broad learning system and its application in image denoising. IEEE Trans. Cybern. 2020, 51, 4450–4463. [Google Scholar] [CrossRef] [PubMed]
  26. Yang, K.; Yu, Z.; Chen, C.P.; Cao, W.; You, J.; Wong, H.S. Incremental weighted ensemble broad learning system for imbalanced data. IEEE Trans. Knowl. Data Eng. 2021, 34, 5809–5824. [Google Scholar] [CrossRef]
  27. Guo, L.; Li, R.; Jiang, B. An ensemble broad learning scheme for semisupervised vehicle type classification. IEEE Trans. Neural Netw. Learn. Syst. 2021, 32, 5287–5297. [Google Scholar] [CrossRef] [PubMed]
  28. Fan, W.; Si, Y.; Yang, W.; Zhang, G. Active broad learning system for ECG arrhythmia classification. Measurement 2021, 185, 110040. [Google Scholar] [CrossRef]
  29. Fan, W.; Si, Y.; Yang, W.; Sun, M. Class-specific weighted broad learning system for imbalanced heartbeat classification. Inf. Sci. 2022, 610, 525–548. [Google Scholar] [CrossRef]
  30. Mark, R.; Moody, G. MIT-BIH Arrhythmia Database Directory. 1997. Available online: http://ecg.mit.edu/dbinfo.html (accessed on 10 May 2024).
  31. Moody, G.B.; Muldrow, W.E.; Mark, R.G. A noise stress test for arrhythmia detectors. Comput. Cardiol. 1984, 11, 381–384. [Google Scholar]
  32. Yang, W.; Si, Y.; Zhang, G.; Wang, D.; Sun, M.; Fan, W.; Liu, X.; Li, L. A novel method for automated congestive heart failure and coronary artery disease recognition using THC-Net. Inf. Sci. 2021, 568, 427–447. [Google Scholar] [CrossRef]
  33. Shan, L.; Li, Y.; Jiang, H.; Zhou, P.; Niu, J.; Liu, R.; Wei, Y.; Peng, J.; Yu, H.; Sha, X.; et al. Abnormal ECG detection based on an adversarial autoencoder. Front. Physiol. 2022, 13, 961724. [Google Scholar] [CrossRef] [PubMed]
  34. Ramkumar, M.; Lakshmi, A.; Rajasekaran, M.P.; Manjunathan, A.J. Multiscale Laplacian graph kernel features combined with tree deep convolutional neural network for the detection of ECG arrhythmia. Biomed. Signal Process. Control 2022, 76, 103639. [Google Scholar] [CrossRef]
  35. Farag, M.M. A tiny matched filter-based CNN for inter-patient ECG classification and arrhythmia detection at the edge. Sensors 2023, 23, 1365. [Google Scholar] [CrossRef] [PubMed]
  36. Chon, S.; Ha, K.W.; Park, S.; Jung, S. An ECG Beat Classification Method using Multi-kernel ResNet with Transformer. In Proceedings of the 2023 IEEE International Conference on Big Data and Smart Computing (BigComp), Jeju, Republic of Korea, 13–16 February 2023; IEEE: New York, NY, USA, 2023; pp. 140–144. [Google Scholar]
  37. Zhang, H.; Gu, H.; Chen, G.; Liu, M.; Wang, Z.; Cao, F. An atrial fibrillation classification method based on an outlier data filtering strategy and modified residual block of the feature pyramid network. Biomed. Signal Process. Control 2024, 92, 106107. [Google Scholar] [CrossRef]
  38. Wu, W.; Huang, Y.; Wu, X. SRT: Improved transformer-based model for classification of 2D heartbeat images. Biomed. Signal Process. Control 2024, 88, 105017. [Google Scholar] [CrossRef]
Figure 1. Structure of conventional BLS.
Figure 1. Structure of conventional BLS.
Sensors 24 04558 g001
Figure 2. Schematic of the proposed model.
Figure 2. Schematic of the proposed model.
Sensors 24 04558 g002
Figure 3. General flowchart of the experimental methodology.
Figure 3. General flowchart of the experimental methodology.
Sensors 24 04558 g003
Figure 4. Schematic illustrations of four types of heartbeats: (a) N-type heartbeats, (b) S-type heartbeats, (c) V-type heartbeats, and (d) F-type heartbeats.
Figure 4. Schematic illustrations of four types of heartbeats: (a) N-type heartbeats, (b) S-type heartbeats, (c) V-type heartbeats, and (d) F-type heartbeats.
Sensors 24 04558 g004
Figure 5. Schematic diagrams of heartbeats for different signal-to-noise ratios.Where, Figure 5 (af) shows the heartbeat schematic for signal-to-noise ratios of -6dB, 0dB, 6dB, 12dB, 18dB, 24dB, respectively.
Figure 5. Schematic diagrams of heartbeats for different signal-to-noise ratios.Where, Figure 5 (af) shows the heartbeat schematic for signal-to-noise ratios of -6dB, 0dB, 6dB, 12dB, 18dB, 24dB, respectively.
Sensors 24 04558 g005
Figure 6. Two-dimensional conversion of a heartbeat signal.
Figure 6. Two-dimensional conversion of a heartbeat signal.
Sensors 24 04558 g006
Figure 7. Performance comparison on DS1 for different numbers of enhancement nodes.
Figure 7. Performance comparison on DS1 for different numbers of enhancement nodes.
Sensors 24 04558 g007
Table 1. The AAMI has classified various types of heartbeats into five superclasses.
Table 1. The AAMI has classified various types of heartbeats into five superclasses.
AAMI
Classes
Heartbeat Types
Non-ectopic beats (N)Normal beat; Left bundle branch block beat; Right bundle branch block beat; Atrial escape beat; Nodal escape beat
Supraventricular ectopic beats (S)Atrial premature beat; Aberrated atrial premature beat; Nodal premature beat; Supraventricular premature beat
Ventricular ectopic beats (V)Premature ventricular contraction ventricular escape beat
Fusion beats (F)Fusion of ventricular and normal beats
Unknown beats (Q)Paced beat; Fusion of paced and normal beats; Unclassifiable beat
Table 2. Experimental dataset.
Table 2. Experimental dataset.
DatasetClassesClass Distribution
DS1N, S, V, F89,886; 2773; 6996; 802
DS2N, S89,886; 2273
DS3N, V89,886; 6996
DS4N, F89,886; 802
DS5Nb, Ab89,886; 10571
Table 3. MIT-BIH noise stress test database details.
Table 3. MIT-BIH noise stress test database details.
RecordSNR (dB)RecordSNR (dB)
118e2424119e2424
118e1818119e1818
118e1212119e1212
118e066119e066
118e000119e000
118e_6−6119e_6−6
Table 4. Noise robustness experimental data composition.
Table 4. Noise robustness experimental data composition.
DatasetClassesClass Distribution
DS6Nb, Ab3082; 888
Table 5. Confusion matrix for all the 10-fold cross-validations of the experimental results in DS1.
Table 5. Confusion matrix for all the 10-fold cross-validations of the experimental results in DS1.
Dataset Predicted A c
(%)
P P
(%)
S E
(%)
F1-score
(%)
S P E
(%)
ActualNSVF
DS1N89,7685360599.2499.2899.8799.5793.87
S326242026199.5897.3887.2792.0599.93
V1781067703899.6397.9696.7797.3699.85
F14425560199.7693.1874.9483.0799.96
OA (%) 99.11
Table 6. The confusion matrix of all the 10-fold cross-validation experimental results in DS2, DS3, and DS4.
Table 6. The confusion matrix of all the 10-fold cross-validation experimental results in DS2, DS3, and DS4.
Dataset Predicted A c
(%)
P P
(%)
S E
(%)
F1-score
(%)
S P E
(%)
ActualNS
DS2N89,8196799.5599.6299.9399.7787.49
S347242699.5597.3187.4992.1499.93
DS3N89,8028599.65 99.72 99.91 99.81 96.37
V254674399.65 98.76 96.37 97.55 99.91
DS4N89,878899.78 99.79 99.99 99.89 76.56
F18861499.78 98.71 76.56 86.24 99.99
Table 7. Confusion matrix for all the ten-fold cross-validations of the experimental results in DS5.
Table 7. Confusion matrix for all the ten-fold cross-validations of the experimental results in DS5.
Dataset Predicted A c
(%)
P P
(%)
S E
(%)
F1-score
(%)
S P E
ActualNbAb
DS5Nb89,67321399.01 99.13 99.76 99.45 92.56
Ab786978599.01 97.87 92.56 95.14 99.76
Average (%) 99.0198.5096.1697.3096.16
OA (%) 99.01
Table 8. COBLS and BLS 10-fold cross-verified results under different signal-to-noise ratios in DS6.
Table 8. COBLS and BLS 10-fold cross-verified results under different signal-to-noise ratios in DS6.
SNR (dB) COBLS BLS
Predicted Predicted
ActualNbAbOA (%)NbAbOA (%)
24Nb30820 30820
Ab08881000888100
18Nb30820 30820
Ab08881000888100
12Nb30820 30822
Ab08881000888
6Nb30820 30826
Ab288699.95088699.85
0Nb30748 30748
Ab488499.7010884
−6Nb305824 305835
Ab2886098.6927860
Table 9. Comparison of COBLS, BLS, and LSTM operating speeds in DS6.
Table 9. Comparison of COBLS, BLS, and LSTM operating speeds in DS6.
COBLS BLS CNN LSTM
Noise (dB)Training Time (s)Test Time (s)Training Time (s)Test Time (s)Training Time (s)Test Time (s)Training Time (s)Test Time (s)
2411.030.364.320.0827.380.44191.220.32
1811.390.384.300.0827.700.46190.350.32
1211.170.355.170.0827.540.36190.640.32
611.090.414.250.0727.260.42191.010.32
011.020.394.400.0827.920.46190.650.32
−611.200.384.290.0827.900.43190.210.31
Table 10. Comparison of the proposed method with other methods in the literature using 10-fold cross-validation on the MIT-BIH database.
Table 10. Comparison of the proposed method with other methods in the literature using 10-fold cross-validation on the MIT-BIH database.
AuthorsMethodDatabaseNoise RemovalClassOA (%)/AF (%)
Shan et al. [33] (2022)ECG-AAEMIT-BIH arrhythmia DBYES2(Nb, Ab)96.73/96.66
Ramkumar, M. et al. [34] (2022)FFREWT-MLGK-TDCNNMIT-BIH arrhythmia DBYES2(Nb, Ab)98.00/87.00
Farag et al. [35] (2023)MF-based CNNMIT-BIH arrhythmia DBNO3(N, S, V)98.18/92.17
S. Chon et al. [36] (2023)MKResNet+XFormMIT-BIH arrhythmia DBNO4(N, S, V, F)97.80/87.90
Zhang et al. [37] (2024)MRFPN (with L-ROS)MIT-BIH arrhythmia DBNO2(Nb, Ab)95.04/97.19
Wu et al. [38] (2024)SC-RGA TransformerMIT-BIH arrhythmia DBNO5(N, S, V, F, Q)95.70/82.60
This workCOBLSMIT-BIH arrhythmia DBNO2(Nb, Ab)99.01/97.30
This workCOBLSMIT-BIH arrhythmia DBNO4(N, S, V, F)99.11/93.01
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

Feng, J.; Si, Y.; Zhang, Y.; Sun, M.; Yang, W. A High-Performance Anti-Noise Algorithm for Arrhythmia Recognition. Sensors 2024, 24, 4558. https://doi.org/10.3390/s24144558

AMA Style

Feng J, Si Y, Zhang Y, Sun M, Yang W. A High-Performance Anti-Noise Algorithm for Arrhythmia Recognition. Sensors. 2024; 24(14):4558. https://doi.org/10.3390/s24144558

Chicago/Turabian Style

Feng, Jianchao, Yujuan Si, Yu Zhang, Meiqi Sun, and Wenke Yang. 2024. "A High-Performance Anti-Noise Algorithm for Arrhythmia Recognition" Sensors 24, no. 14: 4558. https://doi.org/10.3390/s24144558

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