Next Article in Journal
SERS-Based Microneedle Biosensor for In Situ and Sensitive Detection of Tyrosinase
Previous Article in Journal
PCR Independent Strategy-Based Biosensors for RNA Detection
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Smartphone-Based M-Health Monitoring System for Arrhythmia Diagnosis

School of Software Enginerring, Beijing Jiaotong University, Beijing 100044, China
*
Author to whom correspondence should be addressed.
Biosensors 2024, 14(4), 201; https://doi.org/10.3390/bios14040201
Submission received: 2 February 2024 / Revised: 28 February 2024 / Accepted: 16 April 2024 / Published: 18 April 2024
(This article belongs to the Section Biosensors and Healthcare)

Abstract

:
Deep learning technology has been widely adopted in the research of automatic arrhythmia detection. However, there are several limitations in existing diagnostic models, e.g., difficulties in extracting temporal information from long-term ECG signals, a plethora of parameters, and sluggish operation speed. Additionally, the diagnosis performance of arrhythmia is prone to mistakes from signal noise. This paper proposes a smartphone-based m-health system for arrhythmia diagnosis. First, we design a cycle-GAN-based ECG denoising model which takes real-world noise signals as input and aims to produce clean ECG signals. In order to train its two generators and two discriminators simultaneously, we explore an unsupervised pre-training strategy to initialize the generator and accelerate the convergence speed during training. Second, we propose an arrhythmia diagnosis model based on the time convolution network (TCN). This model can identify 34 common arrhythmia events using eight-lead ECG signals, and we deploy such a model on the Android platform to develop an at-home ECG monitoring system. Experimental results have demonstrated that our approach outperforms the existing noise reduction methods and arrhythmia diagnosis models in terms of denoising effect, recognition accuracy, model size, and operation speed, making it more suitable for deployment on mobile devices for m-health monitoring services.

1. Introduction

Cardiovascular disease has become a major global health threat, with sudden cardiac death being a significant cause of mortality. According to the World Heart Federation (WHF) World Heart Report 2023 [1], the number of deaths from cardiovascular disease increased from 12.1 million in 1990 to 18.6 million in 2019. In 2021, approximately 20.5 million people died from cardiovascular disease, accounting for about one-third of total global deaths. Arrhythmia, a common cardiovascular disease caused by abnormal cardiac electrical conduction, poses significant risks to human health. Even benign arrhythmias also indicate that the body’s heartbeat is irregular and may be potentially risky. Therefore, heart beat monitoring serves as a significant reminder for patients.
Given the increasing significance of cardiovascular health, real-time and continuous heart monitoring is imperative to avert potential accidents when individuals encounter cardiovascular diseases or related symptoms. Electrocardiogram (ECG) emerges as a safe, reliable, and noninvasive diagnostic method extensively employed in the clinical diagnosis and treatment of arrhythmia [2,3,4]. Nevertheless, the specialized medical knowledge required for arrhythmia diagnosis heavily relies on manual assessments, which are time-consuming and labor-intensive.
Currently, deep learning methods, such as convolutional neural networks (CNNs) [5] and recurrent neural networks (RNNs) [6], are widely employed for arrhythmia detection [7,8,9,10]. However, existing arrhythmia diagnosis models have certain limitations. CNN-based models always struggle to extract the time series features in ECG signals, which reflect the rhythm and regularity of cardiac activity which are crucial for arrhythmia diagnosis. While RNN-based models partially address this issue, their large number of parameters and inability to perform parallel operations make them unsuitable for mobile deployment. Therefore, developing an arrhythmia diagnosis model with high recognition accuracy, small model size, fast operation speed, and suitability for mobile terminal deployment is of great significance for the development of ECG monitoring at home.
Furthermore, unlike professional medical equipment, wearable m-health sensors are susceptible to various factors during data collection and transmission, resulting in noisy ECG signals. Such noise directly affects the accuracy of arrhythmia diagnosis. Existing ECG signal denoising methods are designed for specific types of analog noise, but real-world environments produce much complex noise. Consequently, effectively separating clean ECG signals from noisy sensory readings poses another challenge in this study.
This paper concentrates on designing and implementing an m-health system for ECG monitoring. Our contributions include:
  • We propose an ECG denoising model based on cycle-GAN [11] to mitigate the impact of noise on arrhythmia diagnosis. The model employs a denoising autoencoder (DAE) structure as the generator, which enhances the noise reduction performance by adding analog noise to input signals. Experimental results have demonstrated that our approach outperforms the existing noise reduction methods.
  • We devise an arrhythmia diagnosis model based on a time convolution network (TCN) to identify 34 common arrhythmia events [12] using eight-lead ECG signals. The model extracts effective healthcare features through two-dimensional convolution layers and parallel TCN modules and captures temporal information during long-term sequences. Experimental results have indicated that our approach surpasses existing arrhythmia diagnosis models in terms of recognition accuracy, model size, and operation speed.
This paper is organized as follows: Section 2 describes related work, Section 3 introduces our ECG noise reduction algorithm, Section 4 presents our arrhythmia diagnosis algorithm, Section 5 provides evaluation results, and Section 6 concludes the research.

2. Related Work

