Skip to main content

ORIGINAL RESEARCH article

Front. Physiol., 28 September 2023
Sec. Cardiac Electrophysiology

Inter-patient ECG heartbeat classification for arrhythmia classification: a new approach of multi-layer perceptron with weight capsule and sequence-to-sequence combination

Chenchen Zhou,&#x;Chenchen Zhou1,2Xiangkui Li,&#x;Xiangkui Li1,3Fan FengFan Feng2Jian ZhangJian Zhang4He LyuHe Lyu1Weixuan WuWeixuan Wu1Xuezhi TangXuezhi Tang1Bin LuoBin Luo5Dong Li,
Dong Li4,6*Wei Xiang
Wei Xiang1*Dengju YaoDengju Yao3
  • 1Key Laboratory of Electronic and Information Engineering, State Ethnic Affairs Commission, Southwest Minzu University, Chengdu, China
  • 2Guangxi Key Laboratory of Digital Infrastructure, Guangxi Information Center, Nanning, China
  • 3School of Computer Science and Technology, Harbin University of Science and Technology, Harbin, China
  • 4West China Biomedical Big Data Center, West China Hospital, Sichuan University, Chengdu, China
  • 5Sichuan Huhui Software Co., Ltd., Mianyang, China
  • 6Med-X Center for Informatics, Sichuan University, Chengdu, China

Objective: The objective of this research is to construct a method to alleviate the problem of sample imbalance in classification, especially for arrhythmia classification. This approach can improve the performance of the model without using data enhancement.

Methods: In this study, we have developed a new Multi-layer Perceptron (MLP) block and have used a Weight Capsule (WCapsule) network with MLP combined with sequence-to-sequence (Seq2Seq) network to classify arrhythmias. Our work is based on the MIT-BIH arrhythmia database, the original electrocardiogram (ECG) data is classified according to the criteria recommended by the American Association for Medical Instrumentation (AAMI). Also, our method’s performance is further evaluated.

Results: The proposed model is evaluated using the inter-patient paradigm. Our proposed method shows an accuracy (ACC) of 99.88% under sample imbalance. For Class N, sensitivity (SEN) is 99.79%, positive predictive value (PPV) is 99.90%, and specificity (SPEC) is 99.19%. For Class S, SEN is 97.66%, PPV is 96.14%, and SPEC is 99.85%. For Class V, SEN is 99.97%, PPV is 99.07%, and SPEC is 99.94%. For Class F, SEN is 97.94%, PPV is 98.70%, and SPEC is 99.99%. When using only half of the training sample, our method shows that the SEN of Class N and V is 0.97% and 5.27% higher than the traditional machine learning algorithm.

Conclusion: The proposed method combines MLP, weight capsule network with Seq2seq network, effectively addresses the problem of sample imbalance in arrhythmia classification, and produces good performance. Our method also shows promising potential in less samples.

1 Introduction

Electrocardiogram plays an important role in the clinical diagnosis and treatment of cardiovascular diseases, but traditional methods only rely on professional physicians to analyze the electrocardiogram, which is not only time-consuming, but also requires high professional knowledge of doctors. Therefore, many researchers have been working on computer-aided diagnosis to improve the efficiency of ECG analysis (Luz et al., 2016; Ebrahimi et al., 2020).

Traditional machine learning arrhythmia classification methods rely on well-designed feature extraction methods and classification models to show acceptable arrhythmia classification performance. Compared with traditional machine learning algorithms, which require complex feature extraction, deep learning end-to-end ECG classification has attracted more and more attention (Parvaneh et al., 2019; Murat et al., 2020). Among them, convolutional neural network (CNN) and recursive neural network (Hochreiter and Schmidhuber, 1997; Sathasivam, 2008; Wu et al., 2016; Kim et al., 2017; Song et al., 2017) have been widely used in ECG classification (Oh et al., 2018; Petmezas et al., 2021). A hybrid solution has been found that combines representational learning with continuous learning to create powerful input data and thereby improve the performance of the model, which makes the combined approach of CNN and recurrent neural networks available for arrhythmia detection (Tan et al., 2018; Yildirim et al., 2019).

Although the combined method of convolutional network and cyclic neural network has improved the classification performance of arrhythmia, it is susceptible to the influence of sample imbalance, so its performance in the class with a small sample size is not ideal. At present, sampling and weighting are the main methods used by deep learning to solve the problem of sample imbalance in beat classification (Mousavi and Afghah, 2019; He et al., 2020; Jiang et al., 2020). Mousavi and Afghah (2019) combined convolutional neural networks with the Sequence to Sequence (Seq2Seq) model and integrated several classes of oversampling techniques to achieve excellent results in arrhythmia classification. Many studies have also adopted data enhancement methods such as Synthetic Minority Oversampling Technique (SMOTE). However, the SMOTE method may be skewed when producing a few types of samples.

To this end, in the past we used the method of combining weight capsules (Li et al., 2022) with Seq2Seq to solve the sample imbalance problem. The weight capsule network is an optimization of the capsule network, which alleviates the saturation of the compression function of the capsule network and the problem of considering the probability of the output vector in the dynamic routing. Capsule network is a new choice proposed by Sabour et al. (2017) to solve the problems of translation invariance and information loss in pooling operations of deep convolutional networks. Based on this promising work, Butun et al. (2020) proposed a one-dimensional capsule network. The method is used to diagnose coronary artery disease from the original ECG, and the best performance is achieved in the 2s ECG segment. Neela and Namburu (2021) converted ECG signals into spectral signals, and then used capsule network to classify ECG, and realized accurate classification of ECG. Jayasekara et al. (2019) built a time capsule to learn from the sequence data, and the model was able to classify ECG rare beats with only a few training samples. However, the weight capsule network only relies on the input to obtain the heartbeat characteristics, the weight capsule belt information is limited, and the model performance has room for improvement.

Multi-layer Perceptron (MLP) is a forward structured artificial neural network ANN. MLP is mainly used as classifier or feature extraction in arrhythmia classification, and has achieved good performance (Hsiao et al., 2022; Sivapalan et al., 2022). Recently, due to the success of deep learning, MLP has gained attention again (Lian et al., 2021; Liu et al., 2021; Zhao et al., 2021; Tang et al., 2022; Tang et al., 2022; Hou et al., 2022; Valanarasu and Patel, 2022; Yu et al., 2022). Existing studies have found that (Tolstikhin et al., 2021), compared with using convolutional neural networks for feature extraction, MLP can not only combine the information between different channels, but also the information of different spatial locations.

