
The simulation model proposed in [M. Hilliges and W. Weidlich. A phenomenological model for dynamic traffic flow in networks. Transportation Research Part B: Methodological, 29 (6): 407–431, 1995] can be understood as a simple method for approximating solutions of scalar conservation laws whose flux is of density times velocity type, where the density and velocity factors are evaluated on neighboring cells. The resulting scheme is monotone and converges to the unique entropy solution of the underlying problem. The same idea is applied to devise a numerical scheme for a class of one-dimensional scalar conservation laws with nonlocal flux and initial and boundary conditions. Uniqueness of entropy solutions to the nonlocal model follows from the Lipschitz continuous dependence of a solution on initial and boundary data. By various uniform estimates, namely a maximum principle and bounded variation estimates, along with a discrete entropy inequality, the sequence of approximate solutions is shown to converge to an entropy weak solution of the nonlocal problem. The improved accuracy of the proposed scheme in comparison to schemes based on the Lax-Friedrichs flux is illustrated by numerical examples. A second-order scheme based on MUSCL methods is presented.
Citation: Raimund Bürger, Harold Deivi Contreras, Luis Miguel Villada. A Hilliges-Weidlich-type scheme for a one-dimensional scalar conservation law with nonlocal flux[J]. Networks and Heterogeneous Media, 2023, 18(2): 664-693. doi: 10.3934/nhm.2023029
[1] | James C. L. Chow . Recent progress in Monte Carlo simulation on gold nanoparticle radiosensitization. AIMS Biophysics, 2018, 5(4): 231-244. doi: 10.3934/biophy.2018.4.231 |
[2] | Masoud Jabbary, Hossein Rajabi . High-resolution phantom of a nephron for radiation nephrotoxicity evaluation in biophysical simulations. AIMS Biophysics, 2022, 9(2): 147-160. doi: 10.3934/biophy.2022013 |
[3] | Tomohiro Yanao, Sosuke Sano, Kenichi Yoshikawa . Chiral selection in wrapping, crossover, and braiding of DNA mediated by asymmetric bend-writhe elasticity. AIMS Biophysics, 2015, 2(4): 666-694. doi: 10.3934/biophy.2015.4.666 |
[4] | Panisak Boonamnaj, Pornthep Sompornpisut, Piyarat Nimmanpipug, R.B. Pandey . Thermal denaturation of a coronavirus envelope (CoVE) protein by a coarse-grained Monte Carlo simulation. AIMS Biophysics, 2022, 9(4): 330-340. doi: 10.3934/biophy.2022027 |
[5] | Warin Rangubpit, Sunan Kitjaruwankul, Panisak Boonamnaj, Pornthep Sompornpisut, R.B. Pandey . Globular bundles and entangled network of proteins (CorA) by a coarse-grained Monte Carlo simulation. AIMS Biophysics, 2019, 6(2): 68-82. doi: 10.3934/biophy.2019.2.68 |
[6] | Carl S. Helrich . Studies of cholesterol structures in phospholipid bilayers. AIMS Biophysics, 2017, 4(3): 415-437. doi: 10.3934/biophy.2017.3.415 |
[7] | Nily Dan . Bilayer degradation in reactive environments. AIMS Biophysics, 2017, 4(1): 33-42. doi: 10.3934/biophy.2017.1.33 |
[8] | István P. Sugár, Parkson Lee-Gau Chong . Monte Carlo simulations of the distributions of intra- and extra-vesicular ions and membrane associated charges in hybrid liposomes composed of negatively charged tetraether and zwitterionic diester phospholipids. AIMS Biophysics, 2017, 4(2): 316-336. doi: 10.3934/biophy.2017.2.316 |
[9] | Kazushige Yokoyama, Christa D. Catalfamo, Minxuan Yuan . Reversible peptide oligomerization over nanoscale gold surfaces. AIMS Biophysics, 2015, 2(4): 649-665. doi: 10.3934/biophy.2015.4.649 |
[10] | Dinesh Bhatia, Tania Acharjee, Shruti Shukla, Monika Bhatia . Nano-technological advancements in multimodal diagnosis and treatment. AIMS Biophysics, 2024, 11(4): 464-507. doi: 10.3934/biophy.2024026 |
The simulation model proposed in [M. Hilliges and W. Weidlich. A phenomenological model for dynamic traffic flow in networks. Transportation Research Part B: Methodological, 29 (6): 407–431, 1995] can be understood as a simple method for approximating solutions of scalar conservation laws whose flux is of density times velocity type, where the density and velocity factors are evaluated on neighboring cells. The resulting scheme is monotone and converges to the unique entropy solution of the underlying problem. The same idea is applied to devise a numerical scheme for a class of one-dimensional scalar conservation laws with nonlocal flux and initial and boundary conditions. Uniqueness of entropy solutions to the nonlocal model follows from the Lipschitz continuous dependence of a solution on initial and boundary data. By various uniform estimates, namely a maximum principle and bounded variation estimates, along with a discrete entropy inequality, the sequence of approximate solutions is shown to converge to an entropy weak solution of the nonlocal problem. The improved accuracy of the proposed scheme in comparison to schemes based on the Lax-Friedrichs flux is illustrated by numerical examples. A second-order scheme based on MUSCL methods is presented.
Electrocardiogram (electrocardiogram, ECG) is the process of recording the electrical activity of the heart over a period of time using electrodes placed on the skin. These electrodes detect the minor electrical changes on the skin that arise from the heart muscle's electrophysiologic pattern of depolarizing and repolarizing during each heartbeat. It has been widely applied in clinical medicine to detect any cardiac problems. However, most electrocardiograms need manual examination with long-term patience which is very time-consuming and boring. Besides, because the huge amount of ECG data is produced every day, the diagnostic doctors for ECG are not willing to analyze ECG in details, instead only determine whether it is abnormal. Thus many details may be missed. The reality is that it has some possibility to misdiagnose ECG for doctors' careless of overworked state. In order to help improve doctors' efficiency and accuracy, machine learning based electrocardiogram analysis can be employed. The normal electrocardiogram can be filtered out by machines quickly according to machine learning algorithms based on historical data sets. While the doubtful examination reports can be left for doctors for carefully studying later. Therefore, machine learning tools for electrocardiogram reports examination play a very important role in the first round screening of clinical diagnosis.
An electrocardiogram record usually contains 12 leads [1], which are: Ⅰ, Ⅱ, Ⅲ, avL, avF, avR, v1, v2, v3, v4, v5, v6. Each lead is a time series, which consists of multiple heartbeat cycles. A heartbeat produces a higher pulse, as shown in Figure 1. Our model can be served for the first round screening of ECG examination clinical diagnosis. Given a 12-lead ECG record, our model can be employed to determine whether it is normal or not. Once a doutful examination report is determined, the doctor would further analyze it to make a final clinical diagnosis report.
In this paper, a deep learning model, called CBRNN, is proposed for the data dependence of multi-lead electrocardiogram in the same lead and the independence of data between different leads. We evaluate the performance of our model on Chinese Cardiovascular Disease Database (CCDD) which is an big public dataset, the accuracy of the model is up to 87.69%, which is quite valueable for actual electrocardiogram diagnosis.
The techinques of computer aided electrocardiogram have been greatly developed in recent years, and some of them have been widely used in the clinical electrocardiogram examination. Various methods of detecting normal or abnormal electrocardiogram have been proposed, most of them are based on traditional classification of heartbeat data. The heartbeat classification is that classifying these heartbeat by rule reasoning [2] or statistical learning methods [3,4]. Because all the R waves in the waveform need to be detected by the heartbeat classifier, it may occur some errors in the division process of heartbeat waves before classification, which would also reduce the accuracy of ECG classification in the next step. In order to overcome this deficiency, the way of classifying the whole ECG were developed later (without division of the heartbeat). It is popular to empoy machine learning method to classify ECG, but features such as Time domain, Waveform, Wavelet [5], Higher order [6], Power spectrum [7], Lyapunov coefficient [8], Hermit coefficient [9], Shannon entropy [10], Hermite Polynomial coefficient [11], characteristics of linear prediction error [12] etc., are extracted by manual work. The Common used machine learning algorithms are: Principal Component Analysis (PCA) [13], Linear Discriminant Analysis (LDA) [14], Independent Components Analysis (ICA) [15], Support Vector Machine (SVM) [16] etc. Some researchers tried using deep learning tool to extract the features of the electrocardiogram waves, for example, Kiranyaz et al. [17] employed Convolutional Neural Network (CNN) to exact features, and then utilized the SVM as the classifier, as a result, they achieved a good performance. Therefore, deep learning method began to be noticed.
Besides, there are some machine learning methods for solving one type of special cardiac problems. In [23], it is a survey paper about the atrial fibrillation detection based on ECG signals. It mainly reviews the machine learning methods to detect atrial fibrillation problems. For the papers [24,25,26,27], they are mianly solving one area problem such as myocardial infarction detection, ventricular arrhythmias detection, Glaucoma detection, congestive heart failure detection. But we can detect multiple cardiac problems instead of only detect one.
In machine learning, feature extraction by manual work cannot accurately reflect the exact feature of the electrocardiogram itself. Besides, the extraction of these features requires a better understanding of ECG domain knowledge, which is difficult for technique researchers without deep medical background. In the proposals of deep learning based ECG detection, most of them employs convolutional neural networks (CNN). While, multi-lead ECG is commonly treated as a two-dimensional image since two-dimensional convolutional operation is used inside the CNN network. However, Because of the particularity of the leads of ECG, it is not appropriate to treat it as two-dimensional image only. In this paper, we propose a model combining convolutional neural network and recurrent neural network. For each lead of electrocardiogram, we firstly employ one-dimensional convolutional operation to extract features, then employ recurrent neural network to fuse features of leads to get deeper feature maps. Finally, the validity of the proposed model was verified in this paper.
In general, there are 12 leads in a electrocardiogram, each lead is a waveform of a ECG signal. Each lead usually collects 10 seconds electrocardiogram data, including 12 to 18 times cardiac pulsation, 500Hz sampling frequency, and the ECG signal is corresponding to a 5000 dimensional vector each lead, so the 12 leads of ECG recording of each individual data have 12*5000 dimensions. Our task is to make the classification of the normal and abnormal of the 12 leads electrocardiogram, which is a binary classification problem. Multi-lead ECG is similar to two-dimensional image. But there is still some difference between the multi-lead electrocardiogram and the two-dimensional image. Because there is strong correlation between the data in the row direction and the column direction of the two-dimensional image while Multi-lead ECG has strong correlation with data in the same lead (row direction), but data from different lead directions (column direction) can be regarded as independent one. A series of one-dimensional convolutional and pooling operations are used to obtain the low dimensional vector representation of ECG signals based on the special two-dimensional structure of multi-lead electrocardiogram. At the same time, there is a certain time series between the different leads. The low dimensional vector representation of each lead is input into the LSTM layer. Finally, the Softmax layer is utilized to classify it and the class labels of normal or abnormal can be achieved.
Our model (CBRNN) combines the advantages of CNN and RNN. In our model, not only the features of the leads are considered, but also the deeper features to be learned are aslo involved, which is quite helpful for enhancing the accuracy of the deep learning model on ECG. The model architecture is shown in Figure 2.
The architecture is divided into the following layers:
(1) Input layer. The pre-processed 12-lead electrocardiogram was input into the input layer. A lead is a one dimensional vector, the length of which is 1*2400.
(2) CNN layer. Each lead of the ECG is passed through a convolutional neural network layer and then a 1*128 one-dimension vector can be created, but the parameters of the lead are not shared. Inside the CNN layer, the workflow is as follows: the dimension of the input layer is 1*2400, in the first CNN layer C1, it has 16 feature maps, each feature map uses a convolutional kernel of 1*21, this layer outputs 16 feature maps with 1*2380 dimensions. Then, a pooling layer P1 with a 1*7 pooling kernel is employed to produce 16 feature maps with 1*340 dimension; the second convolutional neural network layers C2 has 32 feature maps, 1*17 convolutional kernels, the second pooling layer P2 has a 1*6 pooling kernel; the third convolutional neural network C3 has 64 feature maps, 1*13 convolutional kernels; the third pooling layer P3 has a 1*7 convolutional kernel and produces 64 1*6 feature maps. Then, the feature maps are flattened. A 1*384 one dimensional vector can be generated. At last, the vector connects a fully connected layer and a 1*128 one dimensional vector can be finally generated. Since the ECG of each individual has 12 leads, the finally obtained vector through the CNN layer is 12*1*128 dimensions.
(3) RNN layer. we employed Bidirectional RNN (BRNN) [18]. The basic idea of BRNN is that each training sequence consists of two RNNs, which represent forward and backward, and both are connected to an output layer. The structure provides the complete privious and subsequent context information for each point in the input layer. We believe that the information is not only related to the previous information, but also the subsequent, therefore we choose BRNN as the main framework. Besides, the performance of BRNN should be better than original RNN, and we employ Long Short Term Memory Network (LSTM) as BRNN basic cell, The structure of LSTM is shown in Figure 3. Since BRNN can consider both the previous and the latter influnce in one moment, the historical information is actually more abundant. Suppose the output of forward recurrent neural network is
The input of each neural in RNN is a one-dimension vector of 1*128, after the forward RNN and the backward RNN, the final output of bi-directional LSTM layer is a vector of 1*256 dimension.
(4) Flatten layer. Flatten all the outputs of RNN neural, a one-dimension vector of 1*3072 dimension can be generated.
(5) Output layer. Softmax is employed to classify the output of the last layer (two classifications), the label
With the continuous development of ECG acquisition equipment and the rapid expansion of the demand, existing standard database such as MIT-BIH, QT, CSE and AHA have showed a lack of scale and representativeness to varying degrees. While Chinese Cardiovascular Disease Database (CCDD) is a big dataset and it has 193690 cases. Each electrocardiogram has 10 to 20 seconds 12-lead electrocardiogram data. Each electrocardiogram record has a corresponding label of disease types, which is of great practical value.
All the data in CCDD are all real data instead of simulation data, so some data should be cleaned to be used for deep learning. We discard about 4850 pieces of data where the annotation records is 0×00 which is invalid), Each lead of each valid record is only intercepted by the first 4850 points. Then the records of the annotation for 0×0101, 0×020101 and 0×020102 are normal, and the other annotation results are abnormal. Then the electrocardiogram is sampled from 500Hz to 250Hz, to reduce the data dimension without affecting the data quality. At the same time, for the stability of the waveform of the electrocardiogram, we skipped the beginning of the 25 sampling points, and finally got the 12*2400 dimension of each individual electrocardiogram. The CCDD dataset consists of many batches of the data, After these pre-treatments are carried out above, the positive anomaly distribution of each batch of datasets can be studied out which is shown in Error! Reference source not found..
In order to avoid the problem of imbalanced distribution of normal and abnormal samples in training centralization, the package "data95830-119551" and the package "data119552-141104" are selected to be our training sets, the package "data141105-160913" are selected to be the validation datasets, the rest are used as test datasets. Consequently, the number of the training data, validation data and the test data are 44517, 19538 and 127014. Most of the samples are selected as test sets because the small test set may have some overfitting problems. The final goal is to make our model help in clinical diagnosis. We need to verify the performance of the model on a large real test set so that it reflects the real environment of clinical medicine.
`According to the definition of medical diagnosis, the normal electrocardiogram was negative, and the abnormal electrocardiogram was positive. Table 2 describes the possible relationship between the gold label and the decision label.
Dataset | Package | Valid | Invalid | |
Normal | Abnormal | |||
Training | data95830-119551 | 10347 | 12940 | 435 |
data119552-141104 | 9704 | 11526 | 323 | |
Validation | data141105-160913 | 9710 | 9828 | 271 |
Test | data1-943 | 197 | 746 | 0 |
data944-25693 | 17461 | 7204 | 85 | |
data25694-37082 | 4910 | 6350 | 129 | |
data37083-72607 | 25014 | 10246 | 265 | |
data72608-95829 | 16203 | 6507 | 512 | |
data141105-160913 | 9710 | 9828 | 271 | |
data160914-175871 | 6942 | 7777 | 239 | |
data175872-179130 | 2289 | 936 | 34 | |
data179131-193690 | 4670 | 9562 | 328 |
Decision label | Gold label | |
Negative(normal ECG) | Positive(abnormal ECG) | |
Negative | True Negative(TN) | False Negative(FN) |
Postive | False Positive(FP) | True Positive(TP) |
In order to measure the performance of an electrocardiogram classification model, the diagnostic indicators we used include Specificity
(4-1) |
(4-2) |
(4-3) |
The original electrocardiogram signals often contain various interference signals, for example, the frequency of respiratory movement is lower than 0.5Hz, 50-60Hz high frequency wave is induced by power frequency, about 33Hz is produced by body muscle activity etc. Therefore, the dianoising process needs to be done before the classification of the electrocardiogram. The low pass filter and band-pass filter are used to filter the noise. Then each ECG in the CCDD dataset is sampled as 250Hz, meanwhile, the first 25 sampling points are skipped, a 12*2400 vector of the ECG for each individual is obtained. Finally, the model we have built to classify the class label of the electrocardiogram and get the category it belongs to.
Our model is data driven and end-to-end training, we train all models on the whole training dataset and tune our hyper parameters on the validation set, and we use test set to evaluate our model. Parameters inside the model are shown in Figure 2. At the same time, we set the maximum number of iterations to be 1000 and learning rate to be 0.01. The early stopping mechanism is used to stop the iteration ahead of time in order to prevent the model from overfitting.
In order to highlight the performance of the model we have built, we built another two convolutional neural networks in our experiment to be compared with. With the original CNN model solving ECG data, it commonly treats them as a two-dimensional image. Therefore, we firstly construct an ordinary three layers' two-dimensional CNN model. The model through the convolutional layer and the pooling layer three times to extract the features of the electrocardiogram signal. Three convolutional kernels are 3*21, 3*17 and 3*13 separately and three pooling kernels are 1*7, 1*6 and 1*7. At last, after the same flattening operation, Softmax layer is used for classification. At the same time, the Residual network (ResNet) is constructed as a contrast. Residual connection is different from the traditional network structure, and the corresponding network Resnet proposed by Kaiming He [19] who won the championship in 2015 ImageNet competition. In view of the excellent performance of the ResNet network, we employ the ResNet network to classify the electrocardiogram. Thus, we also implement two contrast models, which are traditional CNN and ResNet model, to compare with our CBRNN. The experimental results are shown in Table 3.
Model | Classification result | Gold result | |
|
|
|
Normal | Abnormal | |||||
CNN | Normal | 65601 | 17710 | 75.06 | 70.06 | 84.28 |
Abnormal | 21795 | 41446 | ||||
Resnet | Normal | 65769 | 16531 | 75.25 | 72.06 | 85.34 |
Abnormal | 21627 | 42625 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |
From Table 3, it is clearly that ResNet network from Google is better than the traditional CNN model and the
To further evaluate the performance of our proposed approach, we compare it with the existing classification algorithms of electrocardiogram. According to the second chapter of related work, the model proposed by Ye et al. [5] is the best model currently. Hence, we train a heartbeat classifier based on the method proposed by Ye et al. First, we need to intercept the heartbeat on each ECG record from the dataset, which need to first detect the R wave in the waveform, so we utilized the method proposed by Zhu et al. [20] to detect all the R waves on an ECG record and then intercept the heart beat according to the position of the R wave. There are usually two ways to intercept the heartbeat, namely, the average heart beat method and the exception priority method [21]. Finally, the heartbeat classifier is constructed to determine the conclusion of the test centralized electrocardiogram. Since the interception method has average beat and abnormal priority, we use the data set mentioned in this paper to achieve two different heartbeat classifiers, that are HBClassifier[A] and HBClassifier[B].The experiment results are shown in Table 4.
Model | Classification result | Gold result | |
|||
Normal | Abnormal | |||||
HBClassifier[A] | Normal | 53396 | 18282 | 61.10 | 69.10 | 74.22 |
Abnormal | 34000 | 40874 | ||||
HBClassifier[B] | Normal | 50421 | 18343 | 57.69 | 68.99 | 71.83 |
Abnormal | 36975 | 40813 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |
All of these models use the same training set and validation set to build models, and test the performance of models on the same test set, so that the results are comparable. From Table 4, we can see that the CBRNN model proposed in this paper is much higher than the HBClassifier[A] model and HBClassifier[B] model in all performance indicators, and the accuracy rate is higher than 13.47% and 15.86% respectively. It can be seen that the robustness of the model proposed by Ye et al. is not strong enough. The possible reason is that there are only 48 individual ECG records in MIT-BIH-AR dataset. The size of the dataset is small, and there may be contingency and imbalance in data distribution. The CCDD database has more than 190 thousand individual clinical ECG records, and there is no imbalance in data distribution, where Ye' model shows a relative poor result. Hakacova et al. [22] survey and compare the performance of automatic diagnosis and human diagnosis of electrocardiogram equipment on the market, and they concluded that human diagnosis has a higher average accuracy than the automatic diagnosis, which is about 85% of 3 professional doctors to diagnose the clinical ECG data. While the accuracy of our proposed model in the large scale clinical ECG data set is up to 87.69%. Therefore, our model proposed in this paper has an advantage to apply to the clinical medicine.
In this paper, we propose a deep learning model to classfiy ECG data for assisited ECG diagnosis by machine. The model has a comination design of CNN and bidirectional RNN, which make full use of the features of ECG data. We test the performance of the model on some open dataset including a big dataset Chinese Cardiovascular Disease Database (CCDD), the accuracy of the model is up to 87.69%, exceeds the existing models of ECG classfication. It has value for clinical application in the future.
This research was supported in part by National Natural Science Foundation of China (No.61572157), grant No.2016A030313660 and 2017A030313365 from Guangdong Province Natural Science Foundation, grants JCYJ20160608161351559, KQJSCX70726103044992, JCYJ20170811155158682 and JCYJ20160428092427867 from Shenzhen Municipal Science and Technology Innovation Project. The authors thank the reviewers for their comments.
We declare that there is no conflict of interests regarding the publication of this article.
[1] |
D. Amadori, W. Shen, An integro-differential conservation law arising in a model of granular flow, J. Hyperbolic Differ. Equ., 9 (2012), 105–131. https://doi.org/10.1142/S0219891612500038 doi: 10.1142/S0219891612500038
![]() |
[2] |
P. Amorim, R. Colombo, A. Teixeira, On the numerical integration of scalar nonlocal conservation laws, ESAIM M2AN, 49 (2015), 19–37. http://dx.doi.org/10.1051/m2an/2014023 doi: 10.1051/m2an/2014023
![]() |
[3] |
D. Armbruster, P. Degond, C. Ringhofer, A model for the dynamics of large queuing networks and supply chains, SIAM J. Appl. Math., 66 (2006), 896–920. https://doi.org/10.1137/040604625 doi: 10.1137/040604625
![]() |
[4] |
C. Bardos, A. Y. le Roux, J. C. Nédélec, First order quasilinear equations with boundary conditions, Commun. Partial. Differ. Equ., 4 (1979), 1017–1034. https://doi.org/10.1080/03605307908820117 doi: 10.1080/03605307908820117
![]() |
[5] |
F. Betancourt, R. Bürger, K. H. Karlsen, E. M. Tory, On nonlocal conservation laws modelling sedimentation, Nonlinearity, 24 (2011), 855–885. https://doi.org/10.1088/0951-7715/24/3/008 doi: 10.1088/0951-7715/24/3/008
![]() |
[6] |
R. Bürger, A. García, K. Karlsen, J. Towers, A family of numerical schemes for kinematic flows with discontinuous flux, J Eng Math, 60 (2008), 387–425. https://doi.org/10.1007/s10665-007-9148-4 doi: 10.1007/s10665-007-9148-4
![]() |
[7] |
C. Chalons, P. Goatin, L. M. Villada, High-order numerical schemes for one-dimensional nonlocal conservation laws, SIAM J. Sci. Comput., 40 (2018), A288–A305. https://doi.org/10.1137/16M110825X doi: 10.1137/16M110825X
![]() |
[8] |
R. M. Colombo, M. Garavello, M. Lécureux-Mercier, A class of nonlocal models for pedestrian traffic, Math Models Methods Appl Sci, 22 (2012), 1150023. https://doi.org/10.1142/S0218202511500230 doi: 10.1142/S0218202511500230
![]() |
[9] |
R. M. Colombo, M. Herty, M. Mercier, Control of the continuity equation with a non local flow, ESAIM Control Optim. Calc. Var., 17 (2011), 353–379. https://doi.org/10.1051/cocv/2010007 doi: 10.1051/cocv/2010007
![]() |
[10] |
R. M. Colombo, M. Lécureux-Mercier, Nonlocal crowd dynamics models for several populations, Acta Math. Sci. Ser. B Engl. Ed., 32 (2012), 177–196. https://doi.org/10.1016/S0252-9602(12)60011-3 doi: 10.1016/S0252-9602(12)60011-3
![]() |
[11] |
R. M. Colombo, E. Rossi, Rigorous estimates on balance laws in bounded domains, Acta Math. Sci. Ser. B Engl. Ed., 35 (2015), 906–944. https://doi.org/10.1016/S0252-9602(15)30028-X doi: 10.1016/S0252-9602(15)30028-X
![]() |
[12] |
R. M. Colombo, E. Rossi, Nonlocal conservation laws in bounded domains, Math Models Methods Appl Sci, 50 (2018), 4041–4065. https://doi.org/10.1137/18M1171783 doi: 10.1137/18M1171783
![]() |
[13] |
M. G. Crandall, A. Majda, Monotone difference approximations for scalar conservation laws, Math. Comp., 34 (1980), 1–21. https://doi.org/10.1090/S0025-5718-1980-0551288-3 doi: 10.1090/S0025-5718-1980-0551288-3
![]() |
[14] |
C. De Filippis, P. Goatin, The initial–boundary value problem for general non-local scalar conservation laws in one space dimension, Nonlinear Analysis, 161 (2017), 131–156. https://doi.org/10.1016/j.na.2017.05.017 doi: 10.1016/j.na.2017.05.017
![]() |
[15] |
F. A. Chiarello, P. Goatin, Global entropy weak solutions for general non-local traffic flow models with anisotropic kernel, ESAIM: M2AN, 52 (2018), 163–180. https://doi.org/10.1051/m2an/2017066 doi: 10.1051/m2an/2017066
![]() |
[16] |
J. Friedrich, O. Kolb, S. Göttlich, A Godunov type scheme for a class of LWR traffic flow models with non-local flux, Netw. Heterog. Media, 13 (2018), 531–547. https://doi.org/10.3934/nhm.2018024 doi: 10.3934/nhm.2018024
![]() |
[17] |
P. Goatin, E. Rossi, Well-posedness of IBVP for 1D scalar non-local conservation laws, Z. Angew. Math. Mech., 99 (2019), e201800318. https://doi.org/10.1002/zamm.201800318 doi: 10.1002/zamm.201800318
![]() |
[18] |
P. Goatin, S. Scialanga, Well-posedness and finite volume approximations of the LWR traffic flow model with non-local velocity, Netw. Heterog. Media, 11 (2016), 107–121. https://doi.org/10.3934/nhm.2016.11.107 doi: 10.3934/nhm.2016.11.107
![]() |
[19] |
M. Hilliges, W. Weidlich, A phenomenological model for dynamic traffic flow in networks, TRANSPORT RES B-METH, 29 (1995), 407–431. https://doi.org/10.1016/0191-2615(95)00018-9 doi: 10.1016/0191-2615(95)00018-9
![]() |
[20] |
E. Rossi, Definitions of solutions to the IBVP for multi-dimensional scalar balance laws, J. Hyperbolic Differ. Equ., 15 (2018), 349–374. https://doi.org/10.1142/S0219891618500133 doi: 10.1142/S0219891618500133
![]() |
[21] |
E. Rossi, Well-posedness of general 1d initial boundary value problems for scalar balance laws, Discrete Contin Dyn Syst Ser A, 39 (2019), 3577–3608. https://doi.org/10.3934/dcds.2019147 doi: 10.3934/dcds.2019147
![]() |
1. | Weike Duan, Jinsen Zhang, Liang Zhang, Zongsong Lin, Yuhang Chen, Xiaowei Hao, Yixin Wang, Hongri Zhang, Evaluation of an artificial intelligent hydrocephalus diagnosis model based on transfer learning, 2020, 99, 0025-7974, e21229, 10.1097/MD.0000000000021229 | |
2. | Peng Lu, Hao Xi, Bing Zhou, Hongpo Zhang, Yusong Lin, Liwei Chen, Yang Gao, Yabin Zhang, Yanhua Hu, Zhenghua Chen, A New Multichannel Parallel Network Framework for the Special Structure of Multilead ECG, 2020, 2020, 2040-2309, 1, 10.1155/2020/8889483 | |
3. | Babita Pandey, Devendra Kumar Pandey, Brijendra Pratap Mishra, Wasiur Rhmann, A comprehensive survey of deep learning in the field of medical imaging and medical natural language processing: Challenges and research directions, 2021, 13191578, 10.1016/j.jksuci.2021.01.007 | |
4. | Beanbonyka Rim, Nak-Jun Sung, Sedong Min, Min Hong, Deep Learning in Physiological Signal Data: A Survey, 2020, 20, 1424-8220, 969, 10.3390/s20040969 | |
5. | Sulaiman Somani, Adam J Russak, Felix Richter, Shan Zhao, Akhil Vaid, Fayzan Chaudhry, Jessica K De Freitas, Nidhi Naik, Riccardio Miotto, Girish N Nadkarni, Jagat Narula, Edgar Argulian, Benjamin S Glicksberg, Deep learning and the electrocardiogram: review of the current state-of-the-art, 2021, 1099-5129, 10.1093/europace/euaa377 | |
6. | Xu Wang, Runchuan Li, Shuhong Wang, Shengya Shen, Wenzhi Zhang, Bing Zhou, Zongmin Wang, Automatic diagnosis of ECG disease based on intelligent simulation modeling, 2021, 67, 17468094, 102528, 10.1016/j.bspc.2021.102528 | |
7. | Shuhong Wang, Runchuan Li, Xu Wang, Shengya Shen, Bing Zhou, Zongmin Wang, Chien Yu Chen, Multiscale Residual Network Based on Channel Spatial Attention Mechanism for Multilabel ECG Classification, 2021, 2021, 2040-2309, 1, 10.1155/2021/6630643 | |
8. | Nehemiah Musa, Abdulsalam Ya’u Gital, Nahla Aljojo, Haruna Chiroma, Kayode S. Adewole, Hammed A. Mojeed, Nasir Faruk, Abubakar Abdulkarim, Ifada Emmanuel, Yusuf Y. Folawiyo, James A. Ogunmodede, Abdukareem A. Oloyede, Lukman A. Olawoyin, Ismaeel A. Sikiru, Ibrahim Katb, A systematic review and Meta-data analysis on the applications of Deep Learning in Electrocardiogram, 2022, 1868-5137, 10.1007/s12652-022-03868-z | |
9. | Shan Wei Chen, Shir Li Wang, Xiu Zhi Qi, Suzani Mohamad Samuri, Can Yang, Review of ECG detection and classification based on deep learning: Coherent taxonomy, motivation, open challenges and recommendations, 2022, 74, 17468094, 103493, 10.1016/j.bspc.2022.103493 | |
10. | Ya'nan Wang, Sen Liu, Haijun Jia, Xintao Deng, Chunpu Li, Aiguo Wang, Cuiwei Yang, A two-step method for paroxysmal atrial fibrillation event detection based on machine learning, 2022, 19, 1551-0018, 9877, 10.3934/mbe.2022460 | |
11. | Qun Song, Tengyue Li, Simon Fong, Feng Wu, An ECG data sampling method for home-use IoT ECG monitor system optimization based on brick-up metaheuristic algorithm, 2021, 18, 1551-0018, 9076, 10.3934/mbe.2021447 | |
12. | Qinghua Sun, Zhanfei Xu, Chunmiao Liang, Fukai Zhang, Jiali Li, Rugang Liu, Tianrui Chen, Bing Ji, Yuguo Chen, Cong Wang, A dynamic learning-based ECG feature extraction method for myocardial infarction detection, 2022, 43, 0967-3334, 124005, 10.1088/1361-6579/acaa1a | |
13. | S. Immaculate Joy, K. Senthil Kumar, M. Palanivelan, D. Lakshmi, Review on Advent of Artificial Intelligence in Electrocardiogram for the Detection of Extra-Cardiac and Cardiovascular Disease, 2023, 46, 2694-1783, 99, 10.1109/ICJECE.2022.3228588 | |
14. | Enes Efe, Emrehan Yavsan, AttBiLFNet: A novel hybrid network for accurate and efficient arrhythmia detection in imbalanced ECG signals, 2024, 21, 1551-0018, 5863, 10.3934/mbe.2024259 |
Dataset | Package | Valid | Invalid | |
Normal | Abnormal | |||
Training | data95830-119551 | 10347 | 12940 | 435 |
data119552-141104 | 9704 | 11526 | 323 | |
Validation | data141105-160913 | 9710 | 9828 | 271 |
Test | data1-943 | 197 | 746 | 0 |
data944-25693 | 17461 | 7204 | 85 | |
data25694-37082 | 4910 | 6350 | 129 | |
data37083-72607 | 25014 | 10246 | 265 | |
data72608-95829 | 16203 | 6507 | 512 | |
data141105-160913 | 9710 | 9828 | 271 | |
data160914-175871 | 6942 | 7777 | 239 | |
data175872-179130 | 2289 | 936 | 34 | |
data179131-193690 | 4670 | 9562 | 328 |
Decision label | Gold label | |
Negative(normal ECG) | Positive(abnormal ECG) | |
Negative | True Negative(TN) | False Negative(FN) |
Postive | False Positive(FP) | True Positive(TP) |
Model | Classification result | Gold result | |
|
|
|
Normal | Abnormal | |||||
CNN | Normal | 65601 | 17710 | 75.06 | 70.06 | 84.28 |
Abnormal | 21795 | 41446 | ||||
Resnet | Normal | 65769 | 16531 | 75.25 | 72.06 | 85.34 |
Abnormal | 21627 | 42625 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |
Model | Classification result | Gold result | |
|||
Normal | Abnormal | |||||
HBClassifier[A] | Normal | 53396 | 18282 | 61.10 | 69.10 | 74.22 |
Abnormal | 34000 | 40874 | ||||
HBClassifier[B] | Normal | 50421 | 18343 | 57.69 | 68.99 | 71.83 |
Abnormal | 36975 | 40813 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |
Dataset | Package | Valid | Invalid | |
Normal | Abnormal | |||
Training | data95830-119551 | 10347 | 12940 | 435 |
data119552-141104 | 9704 | 11526 | 323 | |
Validation | data141105-160913 | 9710 | 9828 | 271 |
Test | data1-943 | 197 | 746 | 0 |
data944-25693 | 17461 | 7204 | 85 | |
data25694-37082 | 4910 | 6350 | 129 | |
data37083-72607 | 25014 | 10246 | 265 | |
data72608-95829 | 16203 | 6507 | 512 | |
data141105-160913 | 9710 | 9828 | 271 | |
data160914-175871 | 6942 | 7777 | 239 | |
data175872-179130 | 2289 | 936 | 34 | |
data179131-193690 | 4670 | 9562 | 328 |
Decision label | Gold label | |
Negative(normal ECG) | Positive(abnormal ECG) | |
Negative | True Negative(TN) | False Negative(FN) |
Postive | False Positive(FP) | True Positive(TP) |
Model | Classification result | Gold result | |
|
|
|
Normal | Abnormal | |||||
CNN | Normal | 65601 | 17710 | 75.06 | 70.06 | 84.28 |
Abnormal | 21795 | 41446 | ||||
Resnet | Normal | 65769 | 16531 | 75.25 | 72.06 | 85.34 |
Abnormal | 21627 | 42625 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |
Model | Classification result | Gold result | |
|||
Normal | Abnormal | |||||
HBClassifier[A] | Normal | 53396 | 18282 | 61.10 | 69.10 | 74.22 |
Abnormal | 34000 | 40874 | ||||
HBClassifier[B] | Normal | 50421 | 18343 | 57.69 | 68.99 | 71.83 |
Abnormal | 36975 | 40813 | ||||
CBRNN | Normal | 66703 | 14480 | 76.32 | 75.52 | 87.69 |
Abnormal | 20693 | 44676 |