Traditional ECG signal denoising methods include adaptive filtering [13], empirical mode decomposition (EMD) [14,15], wavelet transform [16,17], and FIR filtering [18]. Among them, Rahman et al. [13] proposed a method using an adaptive filter based on error normalization to reduce ECG signal noise. This filter does not require a multiplier in the weight update process and exhibits good computational performance. Kabir et al. [14] proposed a windowing method integrated with EMD to remove noise from the initial intrinsic mode function (IMF). By performing windowing in the EMD domain, this method effectively reduces IMF noise while preserving the QRS complex, resulting in a cleaner ECG signal.
With the continuous development and maturation of deep learning technology, ECG signal denoising methods based on deep learning have also emerged [19,20,21,22,23,24]. These methods eliminate the need to distinguish noise types and can effectively remove noisy data. Among them, Qian Wei et al. [19] proposed a multi-layer noise reduction self-encoder method for ECG signal denoising. Peng et al. [20] introduced the use of stacked compression noise reduction self-encoders (CDAE) and an improved version of noise reduction self-encoder DAE to remove noise data from ECG signals.
Common traditional arrhythmia diagnosis methods include support vector machines (SVMs) [25], the k-nearest neighbor (KNN) algorithm [26], principal component analysis (PCA) [27], etc. Although these methods enable the automatic diagnosis of arrhythmia, they require manual feature extraction from ECG signals. Due to the temporal nature of ECG signals, many researchers have focused on using recurrent neural networks (RNNs) to extract ECG characteristics. The most commonly used RNNs are long short-term memory (LSTM) networks and gated recurrent units (GRUs). For instance, Georgios et al. [28] proposed a hybrid network composed of a CNN and LSTM for detecting atrial fibrillation. T. M. Ingolfsson et al. [29] presented an arrhythmia diagnosis algorithm based on the time convolution network (TCN) [30]. Shorda [31] utilized a CNN and bidirectional LSTM based on a residual network for arrhythmia classification. Cui Kaixing [32] and Hu Lin [33] constructed arrhythmia diagnosis models based on a CNN and LSTM.
Existing ECG monitoring systems have certain limitations. Firstly, most systems only collect single-channel or dual-channel ECG signals, neglecting the use of full-lead ECG signals, which limits the captured ECG information. Refs. [34,35] show that the 12-lead electrocardiogram (ECG) is a common method of recording the electrical activity of the heart, which uses multiple electrodes in different locations to record the heart’s electrical signals. In contrast, the single-lead ECG uses only one electrode to record the heart’s electrical activity. Obviously, doctors are able to observe the heart’s electrical activity in different directions at the same time with 12-lead ECGs, thus obtaining more comprehensive information, which helps them make more accurate diagnoses and treatments for heart lesions. Since the 12-lead ECG signals in III-lead, AVR-lead, AVL-lead, and AVF-lead can be derived from the other leads with linear operations, we select the 8-lead ECG signals to use in this paper. Secondly, some systems fail to consider the impact of ECG signal quality on diagnosis results. Household ECG sensors are susceptible to environmental interference and may collect noisy signals. Noisy ECG signals can adversely affect the diagnosis results of algorithms. Thus, a noise reduction strategy is necessary to improve signal quality and ensure reliable diagnosis results.

3. ECG Denoising Algorithm

This section introduces our ECG denoising algorithm. ECG signals reflect a person’s heart activity in a specific state, making it challenging to collect corresponding clean and noisy ECG data simultaneously. Current solutions involve manually adding simulated noise, but the limited types of simulated noise significantly differ from real-world noise.
To address this, we propose a cycle-GAN-based ECG signal denoising model, using noise from a real-world environment as input and aiming to produce clean ECG signals (shown in Figure 1). Two generators facilitate the conversion between noise and clean signals without requiring matching relationships in training data. Additionally, the generator is based on a denoising autoencoder (DAE) [36] to enhance noise reduction performance and model robustness by incorporating simulated noise into the real noise signal. Next, we delineate the comprehensive architecture of the denoising model, encompassing the structures of both the generator and discriminator.
The ECG signal denoising model specially trains two generators and two discriminators simultaneously to perform the conversion between noise signals and clean signals. The denoising generator  ( Gen _ N 2 C )  converts noise signals into clean signals, while the reverse generator  ( Gen _ C 2 N )  converts clean signals back into noise signals. The discriminator  ( Dis _ N 2 C )  and the discriminator  ( Dis _ C 2 N )  are used to judge whether the data generated by the two generators are close to the real data distribution. Through this cycle, the capabilities of the generators and discriminators are significantly improved, and finally it enhances the effectiveness of denoising.
The entire conversion process mainly includes four stages: adversarial training, reverse generation, cycle consistency training, and identity constraint training. In particular, adversarial training refers to the adversarial process between the generator and discriminator; reverse generation refers to the fact that the inputs and target outputs of the denoising generator  ( Gen _ N 2 C )  and the reverse generator  ( Gen _ C 2 N )  are opposite; cycle consistency training refers to the fact that the main content of the noise data remains unchanged after one cycle of conversion; and identity constraint training refers to the fact that the effective data is not affected after the noise-carrying signal is denoised.
In the ECG signal denoising model, the denoising generator  ( Gen _ N 2 C )  and the reverse generator  ( Gen _ C 2 N )  have the same structure, both based on a denoising auto-encoder. Each generator includes an encoder and a decoder. The encoder encodes the input signal, extracts high-dimensional features, and the decoder reconstructs the data, mapping the feature values to the same dimension as the input signal. The specific structure of the generator is shown in Figure 2.
As depicted in Figure 2, the generator adopts a five-layer noise reduction self-encoder structure. The encoder component comprises five lower sampling blocks, while the decoder component consists of five upper sampling blocks. Each subsampling block is constructed with a one-dimensional convolution layer (‘conv1d’), a regularization layer (‘instancenorm1d’), and an activation function layer (‘tanh’). Similarly, each upsampling block is comprised of a one-dimensional deconvolution layer (‘convtranspose1d’), a regularization layer (‘instancenorm1d’), and an activation function layer (‘tanh’). The detailed structures of the lower sampling block and the upper sampling block are illustrated in Figure 3.
Corresponding to the generator, the structure of the two discriminators is identical. Each discriminator is constructed with five subsampling blocks and one one-dimensional convolution layer. The detailed structure is illustrated in Figure 4.
The total loss value comprises three components: the adversarial loss, the cycle consistency loss, and the identity loss. We present the calculation of loss function in Equation (1), i.e.,
L o s s = L o s s G A N + α L o s s c y c l e + β L o s s i d e n t i t y
In particular,  L o s s G A N  represents the adversarial loss and serves to assess the generation and discrimination capabilities of the generators and discriminators during the adversarial evolution. The objective of employing adversarial loss is to minimize the disparity between the distribution of real samples and the distribution of generated samples. This facilitates the generator in producing more authentic and clean ECG signals, while enabling the discriminator to more effectively distinguish real samples from the generated ones. Equation (2) presents its definition, i.e.,
L o s s G A N = L o s s G A N ( G N 2 C , D N 2 C , N , C ) + L o s s G A N ( G C 2 N , D C 2 N , C , N ) = E n P d a t a ( n ) [ log D N 2 C ( n ) ] + E C P d a t a ( c ) [ log ( 1 D N 2 C ( G N 2 C ( c ) ) ) ] + E c P d a t a ( c ) [ log D C 2 N ( c ) ] + E n P d a t a ( n ) [ log ( 1 D C 2 N ( G C 2 N ( n ) ) ) ]
L o s s c y c l e  refers to the loss of cycle consistency, which is used to measure the difference between the data after two conversions and the original data. Its function is to maintain the consistency of the data during the cycle, that is, to ensure that the semantics and main contents of the original data remain unchanged after the ECG signal is denoised and re-converted, as Equation (3) shows:
L o s s c y c l e = E n P d a t a ( n ) G C 2 N ( G N 2 C ( n ) ) n 1 + E C P d a t a ( c ) G N 2 C ( G C 2 N ( c ) ) c 1
Finally,  L o s s i d e n t i t y  represents the identity loss. Its primary function is to ensure that the generator does not alter the main characteristics of the input image. In other words, it aims to minimize the difference between the input and output of the generator, ensuring that the generated signal retains authenticity and preserves essential information. Equation (4) presents its definition:
L o s s i d e n t i t y = E n P d a t a ( n ) G C 2 N ( n ) n 1 + E C P d a t a ( c ) G C 2 N ( c ) c 1
In Equations (2)–(4),  G N 2 C  and  G C 2 N  represent the noise reduction generator and reverse generator, respectively,  D N 2 C  and  D C 2 N  represent corresponding discriminators, N represents the noise signal data distribution, C represents the clean signal data distribution, n represents the noise signal sample, and c represents the clean signal sample.