Capsule network has great potential for feature extraction and classification of time series data. But at the same time, the common capsule network still has some problems. Some scholars have put forward the capsule variable model successively and achieved good results (Wang and Liu, 2018; Choi et al., 2019), but their model fails to alleviate the saturation of compression function and consider the probability of the existence of output vector in dynamic routing. To alleviate these problems, we proposed Sigmoid-squash (S-S) compression function and weight capsule (WCapsule) model (Li et al., 2022). The weight capsule can better extract the features of time series data for classification. In addition, in order to adapt to variable-length sequences and better improve the performance of the model, it can be combined with Seq2seq.

This paper aims to alleviate the problem of sample imbalance in arrhythmia classification and construct an accurate and effective cardiac beat classification method without SMOTE. Inspired by the existing work (Li et al., 2022), we propose a new and effective arrhythmia classification method named MWCapsuleNet, which uses a weight capsule network with MLP to extract the characteristics of heartbeat beats. Our contributions are as follows:

(1) We propose an arrhythmia classification method combining MWCapsuleNet and Seq2seq, which not only improves the performance of the algorithm model in arrhythmia classification, but also provides a new scheme for alleviating sample imbalance.

(2) In order to better exploit the potential of weight capsules, we propose an improved MLP block structure and construct a weight capsule network with MLP. As far as we know, this is the first time that MLP and weight capsule network have been combined and have been applied to arrhythmia classification, which adds a new idea for further exploring the potential of weight capsules.

The design process of this study is shown in Figure 1.

FIGURE 1
www.frontiersin.org

FIGURE 1. Study design. I, Construct MLP block; II, Applied to the classification of arrhythmia and less sample experiment.

2 Material and methods

2.1 Dataset

In this work, we use the publicly accessible MIT-Beth Israel Hospital (MIT-BIH) arrhythmia database (Moody and Mark, 2001) to evaluate the performance of our proposed approach. The MIT-BIH dataset contains 48 ECG records, each containing a two-channel record of about 30 min. Two cardiologists annotated each note. In most recordings, one channel is the Modified Limb Lead II (MLII), obtained by placing electrodes on the chest, which is standard practice for hologram recordings, and the other is usually V1 (sometimes V2, V4, or V5, depending on the subject). Usually, the lead II is used to detect heartbeats in the literature (Mousavi and Afghah, 2019; Li et al., 2022; Wu et al., 2022; Xu et al., 2022; Zhu et al., 2022). Similarly, here in all experiments, we have applied ECG lead II. The raw ECG data were classified according to the AAMI recommended standard (Association for the Advancement of Medical Instrumentation et al., 1998), and the classification and description are shown in Supplementary Table S1.

Based on the recommendations of existing studies (De Chazal et al., 2004), we evaluate the proposed model using an interpatient model. The training and test sets are constructed from different patient sample data. By using this classification method, the inclusion of heartbeat records from the same patient in both the training and test sets is avoided, allowing the classification model to be fairly compared with other existing studies.

The interpatient assessment model divides the MIT-BIH database into two groups of records: DS1 = {101, 106, 108, 109, 112, 114, 115, 116, 118, 119, 122, 124, 201, 203, 205, 207, 208, 209, 215, 220, 223, 230} and DS2 = {100, 103, 105, 111, 113, 117, 121, 123, 200, 202, 210, 212, 213, 214, 219, 221, 222, 228, 231, 232, 233, 234}. In addition, in order to explore the potential of this work, we divide DS1 (training set) into DS1_2 = {101, 106, 108, 109, 112, 114, 115, 116, 118, 119, 122}, DS1_3 = {124, 201, 203, 205, 207, 208, 209, 215, 220, 223, 230}. Detailed data sample distribution is shown in Supplementary Table S2. We use DS1, DS1_2 and DS1-3 to train classification models, and use DS2 to evaluate the training models.

2.2 Methods

Figure 1 shows the overall flow chart of the combined MLP and WCapsule applied to arrhythmia classification, including: (1) The improved MLP structure, (2) The arrhythmia classification experiment based on the MWCapsuleNet + seq2seq model and the low-sample arrhythmia classification experiment.

2.2.1 MLP block

The MLP block structure designed in this work is shown in Figure 2, which mainly consists of two parts: MLP layer and skip layer connection. In the MLP layer, it has a fully connected layer after feature extraction of the fully connected layer. Secondly, we add the dropout layer to prevent overfitting. Finally, we extract the global feature vector of the heartbeat data and then merge it with the original input data as the output of MLP block.

FIGURE 2
www.frontiersin.org

FIGURE 2. Structure of MLP block.

In Figure 2, the input data of MLP is divided into chunks (patches), and the size of each patch is p × p, which can be divided into S=HWp2 patches in total. Flatten each patch with the size of p × p, that is, expand into a one-dimensional vector, and obtain a vector with length p2. S of these vectors are put together to form a tensor of dimension (S, p2), and the tensor is mapped linearly to the size of the second dimension C, which is called hidden dimension. Then we have a tensor with dimensions of (S, C) = patches × channels. It’s made up of S 1 × C vectors. This tensor XR(S×C) is the real input for subsequent MLP models. In this work, 10 × 28 after reshaping can be viewed as patches × channels. The MLP model of this work can be expressed as:

Uij=DropoutFC1Inputi,jfori=1S;j=1C(1)
Output=concatUij,Input(2)

here FC1 means the first fully connected layer. Here Dropout means dropout layer.

Therefore, in the MLP block of the final model, the number of neuron units in the fully connected layer was set as 10. After several experiments, we finally found that the model achieves the best performance when the dropout rate is set to 0.8. Some of the experimental results are shown in Supplementary Material Supplementary Table S7.

2.2.2 Arrhythmia classification method based on MLP+WCapsule+Seq2seq

MLP, weight capsule network and Seq2seq model constitute the model proposed in this work. The weight capsule network is the inheritance and development of the capsule network, and has shown satisfactory potential in alleviating the problem of sample imbalance in arrhythmia classification (Li et al., 2022). The Seq2Seq model is an important model in neural machine translation, and has shown close to human level in the application of (Johnson et al., 2017). Here, we use Recurrent Neural Network (RNN) Seq2Seq model and weight capsule network with MLP for arrhythmia classification task.