4. Arrhythmia Detection

Presently, the most widely employed and fundamental method for examining heart diseases involves the use of the 12-lead ECG signal. It encapsulates a wealth of information related to the state of cardiac activity, serving as a crucial reference for the clinical diagnosis and treatment of cardiac morphology, heartbeat rhythm, and arrhythmia. Analyzing the waveform of the 12-lead ECG allows for a more accurate judgment of cardiac activity abnormalities.
The core of the arrhythmia diagnosis algorithm lies in automatically detecting abnormalities in the ECG waveform based on the input ECG signals. Since each input ECG sample may correspond to one or more arrhythmia events, the diagnosis algorithm should be conceptualized as a supervised multi-label classification task.
We design our model to identify various arrhythmia events, including sinus tachycardia, sinus bradycardia, sinus arrhythmia, and so forth. Figure 5 shows the comprehensive structure of the model. In particular, the network structure can be broadly categorized into four parts from top to bottom, i.e., the input layer, two-dimensional convolution and residual network layer, time convolution layer, and output layer. Referring to [37], we set the convolution kernel size to 50.
The dilated causal convolution layer in the TCN block is a crucial structure to extract temporal features. Causal convolution ensures that the operation at time t only uses the information before that time, as shown in Equation (5). In other words, there is no information leakage during the operation, which is consistent with the generation order of ECG sequence.
p ( x ) = t = 1 T p ( X t | X 1 , , X t 1 )
In contrast to the regular convolution operation, dilation convolution employs a sparse sampling method that enhances a large receptive field. Equation (6) calculates the receptive field size in dilation convolution:
f i e l d = ( k 1 ) × d × n + 1
where  f i e l d  is the size of receptive field, K is the size of convolution kernel, D is the expansion factor of operation, and N is the number of expansion causal convolution layers in the TCN block. In our model, three parallel TCN structures carry convolution kernels with lengths of 3, 5 and 7. The expansion factors of the three TCN blocks in each TCN structure are set as 1, 2 and 4, and the number of expansion causal convolution layers in the TCN blocks is two.
Thus, the receptive field size of a TCN structure with a convolutional kernel length of 3 is 29; with a kernel length of 5, the receptive field size is 57; and with a kernel length of 7, the receptive field size is 85. We conclude that in our model, the TCN structures in parallel have a maximum receptive field of 85. Furthermore, features within a distance of 57 and 29 from the current feature will be repeatedly captured, effectively increasing their weight in the final classification.
Figure 6 illustrates the operation of the TCN structure with a convolutional kernel size of 3. The same concept applies when the kernel size is 5 or 7.
In addition, the output layer of our model consists of three parallel average pooling layers and a fully connected layer (Figure 7). The high-dimensional features extracted by the TCN layer first undergo initial processing through the average pooling layer, which downsamples the high-dimensional features and reduces data dimensionality while preserving key feature information. Subsequently, such features are connected, fused, and fed into the fully connected layer. The output length of the fully connected layer is 34, equivalent to a linear classifier.

5. Evaluation

A.
Methodology
Dataset: we use two large-scale public datasets to train and test our model, including:
  • Alibaba Tianchi Dataset: This data set comes from the Engineering Research Centre of the Education Ministry of Mobile Health Management System, Hangzhou Normal University, and it contains a total of 40,000 real medical electrocardiogram samples, which are taken from patients of different age groups and genders.
  • CPSC2020 Dataset [38]: This data set was collected from wearable ECG signal recording devices and contains ECG data from 10 patients with cardiovascular diseases, with each record lasting for about 24 h.
From Figure 8, it is evident that, similar to the traditional architecture of IoT platforms, the overall structure of the smart home ECG monitoring system is divided into three layers: the perception layer, the transmission layer, and the application layer.
The perception layer, positioned at the bottom of the system architecture, plays a critical role in information collection. It can be likened to the “skin and senses” of the IoT, and commonly used devices in the perception layer include card readers, cameras, and sensors. In the context of this system, the perception layer refers to the ECG sensor, responsible for capturing the electrical signals generated by human heart activity. These ECG signals are then transmitted to the application layer through the transmission layer for processing and utilization.
The transmission layer functions as the channel for data transmission, employing specific data transmission protocols and wireless communication technologies. Given that the transmission layer in this system is intended for the short-range data transmission of wearable ECG sensors, low-power Bluetooth communication technology is adopted. Additionally, the data transmission protocol used is the anonymous host protocol, which will be elucidated in subsequent sections of this chapter.
The application layer, also known as the processing layer, constitutes the top layer of the three-layer IoT architecture. It interfaces directly with users, providing services tailored to their needs. Serving as the bridge between the IoT system and users, the application layer closely integrates with user requirements and primarily addresses information processing, data management, and human–computer interaction. In this system, the application layer is further divided into three sub-layers: the data persistence layer, the service layer, and the visualization interface layer. The data persistence layer stores long-term data in the SQLite database provided by the Android system, supporting the service layer. The service layer implements business requirements and provides services to the interface layer. The visualization interface layer serves as an interface for direct interaction with users. The specific implementation of arrhythmia diagnosis is depicted in Figure 9.
B.
Mobile Deployment
Before applying the noise reduction model, three essential steps are undertaken: model format conversion, model deployment, and model loading. Now, each step is described in detail:
  • Model format conversion: The network model trained in the Python 3.8.8 environment is generally in.pth format. However, the network model supported by Android is in the .pt format. Therefore, it is necessary to use the pytorch Library in the Python environment for model format conversion. First, read the trained model into memory, and then use the method  optimizer _ for _ mobile  in the package torch.util.mobile_optimizer to converse and save the model in the .pt format.
  • Mobile deployment: Mobile terminal deployment refers to the deployment of the model to the Android terminal intelligent ECG monitoring system. First, create a new assets folder in the application directory and put the format converted model into this directory. The assets directory in Android project is specially used to save various external files. The application will not process the files in this directory when compiling but will package them into. Apk files, so it is more suitable for storing model files.
  • Model loading and Application: Before applying the model, the file needs to be loaded from the assets directory into memory. Then, use the load method in the Module class of the pytorch_android library to read the model and save the loaded model as a Module-type object. Finally, call the forward() method of the model object to complete inference.
C.
Test of ECG Denoising Algorithm
This article records the changes in the loss values and their components during the model training process, including the total loss (loss), generator loss (loss_G), discriminator loss (loss_D), cycle consistency loss (loss_cycle), and identity loss (loss_identity). The changes in each loss are shown in Figure 10.
From the above figure, the following observations can be made:
-
The top-left position in Figure 10 represents the variation in the total loss.
-
The top-right position in Figure 10 shows the trends in cycle consistency loss and identity loss. In the early stages of model training, these losses rapidly decrease and gradually converge as the training progresses. Due to pre-training of the generator, the identity loss is initially smaller than the cycle consistency loss, but their trends are similar. Additionally, since these two losses have a significant impact on the total loss, the overall trend of the total loss aligns with them.
-
The bottom-left and bottom-right positions in Figure 10 represent the variations in generator and discriminator losses, respectively. Due to pre-training, the generator performs better than the discriminator in the initial stages, with lower loss values and faster reduction. During the model training process, both the generator and discriminator losses exhibit significant fluctuations, showing a fluctuating pattern. As the training progresses, the generator loss stabilizes around 0.3, while the discriminator loss stabilizes around 0.7.
To verify the impact of using a pre-training strategy to initialize generator parameters in the denoising model for electrocardiogram signals, this study conducted three sets of comparative experiments. The generator parameters were initialized using random parameter initialization, normal distribution parameter initialization, and pre-training methods, respectively, and the change in total loss during model training was observed. The results of the comparisons are shown in Figure 11.
The three curves in the figure correspond to the three initialization strategies, with the bottom curve representing the loss change curve when using the pre-training method to initialize generator parameters. Comparing it with the other two curves, we can observe that when the pre-training method is used for parameter initialization, the initial value of the loss function is the smallest. The loss descends, and the model converges at the fastest rate, with the final loss value slightly smaller than the other two initialization strategies.
D.
Test of System Performance
Firstly, we test the noise reduction performance of the ECG signal. To verify the denoising performance of the model, this study first added Gaussian white noise and baseline drift simulated noise signals to clean electrocardiogram signals. Such noise is consistent with the the practical noise. Although such training data is noisy, our model still works effectively with impulse noise.
Then, the proposed model was compared with commonly used traditional denoising methods, including FIR filtering [18], wavelet denoising [17], and deep learning-based denoising methods such as DeepFilter [21] and GAN [22] to denoise the noisy signals, and the denoising effects were compared. The comparison results are shown in Figure 12.
In addition, to quantitatively evaluate the denoising effects and performance of the model, this study calculated the signal-to-noise ratio (SNR) and mean square error (MSE) of the signals after denoising with different methods. SNR represents the ratio of the useful signal to the noise in the electrocardiogram signals. A higher SNR value indicates better signal quality. When the noise signal dominates, the  S N R  value may be negative. The specific definition of the  S N R  is shown in Equation (7).
S N R = 10 l g i = 1 n X ( i ) 2 [ X ( i ) Y ( i ) ] 2
In the equations, X represents the clean electrocardiogram signal, and Y represents the denoised electrocardiogram signal.  M S E  refers to the difference between the denoised signal and the clean signal. A smaller  M S E  value indicates that the denoised signal is closer to the clean electrocardiogram signal, indicating a better denoising effect. The specific definition of MSE is shown in Equation (8).
M S E = 1 n i = 1 n [ X ( i ) Y ( i ) ] 2
In the equations, X represents the clean electrocardiogram signal, and Y represents the denoised electrocardiogram signal. The  S N R  and  M S E  values of different denoising models are shown in Table 1. From the data in the table, we can see that the proposed model has the highest  S N R  value and the lowest  M S E  value, indicating that its denoising performance is better than other denoising methods. Combined with the denoising effect graphs in Figure 12, it can be seen that FIR filtering and GAN [39] methods do not completely remove high-frequency noise. Wavelet denoising effectively removes high-frequency noise but cannot remove baseline drift noise, resulting in the lowest  S N R  value compared to the clean signal. After DeepFilter denoising, the peak position changes significantly, which may have a significant impact on the diagnostic results.
In addition, considering that the model needs to be deployed on mobile devices [7], this study compared the denoising time of different denoising methods to evaluate the real-time performance of the model. The comparison results are shown in Table 2.
From Table 2, we can see that the proposed model has the shortest denoising time. Traditional denoising methods such as FIR filtering and wavelet denoising take much longer than deep learning-based denoising methods. This is because deep learning-based methods only need to use a trained network model to complete signal denoising with one forward pass, while traditional denoising methods have a more complex computation process. In addition, the DeepFilter network has more layers and takes longer to run than the proposed model. The generator in the GAN method is an eight-layer autoencoder structure, while the proposed model is a five-layer structure. Therefore, the denoising time of the GAN method is slightly longer than that of the proposed model.
Secondly, we test the arrhythmia diagnosis algorithm. As shown in Figure 13, the number of sample data of different categories in the training data set varies greatly, and the data distribution is very uneven. The samples of some common arrhythmia categories account for a large proportion in the data set, such as sinus bradycardia, sinus tachycardia, or T wave changes. The samples of some less common arrhythmia categories in clinical practice account for a small proportion in the data set, such as QRS low voltage pacing heart rate, non-specific ST segment abnormalities, etc.
To enhance the diagnostic model’s ability to identify abnormal cases comprehensively, all data were retained during the training process. However, due to significant disparities in the sample sizes across different categories, this study employed the weighted loss function BCEWithLogitsLoss as the model’s training loss function. Different weights were assigned to the loss for each category to address the issue of uneven sample distribution. The weight for each category is proportional to that category’s data in the dataset. The calculation method for the weighted loss is presented in Equation (9).
l o s s n = w n [ y n · l o g x n + ( 1 y n ) · l o g ( 1 x n ) ]
In the equation, xn represents the predicted value, yn represents the true value, and wn represents the class weight.
To validate the impact of the loss function on the model’s accuracy, this study trained the model using three different loss functions, BCEWithLogitsLoss, FocalLoss, and MSELoss, and monitored the changes in the model’s accuracy. As shown in the comparison results in Figure 14, when training the model using the weighted loss function BCEWithLogitsLoss, the model achieved the highest diagnostic accuracy. This indicates that using BCEWithLogitsLoss can effectively address the problem of imbalanced class distribution in the training dataset and improve the accuracy of the model.
The time convolution network’s TCN layer serves as the cornerstone of the feature extraction module within the proposed arrhythmia diagnosis model. It holds the utmost significance in influencing the model’s performance. This paper explores the optimal performance of the model by adjusting the structure and parameters of the TCN layer. Refer to Table 3 for details of the model settings during the exploration process.
See Figure 15 for model performance under different network structures and parameter settings.
From the comparison results, we can see that when three parallel TCN structures are used for feature extraction, the convolution kernel size is set to 3, 5, and 7 and the expansion factor is set to 1, 2 and 4, the model performance is the best. When a single TCN structure is used for feature extraction, the performance of the model becomes better as the convolution kernel becomes larger. The parallel TCN structure can greatly improve the performance of the model. On the basis of the parallel TCN structure, when the receptive field is increased by increasing the expansion factor, the performance of the model becomes slightly worse, which may be caused by the excessive number of holes introduced in the process of feature calculation.
Related works [40,41,42,43,44,45,46,47,48,49,50] and other works have shown that ResNet18 [51], SE-ECGNet [52] and ECGNet [53] are three models commonly used in the field of ECG signal detection. This paper compares the performance of the proposed model with three commonly used deep learning models for arrhythmia classification from several dimensions, including model prediction accuracy, recall rate, and F1 score. In particular, ResNet18 is based on residual connections, SE-ECGNet is based on the convolutional neural network (CNN), and ECGNet is based on the long short-term memory (LSTM) network. The mainstream solutions [37,51,54] and other works are all similarly deployed on the basis of these. The performance comparison results are shown in Figure 16.
From Figure 16, we can see that the proposed TCN-based arrhythmia diagnosis model has the best performance, outperforming the other three models in terms of model accuracy, recall rate, and F1 score. Among them, ResNet18 has the poorest performance, which may be due to the large number of sample points contained in the ECG data and the long-term sequence dependency of the data, resulting in limited ability of the network to extract temporal features. The SE-ECGNet model based on CNN extracts features using parallel two-dimensional convolution blocks and one-dimensional convolution blocks, gradually reducing the kernel size to extract features from different ranges. With a wider feature extraction range, it has better performance than ResNet18. The ECGNet model based on LSTM has slightly worse performance than SE-ECGNet, with a hidden state size of 128 and a hidden layer depth of two. The reason for the slightly poorer performance may be information loss during forward propagation, resulting in the LSTM not capturing sufficiently long ECG signal features.
In addition, considering the need for mobile deployment of the model, this article compares the model from two dimensions: model size and computational speed, as shown in Figure 17.
The comparison results in Figure 17 reveal that our proposed arrhythmia diagnosis model is approximately one-third the size of SE-ECGNet and ECGNet. Additionally, in terms of computational speed, SE-ECGNet requires about 8 minutes for one round of training. Although ECGNet has a smaller scale as SE-ECGNet, its computation time is the longest due to the inability to perform parallel computations in the LSTM layer. In contrast, our proposed model demonstrates the shortest training time compared to other models. Based on these findings, we can conclude that the TCN-based arrhythmia diagnosis model is the most suitable for deployment on mobile devices, taking into account both model size and computational speed.