Figure 3 shows the proposed framework for arrhythmia classification. The weight capsule network with MLP is composed of a layer of MLP block layer, a one-dimensional convolution layer and a weight capsule layer. The original data is a 280 × 1 time series signal after simple preprocessing. After being reshaped into 10 × 28, it is output as a 20 × 28 feature map through MLP block. This feature map first passes through the convolutional weight capsule layer, with single-channel one-dimensional convolution 28D weight capsules (i.e., each sovereign weight capsule contains 28 one-dimensional convolution units with 3 × 1 cores and step spacing of 1), and then activates the corrected linear unit (ReLU). The second layer (ECG Weight Caps) has 128 weight capsules with size of 3 × 1. Each capsule receives input from the weight capsule directly connected to it in the next layer. As a result, the initial weighted capsule output (u̇i) are passed into (v̇j) with equal probability (ċij). After extracting the features of the maximum time dimension, ECG Weight Caps Layer performs the correction of k × 1 vector and outputs (e.g., here we set the output dimension to 128). Finally, the input sequence for each beat is associated with the vector CRd. Figure 4 depicts the detailed network.

FIGURE 3
www.frontiersin.org

FIGURE 3. Construction of the algorithmic for arrhythmia classification.

FIGURE 4
www.frontiersin.org

FIGURE 4. Flowchart of the proposed method.

When the length of the capsule module is large, it will lead to the saturation problem of the compression function. In order to alleviate this problem, we proposed a new variant compression function S-S (Sigmoid-squash) (Li et al., 2022), as shown in Eq 3:

vj̇=ghṡj2+αṡj1+αṡj+ghṡj2(3)

α is a hyperparameter, v̇j is the output vector, ṡj is the input vector. Set α = 0.1.

The low-level weight capsule u̇i is multiplied with the weight matrix Ẇij to obtain the prediction vector u̇̂j|i.

u̇̂j|i=Ẇiju̇i(4)

The weighted capsule model is to multiply the weighted sum of the prediction vector u̇̂j|i and the weight coefficient ċij with the weight kj (Formula S4 in Supplementary Material). The results with weight selection are then output after S-S compression function. Therefore, except for the first layer, the input to the weight capsule ṡj can be expressed as:

ṡj=kjiċiju̇̂j|i(5)

Here, ċij is the coupling coefficient determined by the iterative process of dynamic routing.

ċij=expḃij*fijkexpḃij*fij(6)

Where ḃij is the connection coefficient of two weight capsules. The weight fij (Formula S8 in Supplementary Material) can reduce the correlation between the predicted weight capsule mold length and the two weight capsules.

Based on the weighted capsule model, we updated the dynamic routing between the capsules. The main process of dynamic routing algorithm and pseudo-code for dynamic routing between weight capsules are shown in Supplementary Material Section 2.

The Seq2seq model in this work is the same as that used in the past work, where the encoder encodes the input sequence and the decoder calculates the category of each beat of the input sequence. The encoder is actually composed of long-and-short-term memory (LSTM) units, which are also known as many-to-one LSTM. As shown in Figure 3. Instead of the standard LSTM (i.e., RNN), we use bidirectional recursive neural network (BiRNN) units in the network architecture. Standard RNNS are unidirectional; they are limited to using previous input states. BiRNN, which can process data forward and backward, and the current state can access both previous and future input information. BiRNN consists of a forward network and a backward network. The input sequence is fed in normal time order, the forward network is fed t = 1, …, T, and the backward network is fed in reverse time order t = T, …, 1. Finally, the weighted sum of the two network outputs is calculated as the output of the BiRNN. The mechanism can be expressed as follows:

ht=tanhWxt+Vht1+b(7)
ht=tanhWxt+Vht+1+b(8)
yt=Uht;ht+by(9)

Here, (ht,b) is the hidden state and deviation of the forward network, and (ht,b) is the hidden state and deviation of the backward network. xt and yt are the input and output of BiRNN, respectively. The decoder is used to generate the target sequence beat by beat. Like an encoder, the building block of a decoder is an LSTM, but it is a many-to-many LSTM. The decoder gets a new representation of the input sequence generated by the encoder to initialize its hidden state. It also shifts the same given target by one and takes a special feature vector <GO> as input. It is important to note that the input (the shifted target) is only used during the training phase, not the test phase. Then, using softmax on the output of the LSTM, convert it to a probability pRC, where C represents the number of categories (that is, the heartbeat type) and each element of p represents the probability of each class in the category.

2.2.3 Comparative experimental model

In order to better evaluate our approach, we compared different heartbeat feature extraction models under the same equipment and environment and the same Seq2seq classification model as in this work. These model structures are all different combinations of MLP blocks, convolutional layers, ordinary capsules and weight capsules. It mainly includes: Baseline (Mousavi and Afghah, 2019), MLP block, McNets(MLP block + conv), M-Baseline(MLP block + Baseline), CapsuleNets(conv + Capsule), MCapsuleNets(MLP block + Capsule), WCapsuleNets(conv + WCapsule), and CWCapsuleNets(conv block + WCapsule).

The structure diagram for each specific model is shown in Supplementary Material S3.

3 Experiment and result

3.1 Data preprocessing

The input of the model in this work is a series of heart beats. In order to extract heart beats from a given ECG signal, according to the recommendations of existing studies (Mousavi and Afghah, 2019), we use the same method to preprocess the original data, which includes the following simple steps:

(1) Normalize the given ECG signal to be between 0 and 1;

(2) Search the R-wave set of ECG by the corresponding annotation file in MIT-BIH arrhythmia database;

(3) Segment the continuous ECG signal into a series of heartbeats according to the extracted R-wave, and assign a label to each heartbeat according to the annotation file;

(4) Resize each heartbeat to a predefined fixed length (280 samples).

These preprocessing steps for beat extraction are very simple and do not involve any form of filtering or noise removal methods. The source data preprocessing code used in this work is available here.

3.2 Experimental parameter

We build the model based on TensorFlow 2.4, using Adam optimizer and cross entropy loss function, with a learning rate of 0.001 and a maximum training period of 500. The initial LSTM hiding and cell state of the Seq2Seq model are set to 0. The drop rate of MLP is set to 0.8.

In order to compare with existing studies, four indexes are mainly used in the evaluation: sensitivity (SEN), specificity (SPEC), positive predictive value (PPV) and accuracy (ACC).

SEN=TPTP+FN(10)
PPV=TPTP+FP(11)
SPEC=TNTN+FP(12)
ACC=TP+TNTP+TN+FN+FP(13)

Here, TP (true positive), TN (true negative), FP (false positive), and FN (false negative) represent the number of heartbeats correctly labeled, correctly identified as non-corresponding heartbeats, incorrectly labeled, and not identified as expected heartbeats, respectively.

3.3 Result