6. Conclusions

In summary, we propose a model for diagnosing arrhythmia that accurately identifies multiple common arrhythmia events and is well suited for deployment on mobile devices. Additionally, we introduce a denoising model for ECG signals to reduce the impact of noise and enhance system robustness, effectively removing mixed noise from ECG signals. Currently, our system meets the basic requirements of ECG signal acquisition and arrhythmia diagnosis in a home environment. However, our system design is not yet perfect, and there are several areas for improvement and optimization in the future:
-
Conducting in-depth research on arrhythmia diagnosis algorithms: This involves incorporating information fusion methods to enhance the accuracy and reliability of the arrhythmia diagnosis.
-
Performing dynamic training and optimization of the arrhythmia diagnosis model: Continuously refining and updating the model through dynamic training to adapt to evolving conditions and improve overall performance.
-
Further expanding and optimizing the functionality of the system: Exploring additional features and functionalities to enhance the overall capabilities of the system, making it more comprehensive and user-friendly.
These areas of improvement and optimization will contribute to the ongoing refinement and advancement of our ECG monitoring system for home environments.

Author Contributions

Conceptualization, J.L. and M.Z.; methodology, J.L.; software, M.Z.; validation, H.L.; data curation, J.L., M.Z. and H.L.; writing—original draft preparation, J.L. and H.L.; writing—review and editing, D.T. and R.G.; supervision, R.G.; project administration, R.G. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by Beijing Nova Program and Beijing NSF Grant L221003.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. World Heart Federation. World Heart Report 2023: Confronting the World’s Number One Killer; Report; World Heart Federation: Geneva, Switzerland, 2023. [Google Scholar]
  2. Wu, Z.; Zeng, L.; Zhong, Z.; Luo, T. Clinical Effect of Dynamic Electrocardiogram Application in Diagnosis of Arrhythmia in Patients with Coronary Heart Disease. J. Intell. Health 2023, 9, 10–14. [Google Scholar] [CrossRef]
  3. Liu, C.; Zhang, S.; Xie, G. Correlation between Heart Rate Variability of Dynamic Electrocardiogram and Prognosis after Percutaneous Coronary Intervention in Patients with Coronary Heart Disease. West China Med. J. 2023, 35, 1647–1651+1656. [Google Scholar]
  4. Wang, B. Study on the Relationship between 24-hour Dynamic Electrocardiogram and Malignant Arrhythmia Complicated with Acute Myocardial Infarction. Harbin Med. J. 2023, 43, 69–70. [Google Scholar]
  5. Yuan, C.; Liu, Z.; Wang, C.; Yang, F. Research on Classification of Electrocardiogram Signals Based on CNN-BiLSTM-Attention Neural Network. Computer and Digital Engineering. 2022, 50, 2478–2484. [Google Scholar]
  6. Li, F.; Wang, Z. Research on Abnormal Detection of Electrocardiogram Signals Based on RNN. J. Intell. Health 2018, 4, 5–8. [Google Scholar] [CrossRef]
  7. Serhani, M.A.; El Kassabi, T.; Ismail, H.; Nujum Navaz, A. ECG Monitoring Systems: Review, Architecture, Processes, and Key Challenges. Sensors 2020, 20, 1796. [Google Scholar] [CrossRef]
  8. Al Hemairy, M.; Serhani, M.; Amin, S.; Alahmad, M. A Comprehensive Framework for Elderly Healthcare Monitoring in Smart Environment. In Technology for Smart Futures; Springer: Berlin/Heidelberg, Germany, 2018; Volume 6, pp. 113–140. [Google Scholar]
  9. Mena, L.J.; Félix, V.G.; Ochoa, A.; Ostos, R.; González, E.; Aspuru, J.; Velarde, P.; Maestre, G.E. Mobile Personal Health Monitoring for Automated Classification of Electrocardiogram Signals in Elderly. Comput. Math. Methods Med. 2018, 2018, 9128054. [Google Scholar] [CrossRef] [PubMed]
  10. Morak, J.; Kumpusch, H.; Hayn, D.; Leitner, M.; Scherr, D.; Fruhwald, F.M.; Schreier, G. Near Field Communication-based telemonitoring with integrated ECG recordings. Appl. Clin. Inform. 2011, 2, 481–498. [Google Scholar]
  11. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired Image-to-Image Translation Using Cycle-Consistent Adversarial Networks. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; IEEE: Venice, Italy, 2017; pp. 2223–2232. [Google Scholar]
  12. AHA/ASA. Heart Attack and Stroke Symptoms. Available online: https://www.heart.org/en/health-topics/arrhythmia/about-arrhythmia (accessed on 27 February 2024).
  13. Rahman, M.Z.U.; Shaik, R.A.; Reddy, D.V.R.K. Efficient and Simplified Adaptive Noise Cancelers for ECG Sensor Based Remote Health Monitoring. IEEE Sens. J. 2012, 12, 566–573. [Google Scholar] [CrossRef]
  14. Kabir, M.A.; Shahnaz, C. Denoising of ECG signals based on noise reduction algorithms in EMD and wavelet domains. Biomed. Signal Process. Control 2012, 7, 481–489. [Google Scholar] [CrossRef]
  15. Fu, L. Adaptive Noise Reduction Method for ECG Signals and Its Application Research. Master’s Thesis, Anhui University of Engineering, Anhui, China, 2020. [Google Scholar]
  16. Chen, J. Research on the Classification of ECG Signals Based on Machine Learning. Master’s Thesis, Xi’an University of Posts and Telecommunications, Xi’an, China, 2022. [Google Scholar]
  17. Wu, Y.; Xing, H.; Li, J.; Zhang, Y.; Duan, R. Improved wavelet denoising algorithm with modified threshold function. J. Electron. Meas. Instrum. 2022, 36, 9–16. [Google Scholar]
  18. Karnewar, J.S.; Sarode, M.V.; Karnewar, J.S. The combined effect of median and FIR filter in pre-processing of ECG signal using MATLAB. In Proceedings of the Foundation of Computer Science, Berkeley, CA, USA, 26–29 October 2013; pp. 30–33. [Google Scholar]
  19. Qian, W.; Zheng, W.; Xu, W.; Liu, J. Denoising algorithm for ECG signals using multilayer denoising autoencoder. Comput. Digit. Eng. 2021, 49, 1957–1962. [Google Scholar]
  20. Peng, X.; Wang, H.; Liu, M.; Lin, F.; Hou, Z.; Liu, X. A stacked contractive denoising auto-encoder for ECG signal denoising. Physiol. Meas. 2016, 37, 2214–2230. [Google Scholar]
  21. Romero, F.P.; Piñol, D.C.; Vázquez-Seisdedos, C.R. DeepFilter: An ECG baseline wander removal filter using deep learning techniques. Biomed. Signal Process. Control 2021, 70, 102992. [Google Scholar] [CrossRef]
  22. Singh, P.; Pradhan, G. A New ECG Denoising Framework Using Generative Adversarial Network. IEEE/ACM Trans. Comput. Biol. Bioinform. 2021, 18, 759–764. [Google Scholar] [CrossRef] [PubMed]
  23. Wang, X.; Chen, B.; Zeng, M.; Wang, Y.; Liu, H.; Liu, R.; Tian, L.; Lu, X. An ECG Signal Denoising Method Using Conditional Generative Adversarial Net. IEEE J. Biomed. Health Inform. 2022, 26, 2929–2940. [Google Scholar] [CrossRef] [PubMed]
  24. Kiranyaz, S.; Devecioglu, O.C.; Ince, T.; Malik, J.; Chowdhury, M.; Hamid, T.; Mazhar, R.; Khandakar, A.; Tahir, A.; Rahman, T.; et al. Blind ECG Restoration by Operational Cycle-GANs. IEEE Trans. Biomed. Eng. 2022, 69, 3572–3581. [Google Scholar] [CrossRef] [PubMed]
  25. Khazaee, A.; Ebrahimzadeh, A. Heart Arrhythmia Detection using Support Vector Machines. Intell. Autom. Soft Comput. 2013, 19, 1–9. [Google Scholar] [CrossRef]
  26. Park, J.; Lee, K.; Kang, K. Arrhythmia detection from heartbeat using k-nearest neighbor classifier. In Proceedings of the 2013 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Shanghai, China, 18–21 December 2013; IEEE: Piscataway, NJ, USA, 2013; pp. 15–22. [Google Scholar]
  27. Maglaveras, N.; Stamkopoulos, T.; Diamantaras, K.; Pappas, C.; Strintzis, M. ECG pattern recognition and classification using non-linear transformations and neural networks: A review. Int. J. Med. Inform. 1998, 52, 191–208. [Google Scholar] [CrossRef]
  28. Petmezas, G.; Haris, K.; Stefanopoulos, L.; Kilintzis, V.; Tzavelis, A.; Rogers, J.A.; Katsaggelos, A.K.; Maglaveras, N. Automated Atrial Fibrillation Detection using a Hybrid CNN-LSTM Network on Imbalanced ECG Datasets. Biomed. Signal Process. Control 2021, 63, 102194–102195. [Google Scholar] [CrossRef]
  29. Ingolfsson, T.M.; Wang, X.; Hersche, M.; Burrello, A.; Cavigelli, L.; Benini, L. ECG-TCN: Wearable Cardiac Arrhythmia Detection with a Temporal Convolutional Network. In Proceedings of the 2021 IEEE 3rd International Conference on Artificial Intelligence Circuits and Systems (AICAS), Washington, DC, USA, 6–9 June 2021; IEEE: New York, NY, USA, 2021; pp. 1–4. [Google Scholar]
  30. Bai, S.; Kolter, J.Z.; Koltun, V. An Empirical Evaluation of Generic Convolutional and Recurrent Networks for Sequence Modeling. arXiv 2018, arXiv:1803.01271. [Google Scholar]
  31. Xiao, E. Research on Arrhythmia Diagnosis Algorithm Based on Multiscale Deep Learning Network. Ph.D. Thesis, Shantou University, Shantou, China, 2022. [Google Scholar]
  32. Cui, K. Design and Implementation of ECG Diagnosis Algorithm for Time Series. Ph.D. Thesis, University of Chinese Academy of Sciences (Shenyang Institute of Computing Technology, Chinese Academy of Sciences), Shenyang, China, 2022. [Google Scholar]
  33. Hu, L. Application of Deep Learning in ECG Signal Classification and Denoising. Ph.D. Thesis, Hunan University, Changsha, China, 2020. [Google Scholar]
  34. Xie, Y.; Qin, L.; Tan, H.; Li, X.; Liu, B.; Wang, H. Automatic 12-Leading Electrocardiogram Classification Network with Deformable Convolution. In Proceedings of the 2021 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Mexico City, Mexico, 1–5 November 2021; pp. 882–885. [Google Scholar] [CrossRef]
  35. Zhang, D.; Yang, S.; Yuan, X.; Zhang, P. Interpretable deep learning for automatic diagnosis of 12-lead electrocardiogram. Iscience 2021, 24, 102373. [Google Scholar] [CrossRef] [PubMed]
  36. Vincent, P.; Larochelle, H.; Bengio, Y.; Manzagol, P.A. Extracting and Composing Robust Features with Denoising Autoencoders; ICML ’08; Association for Computing Machinery: Helsinki, Finland, 2008; pp. 1096–1103. [Google Scholar]
  37. Chen, J.; Chen, T.; Xiao, B.; Bi, X.; Wang, Y.; Duan, H.; Li, W.; Zhang, J.; Ma, X. SE-ECGNet: Multi-scale SE-Net for multi-lead ECG data. In Proceedings of the 2020 Computing in Cardiology, Rimini, Italy, 13–16 September 2020; IEEE: New York, NY, USA, 2020; pp. 1–4. [Google Scholar]
  38. Cai, Z.; Liu, C.; Gao, H.; Wang, X.; Zhao, L.; Shen, Q.; Ng, E.Y.K.; Li, J. An Open-Access Long-Term Wearable ECG Database for Premature Ventricular Contractions and Supraventricular Premature Beat Detection. J. Med. Imaging Health Inform. 2020, 10, 2663–2667. [Google Scholar] [CrossRef]
  39. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative Adversarial Nets; NIPS’14; MIT Press: Montreal, QC, Canada, 2014; pp. 2672–2680. [Google Scholar]
  40. Kim, Y.; Lee, M.; Yoon, J.; Kim, Y.; Min, H.; Cho, H.; Park, J.; Shin, T. Predicting future incidences of cardiac arrhythmias using discrete heartbeats from normal sinus rhythm ECG signals via deep learning methods. Diagnostics 2023, 13, 2849. [Google Scholar] [CrossRef] [PubMed]
  41. Ismail, A.R.; Jovanovic, S.; Ramzan, N.; Rabah, H. ECG Classification Using an Optimal Temporal Convolutional Network for Remote Health Monitoring. Sensors 2023, 23, 1697. [Google Scholar] [CrossRef] [PubMed]
  42. Bian, Y.; Chen, J.; Chen, X.; Yang, X.; Chen, D.Z.; Wu, J. Identifying electrocardiogram abnormalities using a handcrafted-rule-enhanced neural network. IEEE/ACM Trans. Comput. Biol. Bioinform. 2022, 20, 2434–2444. [Google Scholar] [CrossRef] [PubMed]
  43. Liang, H.; Song, G.; Xu, C.; Deng, X.; Li, Y.; Dou, S.; Chen, D. Classification of Arrhythmia From ECG Signals Using CSL-Net. In Proceedings of the 2022 IEEE 6th Information Technology and Mechatronics Engineering Conference (ITOEC), Chongqing, China, 4–6 March 2022; IEEE: Piscataway, NJ, USA, 2022; Volume 6, pp. 1668–1673. [Google Scholar]
  44. Vallathan, G.; Sowjanya, M.; Laxmi, M.; Sreelatha, B. Automatic Detection of Irregular Contraction and Relaxation of Cardiac Muscle using Alexnet. In Proceedings of the 2023 International Conference on System, Computation, Automation andNetworking (ICSCAN), Puducherry, India, 17–18 November 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 1–6. [Google Scholar]
  45. Wong, J.; Nerbonne, J.; Zhang, Q. Ultra-Efficient Edge Cardiac Disease Detection towards Real-time Precision Health. IEEE Access 2023, 12, 9940–9951. [Google Scholar] [CrossRef]
  46. Brito, C.; Machado, A.; Sousa, A. Electrocardiogram Beat-Classification Based on a ResNet Network. Stud. Health Technol. Inform. 2019, 264, 55–59. [Google Scholar]
  47. Hannun, A.Y.; Rajpurkar, P.; Haghpanahi, M.; Tison, G.H.; Bourn, C.; Turakhia, M.P.; Ng, A.Y. Cardiologist-level arrhythmia detection and classification in ambulatory electrocardiograms using a deep neural network. Nat. Med. 2019, 25, 65–69. [Google Scholar] [CrossRef]
  48. Cai, J.; Sun, W.; Guan, J.; You, I. Multi-ECGNet for ECG Arrhythmia Multi-Label Classification. IEEE Access 2020, 8, 110848–110858. [Google Scholar] [CrossRef]
  49. Saadatnejad, S.; Oveisi, M.; Hashemi, M. LSTM-Based ECG Classification for Continuous Monitoring on Personal Wearable Devices. IEEE J. Biomed. Health Inform. 2020, 24, 515–523. [Google Scholar] [CrossRef] [PubMed]
  50. Zhu, F.; Ye, F.; Fu, Y.; Liu, Q.; Shen, B. Electrocardiogram generation with a bidirectional LSTM-CNN generative adversarial network. Sci. Rep. 2019, 9, 6734–6735. [Google Scholar] [CrossRef] [PubMed]
  51. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  52. Zhang, H.; Zhao, W.; Liu, S. SE-ECGNet: A Multi-scale Deep Residual Network with Squeeze-and-Excitation Module for ECG Signal Classification. In Proceedings of the 2020 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Seoul, Republic of Korea, 16–19 December 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 2685–2691. [Google Scholar]
  53. Murugesan, B.; Ravichandran, V.; Ram, K.; Preejith, S.P.; Joseph, J.; Shankaranarayana, S.M.; Sivaprakasam, M. ECGNet: Deep Network for Arrhythmia Classification. In Proceedings of the 2018 IEEE International Symposium on Medical Measurements and Applications (MeMeA), Rome, Italy, 11–13 June 2018; IEEE: New York, NY, USA, 2018; pp. 1–6. [Google Scholar]
  54. Jing, E.; Zhang, H.; Li, Z.; Liu, Y.; Ji, Z.; Ganchev, I. ECG heartbeat classification based on an improved ResNet-18 model. Comput. Math. Methods Med. 2021, 2021, 6649970. [Google Scholar] [CrossRef] [PubMed]