Because the sample size of class Q is too small, and the reference methods did not take it into account. Therefore, we do not list it in the comparison results table. When comparing with a wide range of earlier publications, we use the results published in their original papers as a reference. The differences calculated in this work are all differences in percentage points.

In order to evaluate the effectiveness of our innovative elements, we evaluate the model performance using DS1 as the training set and DS2 as the test set. It is worth noting that the number of parameters of the model proposed in this work is less than that of the baseline model (252980<357154).

3.3.1 Sample imbalance

Three-classification task: As shown in Table 1, our method obtains the best results in 8 out of 10 evaluation indicators, the overall indicator performance is higher than 94.5%, and the maximum difference between other indicators and the optimal index is 0.12%. In class S, where the training samples are less than the test samples, after MLP block module is added to the weight capsule network, SEN = 98.75%, PPV = 94.82%, SEN and PPV are increased by 5.21% and 2.6% respectively. After adding MLP block to the capsule network, 80% of the indicators have been improved. Using only the MLP block, although the PPV of the S class is only 83.01%, its overall performance is close to that of the baseline. In addition, CWCapsuleNets using convolution block performs poorly in class S (SEN = 80.01%, PPV = 74.27%). Compared with the research using DS1 training model, as shown in Table 3, in the three-classification task, Jiang et al. (2020) obtained the best performance with SMOTE. Compared with that, our model obtains 98.75% SEN in class S without SMOTE, 2.06% higher than them.

TABLE 1
www.frontiersin.org

TABLE 1. Inter-patient paradigm: The performance of the proposed heartbeat classifier compared with other comparison models, considering DS2 as test dataset based on the MIT-BIH arrhythmia database for the considered groups: N, S, V. SMOTE is not used in this experiment.

Five-classification task: In order to further evaluate our method, we increase the difficulty of classification. As shown in Table 2, our model obtains most of the highest indicators, accounting for almost 70% of all indicators, and the overall performance is higher than 97%. We can see from Table 2 that only the three models that adopt weight capsules can make the indexes of class S and class F reach more than 90%. Among the three models that also adopt weight capsules, our model can obtain the best performance. Similar to the performance improvement of capsule network after adding MLP block in the three-classification task in Table 1, the performance of 11 indicators in the five-classification task is also improved. While only using MLP block, although it surprisingly obtains the optimal values of five indicators, and the overall performance ranks fourth among the seven comparison models, the SEN of S class is only 82.30%, while the SEN of our method is 97.66%. In the five-classification task, as shown in Table 4, although Li et al. (2022) obtains the best performance of the existing literature, the PPV in class S is 92.23%, and the PPV of our method in class S is 3.91% higher than theirs.

TABLE 2
www.frontiersin.org

TABLE 2. Inter-patient paradigm: The performance of the proposed heartbeat classifier compared with other comparison models, considering DS2 as test dataset based on the MIT-BIH arrhythmia database for the considered groups: N, S, V, F. SMOTE is not used in this experiment.

3.3.2 Sample balance

To better evaluate the performance of MLP block and MWCapsuleNets in our innovative work, we augment the data with SMOTE method, as shown in Supplementary Material S4. In five-classification task, our method overall index is higher than 95%, and only three indicators do not achieve the highest. As can be seen in Supplementary Table S5, the top metrics are all from the model employing the weight capsule network, and the performance is further enhanced by adding the MLP block to the weight capsule model. As shown in Supplementary Table S4, in the three-classification task, the performance of models using the weight capsule network is above 94.5%. Our model has increased the SEN and PPV of Class S by 9.43% and 3.56%, respectively, compared with the baseline. However, in the three-classification task, performance of the models with MLP block or conv block decreases.

3.4 Model exploration

In order to better tap the potential of our method, we conduct less-sample exploration on the model. Because DS1_2 has a worse sample distribution than DS1 (as shown in Supplementary Table S2), the model does not work on DS1_2 (as shown in Supplementary Table S6). We mainly observe the results of using DS1_3 as the training set and DS2 as the test set. As shown in Table 2, our model has achieved the most balanced and excellent performance among the five-classification task, and half of the indexes have achieved the highest. Although MLP + Seq2seq has obtained the 4 highest indexes, its PPV of Class V is only 43.64%. It is 55.43% lower than our method (99.07%). It can be seen from Table 2 that the top three models with the highest overall performance all use weight capsules, with an overall performance higher than 78%. Meanwhile, the performance of MWCapsuleNets with MLP block is further improved compared with the weight capsule network. As shown in Table 1, compared with other model structures, in the three-classification task, all evaluation indicators of our model are higher than 90%, and we obtain 60% of the best indicators. As shown in Table 3, compared with the existing research, the overall performance of our method ranks third in the existing literature, and two indicators obtain the best level of the existing literature. As shown in Table 4, among the five-classification task, compared with existing literature, the overall performance of our method (training with DS1_3) is lower than Li et al. (2022) (training with DS1), but our method achieves the best level of existing literature in PPV of class S (97.37%), SEN of class N (99.95%), SEN of class V (99.97%), PPV and SPEC of F (100% & 100%).

TABLE 3
www.frontiersin.org

TABLE 3. Inter-patient paradigm: Comparison of performance of the proposed heartbeat classifier against the state-of-the-art algorithms, considering DS1 as training dataset and DS2 as test dataset based on the MIT-BIH arrhythmia database for the considered groups: N, S, V.

TABLE 4
www.frontiersin.org

TABLE 4. Inter-patient paradigm: Comparison of performance of the proposed heartbeat classifier against the state-of-the-art algorithms, considering DS1 as training dataset and DS2 as test dataset based on the MIT-BIH arrhythmia database for the considered groups: N, S, V, F.

4 Discussion

In order to alleviate the problem of unbalanced distribution of heartbeat class samples in arrhythmia classification, this work innovatively proposes MWCapsuleNets + Seq2seq, which combines the improved MLP and weight capsule network. It not only has excellent performance on classes with a large sample size, but also obtains satisfactory performance on classes with a small sample size. The performance on less-samples is also expected.

Traditional machine learning arrhythmia classification methods achieve acceptable performance through preprocessing, segmentation, feature extraction and classification steps (De Chazal et al., 2004; Ye et al., 2012; Zhang et al., 2014; Li and Zhou, 2016; Mondéjar-Guerra et al., 2019; Wang et al., 2022). However, traditional machine learning arrhythmia classification methods need to rely on novel feature extraction methods and well-selected classifiers to improve the performance. However, our method is end-to-end, using MWCapsuleNets to automatically extract features and put the extracted features into the Seq2Seq model for classification. As shown in Table 4, compared with the best performance obtained by traditional machine learning methods, our method improves the PPV by 43.8% and 75.1% respectively in the S and F classes where it performs poorly, and the overall performance is more stable.

Compared with traditional machine learning algorithms, which require complex feature extraction, deep learning end-to-end ECG classification has attracted more and more attention from scholars (Hochreiter and Schmidhuber, 1997; LeCun et al., 1998; Sathasivam, 2008; Wu et al., 2016; Kim et al., 2017; Krizhevsky et al., 2017; Song et al., 2017; Oh et al., 2018; Tan et al., 2018; Attia et al., 2019; Hannun et al., 2019; Parvaneh et al., 2019; Yildirim et al., 2019; Murat et al., 2020; Ribeiro et al., 2020; Petmezas et al., 2021). As shown in Table 3 and Table 4, arrhythmia classification using deep learning methods such as convolutional network, U-Net, attention mechanism and LSTM has shown acceptable performance. However, due to the influence of sample imbalance, the expected performance has not been achieved. At present, sampling and weighting are the main methods used to solve the problem of sample imbalance in the classification of heartbeats (Mousavi and Afghah, 2019; He et al., 2020; Jiang et al., 2020). Capsule network has great potential for feature extraction and classification of time series data. As shown in Table 4, the method of weight capsule network combined with Seq2Seq (Li et al., 2022), effectively alleviates the sample imbalance problem by using the advantages of model structure. In the five-classification task, the best performance of the existing literature was obtained. Although the method of Li et al. was successful, it performed poorly in categories with small sample size. Their model did not fully meet expectations in S category’s PPV (92.23%) and F category’s SEN (93.81%). In order to further improve the performance of arrhythmia classification model, we proposed a novel weight capsule network with MLP combined with Seq2seq for arrhythmia classification on the basis of Li et al., and further enhanced the feature extraction capability of weight capsule network through MLP. Compared with the results before (Li et al., 2022), as shown in Table 3, our method achieved improvement in 10 evaluation indexes of the three-classification task, especially the SEN and PPV of class S increased by 2.13% and 2.66%, respectively. As shown in Table 4, in the five-classification task with increasing classification difficulty, the PPV of S and the SEN of F are improved by 3.91% and 4.31%, respectively while the SEN of S (97.66%) is 1.9% lower than the performance obtained before (Li et al., 2022). However, the overall performance index of our method (>96%) is better than that of Li et al. (2022) (>92%). As shown in Table 3, although some studies have achieved good performance using SMOTE method (Mousavi and Afghah, 2019; He et al., 2020; Jiang et al., 2020). But SMOTE method may have bias. Our method only relies on weight capsule network with MLP to enhance the acquisition of features without using oversampling (SMOTE, etc.) and weighted enhancement data, and achieve close or above the best (Jiang et al., 2020) of using the SMOTE method in this simple way. Moreover, our model has a smaller number of parameters than previous work (Mousavi and Afghah, 2019) (252980<357154). This shows that the combination of weight capsule network with MLP and Seq2Seq to alleviate sample imbalance is promising. At the same time, the clever combination of MLP and weight capsule network provides a new case for the progress of weight capsule network.

Previous studies have shown that capsules can classify rare ECG beats (Jayasekara et al., 2019), which has the potential to learn multiple sample sizes from a small sample size. Also, inspired by the good performance of our method on class S (training samples less than test samples), we designed less-sample experiments (sample size distribution is shown in Supplementary Material S1). As shown in Supplementary Table S2 the number of training samples of class S is less than the number of test samples (941<1836). In the less-sample experiments, we use DS1_2 and DS1_3 as the training set. Since the sample distribution of DS1_2 is more extreme, we mainly observe the results of training with DS1_3. (The results of training with DS1_2 are shown in Supplementary Material Supplementary Table S6.) As shown in Table 3, in the three-classification task, compared with the performance of our method training with full samples, there are three indicators better than that of full samples, and there are four indicators decreases less than 1%. However, SPEC of class N decreased by 3.03%, SEN of class S and V decreased by 8.12% and 1.09%, respectively. Compared with the existing studies, the overall performance index of our method ranked third in the existing literature (Jiang et al. (Jiang et al., 2020) obtained the optimal overall performance index by using SMOTE, and our previous work (Li et al., 2022) obtained the overall performance index by using full sample ranked second). As shown in Table 4, in the five-classification task, there are eight indicators the same as or better than that of full samples. Compared with the existing studies, the performance of our method ranked second in the existing literature, second only to the performance of (Li et al., 2022) with all samples. Considering that we use only half of the training samples, DS1_3 has less training sample than test sample for each category, such a result is acceptable. This also demonstrates the excellent feature extraction capability of our model.

In order to better alleviate the problem of sample imbalance in arrhythmia classification, we also consider other innovative elements. The results are shown in Table 1 and Table 2; Supplementary Table S4, S5. When training with the full sample, MLP is close to baseline. However, MLP needs to be combined with other networks to further exert the advantages of feature extraction when training with less sample. When combined with MLP block, MWCapsuleNets performs better than MCapsuleNets. Also, in combination with the same weight capsule network, the performance of MLP block (MWCapsuleNets) is better than that of conv block (CWCapsuleNets). In the three-class classification task, our reference baseline Mousavi and Afghah (2019) only used a combination of convolutional network and seq2seq, and used SMOTE to balance the data, which can make the sensitivity of class V reach 100%. Therefore, it is reasonable that our model can make sensitivity of class V achieve 100%. Transformer-based models use a self-attention mechanism for context awareness and has very successful performance in processing sequences.There have been studies to enhance and detect ECG signals (Hu et al., 2022; Meng et al., 2022; Xia et al., 2023). However, transformer does not have any inductive bias and often requires a large amount of data to train to perform better. The purpose of this paper is to resolve the classification of single-lead arrhythmias under sample imbalance, so transformer is not considered for the time being.

Although the MLP + WCapsule + Seq2seq model shows excellent performance, it fails to achieve the expected performance in the classification of class S. Especially in less-sample experiments, as shown in Table 4, there is still a gap between its sensitivity and existing work’s. This may be because when optimizing MLP, the overfitting performance is inhibited by reducing the number of stacked layers. So, the learning performance of MLP fails to reach the optimal effect.

Although our model has achieved good results in arrhythmia classification, it also has the limitations of small sample size and single lead data set. We will further evaluate the dependence of the model on leads. Furthermore, we will also consider combining with the other leads or a random lead. In the future, we will verify our model on a larger 12-lead data set. We will also consider the combination of transformer in tasks with more data or more leads.