Figure 1. ECG noise reduction architecture.
Figure 1. ECG noise reduction architecture.
Biosensors 14 00201 g001
Figure 2. The structure of the generator for ECG denoising.
Figure 2. The structure of the generator for ECG denoising.
Biosensors 14 00201 g002
Figure 3. The structures of downsampling block and upsampling block.
Figure 3. The structures of downsampling block and upsampling block.
Biosensors 14 00201 g003
Figure 4. The structure of the discriminator for ECG denoising.
Figure 4. The structure of the discriminator for ECG denoising.
Biosensors 14 00201 g004
Figure 5. Network structure of arrhythmia detection model.
Figure 5. Network structure of arrhythmia detection model.
Biosensors 14 00201 g005
Figure 6. Receptive field of TCN structure ( kernel _ size = 3 ).
Figure 6. Receptive field of TCN structure ( kernel _ size = 3 ).
Biosensors 14 00201 g006
Figure 7. Output layer, where three colors denote three parallel layers.
Figure 7. Output layer, where three colors denote three parallel layers.
Biosensors 14 00201 g007
Figure 8. Architecture of intelligent ECG monitoring system.
Figure 8. Architecture of intelligent ECG monitoring system.
Biosensors 14 00201 g008
Figure 9. Implementation of arrhythmia diagnosis.
Figure 9. Implementation of arrhythmia diagnosis.
Biosensors 14 00201 g009
Figure 10. Changes in losses during training.
Figure 10. Changes in losses during training.
Biosensors 14 00201 g010
Figure 11. Comparative experimental results.
Figure 11. Comparative experimental results.
Biosensors 14 00201 g011
Figure 12. Example of ECG signal noise reduction, where the red line denotes the clean ECG signal for comparison.
Figure 12. Example of ECG signal noise reduction, where the red line denotes the clean ECG signal for comparison.
Biosensors 14 00201 g012
Figure 13. Data distribution in training data set.
Figure 13. Data distribution in training data set.
Biosensors 14 00201 g013
Figure 14. Influence of loss function on model accuracy.
Figure 14. Influence of loss function on model accuracy.
Biosensors 14 00201 g014
Figure 15. Comparison of model performance with different structures and parameters.
Figure 15. Comparison of model performance with different structures and parameters.
Biosensors 14 00201 g015
Figure 16. Model performance comparison.
Figure 16. Model performance comparison.
Biosensors 14 00201 g016
Figure 17. Comparison of model size and computational speed.
Figure 17. Comparison of model size and computational speed.
Biosensors 14 00201 g017
Table 1. Comparison of MSE before and after noise reduction.
Table 1. Comparison of MSE before and after noise reduction.
SNRMSE
Before noise reduction−9.1970.559
Model in this article7.6420.011
FIR filtering6.2060.016
wavelet denoising−8.7890.509
DeepFilter3.5210.029
GAN4.6890.022
Table 2. Noise reduction time for different models.
Table 2. Noise reduction time for different models.
ModelOur ModelFIRWaveletDeepFilterGAN
Noise reduction time (ms)12.1292.553.121.913.2
Table 3. Model settings.
Table 3. Model settings.
ModelTCN StructureConvolution Kernel Size kExpansion Factor D
Model_1single31, 2, 4
Model_2single51, 2, 4
Model_3single71, 2, 4
Model_4paralleling3, 5, 71, 2, 4
Model_5paralleling3, 5, 71, 4, 8
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

Luo, J.; Zhang, M.; Li, H.; Tao, D.; Gao, R. A Smartphone-Based M-Health Monitoring System for Arrhythmia Diagnosis. Biosensors 2024, 14, 201. https://doi.org/10.3390/bios14040201

AMA Style

Luo J, Zhang M, Li H, Tao D, Gao R. A Smartphone-Based M-Health Monitoring System for Arrhythmia Diagnosis. Biosensors. 2024; 14(4):201. https://doi.org/10.3390/bios14040201

Chicago/Turabian Style

Luo, Jun, Mengru Zhang, Haohang Li, Dan Tao, and Ruipeng Gao. 2024. "A Smartphone-Based M-Health Monitoring System for Arrhythmia Diagnosis" Biosensors 14, no. 4: 201. https://doi.org/10.3390/bios14040201

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