5 Conclusion

The MLP + WCapsule + Seq2seq method proposed in this work can effectively alleviate the problem of sample imbalance in arrhythmia classification, and obtain good performance. At the same time, this method also shows a potential performance with less sample, which also provides a new reference for ECG classification to solve the problem of sample imbalance.

Data availability statement

The original contributions presented in the study are included in the article/Supplementary Material, further inquiries can be directed to the corresponding authors.

Author contributions

WX and DY designed the study. XL, HL, and CZ participated in the acquisition of data. XL and CZ wrote the article. JZ, XT, WW, BL, and DY critically reviewed it. All authors contributed to the article and approved the submitted version.

Funding

This work was supported by National Nature Science Foundation (72174172, 71774134) and Open Project Program of Guangxi Key Laboratory of Digital Infrastructure (Grant Number: GXDIOP2023013). And this research was supported by the Fundamental Research Funds for Central University, Southwest Minzu University (2022NYXXS102).

Conflict of interest

Author BL was employed by Sichuan Huhui Software Co., Ltd.

The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fphys.2023.1247587/full#supplementary-material

References

Association for the Advancement of Medical Instrumentation (1998). Testing and reporting performance results of cardiac rhythm and st segment measurement algorithms. ANSI/AAMI EC38, 46.

Google Scholar

Attia Z. I., Noseworthy P. A., Lopez-Jimenez F., Asirvatham S. J., Deshmukh A. J., Gersh B. J., et al. (2019). An artificial intelligence-enabled ecg algorithm for the identification of patients with atrial fibrillation during sinus rhythm: a retrospective analysis of outcome prediction. Lancet 394, 861–867. doi:10.1016/S0140-6736(19)31721-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Butun E., Yildirim O., Talo M., Tan R.-S., Acharya U. R. (2020). 1d-cadcapsnet: one dimensional deep capsule networks for coronary artery disease detection using ecg signals. Phys. Medica 70, 39–48. doi:10.1016/j.ejmp.2020.01.007

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen A., Wang F., Liu W., Chang S., Wang H., He J., et al. (2020). Multi-information fusion neural networks for arrhythmia automatic detection. Comput. methods programs Biomed. 193, 105479. doi:10.1016/j.cmpb.2020.105479

PubMed Abstract | CrossRef Full Text | Google Scholar

Choi J., Seo H., Im S., Kang M. (2019). “Attention routing between capsules,” in Proceedings of the IEEE/CVF international conference on computer vision workshops.

CrossRef Full Text | Google Scholar

De Chazal P., O’Dwyer M., Reilly R. B. (2004). Automatic classification of heartbeats using ecg morphology and heartbeat interval features. IEEE Trans. Biomed. Eng. 51, 1196–1206. doi:10.1109/TBME.2004.827359

PubMed Abstract | CrossRef Full Text | Google Scholar

Dias F. M., Monteiro H. L., Cabral T. W., Naji R., Kuehni M., Luz E. J. d. S. (2021). Arrhythmia classification from single-lead ecg signals using the inter-patient paradigm. Comput. Methods Programs Biomed. 202, 105948. doi:10.1016/j.cmpb.2021.105948

PubMed Abstract | CrossRef Full Text | Google Scholar

Ebrahimi Z., Loni M., Daneshtalab M., Gharehbaghi A. (2020). A review on deep learning methods for ecg arrhythmia classification. Expert Syst. Appl. X 7, 100033. doi:10.1016/j.eswax.2020.100033

CrossRef Full Text | Google Scholar

Essa E., Xie X. (2021). An ensemble of deep learning-based multi-model for ecg heartbeats arrhythmia classification. IEEE Access 9, 103452–103464. doi:10.1109/access.2021.3098986

CrossRef Full Text | Google Scholar

Hannun A. Y., Rajpurkar P., Haghpanahi M., Tison G. H., Bourn C., Turakhia M. P., et al. (2019). Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 25, 65–69. doi:10.1038/s41591-018-0268-3

PubMed Abstract | CrossRef Full Text | Google Scholar

He J., Rong J., Sun L., Wang H., Zhang Y. (2020). “An advanced two-step dnn-based framework for arrhythmia detection,” in Advances in knowledge discovery and data mining: 24th pacific-asia conference, PAKDD 2020, Singapore (Springer), 422–434.

CrossRef Full Text | Google Scholar

Hochreiter S., Schmidhuber J. (1997). Long short-term memory. Neural Comput. 9, 1735–1780. doi:10.1162/neco.1997.9.8.1735

PubMed Abstract | CrossRef Full Text | Google Scholar

Hou Q., Jiang Z., Yuan L., Cheng M.-M., Yan S., Feng J. (2022). Vision permutator: a permutable mlp-like architecture for visual recognition. IEEE Trans. Pattern Analysis Mach. Intell. 45, 1328–1334. doi:10.1109/TPAMI.2022.3145427

CrossRef Full Text | Google Scholar

Hsiao W.-T., Kan Y.-C., Kuo C.-C., Kuo Y.-C., Chai S.-K., Lin H.-C. (2022). Hybrid-pattern recognition modeling with arrhythmia signal processing for ubiquitous health management. Sensors 22, 689. doi:10.3390/s22020689

PubMed Abstract | CrossRef Full Text | Google Scholar

Hu R., Chen J., Zhou L. (2022). A transformer-based deep neural network for arrhythmia detection using continuous ecg signals. Comput. Biol. Med. 144, 105325. doi:10.1016/j.compbiomed.2022.105325

PubMed Abstract | CrossRef Full Text | Google Scholar

Jayasekara H., Jayasundara V., Rajasegaran J., Jayasekara S., Seneviratne S., Rodrigo R. (2019). Timecaps: learning from time series data with capsule networks. arXiv preprint arXiv:1911.11800.

Google Scholar

Jiang K., Liang S., Meng L., Zhang Y., Wang P., Wang W. (2020). “A two-level attention-based sequence-to-sequence model for accurate inter-patient arrhythmia detection,” in IEEE Int. Conf. Bioinforma. Biomed. (BIBM) (IEEE), 1029–1033.

CrossRef Full Text | Google Scholar

Johnson M., Schuster M., Le Q. V., Krikun M., Wu Y., Chen Z., et al. (2017). Google’s multilingual neural machine translation system: enabling zero-shot translation. Trans. Assoc. Comput. Linguistics 5, 339–351. doi:10.1162/tacl_a_00065

CrossRef Full Text | Google Scholar

Kim M., Cao B., Mau T., Wang J. (2017). Speaker-independent silent speech recognition from flesh-point articulatory movements using an lstm neural network. IEEE/ACM Trans. audio, speech, Lang. Process. 25, 2323–2336. doi:10.1109/TASLP.2017.2758999

PubMed Abstract | CrossRef Full Text | Google Scholar

Kim N., Seo W., Kim J.-h., Choi S. Y., Park S.-M. (2023). Wavelnet: a novel convolutional neural network architecture for arrhythmia classification from electrocardiograms. Comput. Methods Programs Biomed. 231, 107375. doi:10.1016/j.cmpb.2023.107375

PubMed Abstract | CrossRef Full Text | Google Scholar

Krizhevsky A., Sutskever I., Hinton G. E. (2017). Imagenet classification with deep convolutional neural networks. Commun. ACM 60, 84–90. doi:10.1145/3065386

CrossRef Full Text | Google Scholar

LeCun Y., Bottou L., Bengio Y., Haffner P. (1998). Gradient-based learning applied to document recognition. Proc. IEEE 86, 2278–2324. doi:10.1109/5.726791

CrossRef Full Text | Google Scholar

Li T., Zhou M. (2016). Ecg classification using wavelet packet entropy and random forests. Entropy 18, 285. doi:10.3390/e18080285

CrossRef Full Text | Google Scholar

Li X., Zhang J., Chen W., Chen Y., Zhang C., Xiang W., et al. (2022). Inter-patient automated arrhythmia classification: a new approach of weight capsule and sequence to sequence combination. Comput. Methods Programs Biomed. 214, 106533. doi:10.1016/j.cmpb.2021.106533

PubMed Abstract | CrossRef Full Text | Google Scholar

Lian D., Yu Z., Sun X., Gao S. (2021). As-mlp: an axial shifted mlp architecture for vision. arXiv preprint arXiv:2107.08391.

Google Scholar

Liu H., Dai Z., So D., Le Q. V. (2021). Pay attention to mlps. Adv. Neural Inf. Process. Syst. 34, 9204–9215.

Google Scholar

Luz E. J. d. S., Schwartz W. R., Cámara-Chávez G., Menotti D. (2016). Ecg-based heartbeat classification for arrhythmia detection: a survey. Comput. methods programs Biomed. 127, 144–164. doi:10.1016/j.cmpb.2015.12.008

PubMed Abstract | CrossRef Full Text | Google Scholar

Meng L., Tan W., Ma J., Wang R., Yin X., Zhang Y. (2022). Enhancing dynamic ecg heartbeat classification with lightweight transformer model. Artif. Intell. Med. 124, 102236. doi:10.1016/j.artmed.2022.102236

PubMed Abstract | CrossRef Full Text | Google Scholar

Mondéjar-Guerra V., Novo J., Rouco J., Penedo M. G., Ortega M. (2019). Heartbeat classification fusing temporal and morphological information of ecgs via ensemble of classifiers. Biomed. Signal Process. Control 47, 41–48. doi:10.1016/j.bspc.2018.08.007

CrossRef Full Text | Google Scholar

Moody G. B., Mark R. G. (2001). The impact of the mit-bih arrhythmia database. IEEE Eng. Med. Biol. Mag. 20, 45–50. doi:10.1109/51.932724

PubMed Abstract | CrossRef Full Text | Google Scholar

Mousavi S., Afghah F. (2019). “Inter-and intra-patient ecg heartbeat classification for arrhythmia detection: a sequence to sequence deep learning approach,” in ICASSP 2019-2019 IEEE international conference on acoustics, speech and signal processing (ICASSP) (IEEE), 1308–1312.

PubMed Abstract | CrossRef Full Text | Google Scholar

Murat F., Yildirim O., Talo M., Baloglu U. B., Demir Y., Acharya U. R. (2020). Application of deep learning techniques for heartbeats detection using ecg signals-analysis and review. Comput. Biol. Med. 120, 103726. doi:10.1016/j.compbiomed.2020.103726

PubMed Abstract | CrossRef Full Text | Google Scholar

Neela T., Namburu S. (2021). Ecg signal classification using capsule neural networks. IET Netw. 10, 103–109. doi:10.1049/ntw2.12018

CrossRef Full Text | Google Scholar

Niu J., Tang Y., Sun Z., Zhang W. (2019). Inter-patient ecg classification with symbolic representations and multi-perspective convolutional neural networks. IEEE J. Biomed. health Inf. 24, 1321–1332. doi:10.1109/JBHI.2019.2942938

CrossRef Full Text | Google Scholar

Oh S. L., Ng E. Y., San Tan R., Acharya U. R. (2018). Automated diagnosis of arrhythmia using combination of cnn and lstm techniques with variable length heart beats. Comput. Biol. Med. 102, 278–287. doi:10.1016/j.compbiomed.2018.06.002

PubMed Abstract | CrossRef Full Text | Google Scholar

Parvaneh S., Rubin J., Babaeizadeh S., Xu-Wilson M. (2019). Cardiac arrhythmia detection using deep learning: a review. J. Electrocardiol. 57, S70-S74–S74. doi:10.1016/j.jelectrocard.2019.08.004

PubMed Abstract | CrossRef Full Text | Google Scholar

Petmezas G., Haris K., Stefanopoulos L., Kilintzis V., Tzavelis A., Rogers J. A., et al. (2021). Automated atrial fibrillation detection using a hybrid cnn-lstm network on imbalanced ecg datasets. Biomed. Signal Process. Control 63, 102194. doi:10.1016/j.bspc.2020.102194

CrossRef Full Text | Google Scholar

Ribeiro A. H., Ribeiro M. H., Paixão G. M., Oliveira D. M., Gomes P. R., Canazart J. A., et al. (2020). Automatic diagnosis of the 12-lead ecg using a deep neural network. Nat. Commun. 11, 1760. doi:10.1038/s41467-020-15432-4

PubMed Abstract | CrossRef Full Text | Google Scholar

Sabour S., Frosst N., Hinton G. E. (2017). Dynamic routing between capsules. Adv. neural Inf. Process. Syst. 30.

Google Scholar

Sathasivam S. (2008). “Learning in the recurrent hopfield network,” in 2008 fifth international conference on computer graphics, imaging and visualisation (IEEE), 323–328.

CrossRef Full Text | Google Scholar

Shi H., Qin C., Xiao D., Zhao L., Liu C. (2020). Automated heartbeat classification based on deep neural network with multiple input layers. Knowledge-Based Syst. 188, 105036. doi:10.1016/j.knosys.2019.105036

CrossRef Full Text | Google Scholar

Sivapalan G., Nundy K. K., Dev S., Cardiff B., John D. (2022). Annet: a lightweight neural network for ecg anomaly detection in iot edge sensors. IEEE Trans. Biomed. Circuits Syst. 16, 24–35. doi:10.1109/TBCAS.2021.3137646

PubMed Abstract | CrossRef Full Text | Google Scholar

Song E., Soong F. K., Kang H.-G. (2017). Effective spectral and excitation modeling techniques for lstm-rnn-based speech synthesis systems. IEEE/ACM Trans. Audio, Speech, Lang. Process. 25, 2152–2161. doi:10.1109/taslp.2017.2746264

CrossRef Full Text | Google Scholar

Tan J. H., Hagiwara Y., Pang W., Lim I., Oh S. L., Adam M., et al. (2018). Application of stacked convolutional and long short-term memory network for accurate identification of cad ecg signals. Comput. Biol. Med. 94, 19–26. doi:10.1016/j.compbiomed.2017.12.023

PubMed Abstract | CrossRef Full Text | Google Scholar

Tang C., Zhao Y., Wang G., Luo C., Xie W., Zeng W. (2022a). Sparse mlp for image recognition: is self-attention really necessary? Proc. AAAI Conf. Artif. Intell. 36, 2344–2351. doi:10.1609/aaai.v36i2.20133

CrossRef Full Text | Google Scholar

Tang Y., Han K., Guo J., Xu C., Li Y., Xu C., et al. (2022b). “An image patch is a wave: phase-aware vision mlp,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 10935–10944.

CrossRef Full Text | Google Scholar

Tolstikhin I. O., Houlsby N., Kolesnikov A., Beyer L., Zhai X., Unterthiner T., et al. (2021). Mlp-mixer: an all-mlp architecture for vision. Adv. neural Inf. Process. Syst. 34, 24261–24272.

Google Scholar

Valanarasu J. M. J., Patel V. M. (2022). “Unext: mlp-based rapid medical image segmentation network,” in Medical image computing and computer assisted intervention–MICCAI 2022: 25th international conference (Singapore: Springer), 23–33.

CrossRef Full Text | Google Scholar

Wang D., Liu Q. (2018). An optimization view on dynamic routing between capsules.

Google Scholar

Wang T., Lu C., Ju W., Liu C. (2022). Imbalanced heartbeat classification using easyensemble technique and global heartbeat information. Biomed. Signal Process. Control 71, 103105. doi:10.1016/j.bspc.2021.103105

CrossRef Full Text | Google Scholar

Wu H., Zhang S., Bao B., Li J., Zhang Y., Qiu D., et al. (2022). A deep neural network ensemble classifier with focal loss for automatic arrhythmia classification. J. Healthc. Eng. 2022, 9370517. doi:10.1155/2022/9370517

PubMed Abstract | CrossRef Full Text | Google Scholar

Wu Y., Schuster M., Chen Z., Le Q. V., Norouzi M., Macherey W., et al. (2016). Google’s neural machine translation system: bridging the gap between human and machine translation. arXiv preprint arXiv:1609.08144.

Google Scholar

Xia Y., Xu Y., Chen P., Zhang J., Zhang Y. (2023). Generative adversarial network with transformer generator for boosting ecg classification. Biomed. Signal Process. Control 80, 104276. doi:10.1016/j.bspc.2022.104276

CrossRef Full Text | Google Scholar

Xu P., Liu H., Xie X., Zhou S., Shu M., Wang Y. (2022). Effect analysis of lung rehabilitation training in 5A nursing mode for elderly patients with COPD based on X-ray. Comput. Math. Methods Med. 2022, 1963426. doi:10.1155/2022/1963426

PubMed Abstract | CrossRef Full Text | Google Scholar

Ye C., Kumar B. V., Coimbra M. T. (2012). Heartbeat classification using morphological and dynamic features of ecg signals. IEEE Trans. Biomed. Eng. 59, 2930–2941. doi:10.1109/TBME.2012.2213253

PubMed Abstract | CrossRef Full Text | Google Scholar

Yildirim O., Baloglu U. B., Tan R.-S., Ciaccio E. J., Acharya U. R. (2019). A new approach for arrhythmia classification using deep coded features and lstm networks. Comput. methods programs Biomed. 176, 121–133. doi:10.1016/j.cmpb.2019.05.004

PubMed Abstract | CrossRef Full Text | Google Scholar

Yu T., Li X., Cai Y., Sun M., Li P. (2022). “S2-mlp: spatial-shift mlp architecture for vision,” in Proceedings of the IEEE/CVF winter conference on applications of computer vision, 297–306.

Google Scholar

Zhang Z., Dong J., Luo X., Choi K.-S., Wu X. (2014). Heartbeat classification using disease-specific feature selection. Comput. Biol. Med. 46, 79–89. doi:10.1016/j.compbiomed.2013.11.019

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhao H., Wei G., Hu C., Liu Q. (2021). “Research on online non-intrusive load identification system based on multi-threaded cusum-mlp algorithm,” in 2021 IEEE sensors (IEEE), 1–4.

CrossRef Full Text | Google Scholar

Zhu W., Ma G., Zheng L., Chen Y., Qiu L., Wang L. (2022). Inter-patient arrhythmia identification method with rr-intervals and convolutional neural networks. Physiol. Meas. 43, 035003. doi:10.1088/1361-6579/ac58de

CrossRef Full Text | Google Scholar

Keywords: arrhythmia classification, multilayer perceptron, weight capsule, MIT-BIH, deep learning

Citation: Zhou C, Li X, Feng F, Zhang J, Lyu H, Wu W, Tang X, Luo B, Li D, Xiang W and Yao D (2023) Inter-patient ECG heartbeat classification for arrhythmia classification: a new approach of multi-layer perceptron with weight capsule and sequence-to-sequence combination. Front. Physiol. 14:1247587. doi: 10.3389/fphys.2023.1247587

Received: 26 June 2023; Accepted: 07 September 2023;
Published: 28 September 2023.

Edited by:

Juan Pablo Martínez, University of Zaragoza, Spain

Reviewed by:

Mariano Llamedo, Buenos Aires Regional National Technological University, Argentina
Antonio Miguel, University of Zaragoza, Spain

Copyright © 2023 Zhou, Li, Feng, Zhang, Lyu, Wu, Tang, Luo, Li, Xiang and Yao. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Wei Xiang, 21500068@swun.edu.cn; Dong Li, dongli@wchscu.cn

These authors have contributed equally to this work and share first authorship

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.