Coronary Artery Disease Classification Using One-dimensional Convolutional Neural Network

Atitaya Phoemsuk School of Computer Science and Electronic Engineering
University of Essex
Colchester, United Kingdom
[email protected]
   Vahid Abolghasemi School of Computer Science and Electronic Engineering
University of Essex
Colchester, United Kingdom
[email protected]
Abstract

Coronary Artery Disease (CAD) diagnostic to be a major global cause of death, necessitating innovative solutions. Addressing the critical importance of early CAD detection and its impact on the mortality rate, we propose the potential of one-dimensional convolutional neural networks (1D-CNN) to enhance detection accuracy and reduce network complexity. This study goes beyond traditional diagnostic methodologies, leveraging the remarkable ability of 1D-CNN to interpret complex patterns within Electrocardiogram (ECG) signals without depending on feature extraction techniques. We explore the impact of varying sample lengths on model performance and conduct experiments involving layers reduction. The ECG data employed were obtained from the PhysioNet databases, namely the MIMIC III and Fantasia datasets, with respective sampling frequencies of 125 Hz and 250 Hz. The highest accuracy for unseen data obtained with a sample length of 250. These initial findings demonstrate the potential of 1D-CNNs in CAD diagnosis using ECG signals and highlight the sample size’s role in achieving high accuracy.

Index Terms:
Convolutional Neural Networks, Electrocardiogram, Coronary Artery Disease, Myocardial Infarction.

I Introduction

Coronary Artery Disease (CAD) is a significant contributor to mortality worldwide, as reported by the World Health Organisation (WHO) [18]. The condition arises due to the accumulation of plaques, composed of lipid-based substances, which impede the circulation of blood within the arteries. Therefore, timely detection of CAD is imperative, given that the ailment can give rise to debilitating complications such as Congestive Heart Failure (CHF) and Myocardial Infarction (MI), among others. Therefore, it is essential to diagnose an early CAD and prevent death. Numerous studies have stated that no definitive biomarkers or precise electrocardiographic segments can unequivocally indicate the presence of CAD, as different waves and segments are required to be detected [3, 16]. With the development of artificial intelligence technologies, machine learning and deep learning techniques are being increasingly employed to analyse medical data, encompassing signals, X-rays, Magnetic Resonance Imaging (MRIs), and other modalities. In general medical practices, the electrocardiogram (ECG) is the foremost modality utilised for the preliminary screening of various Cardiovascular Diseases (CVDs). Although a recorded ECG may aid in the preliminary diagnosis of CHF and angina, additional tests such as echocardiography and exercise testing are generally required to confirm the diagnosis [4].

Refer to caption
Figure 1: Representation of ECG waveform components[10]

The morphology of an ECG in a single cycle comprises distinct waveforms, namely, P, Q, R, S, and T waves as shown in Fig. 1. ST segment deviation is a vital marker employed in the diagnosis of ischemic conditions, such as CAD, MI, and others. ST depression indicates severe coronary lesions and underscores the significance of an early invasive treatment approach in managing unstable coronary artery disease. Conversely, ST elevation implies complete obstruction of the affected coronary artery and is a hallmark of myocardial infarction or heart attack. In light of recent technological advancements, a multitude of investigators has devised cutting-edge computational diagnosis systems to facilitate the diagnosis of diverse CVDs [14, 5, 1]. The analysis of ECG signals for diagnosing CVDs has gained significant attention and has been the focus of an increasing investigation. Numerous deep learning techniques have been employed to classify heart diseases using ECG signals; CNN, Long Short-Term Memory (LSTM) networks, Recurrent Neural Networks (RNNs), and autoencoders [15, 12]. In recent years, there has been a significant surge in interest among researchers towards using deep learning techniques to diagnose CAD. The majority of researchers have primarily focused on employing CNN techniques for the diagnosis of AF[5], MI [2], and arrhythmia[13]. However, the current research in CAD diagnosis is not yet conclusive due to the limited availability of data and the complex nature of ECG signals in CAD diagnosis. Therefore, a relatively small group of researchers have conducted their work on CAD diagnosis using similar techniques[16, 3, 1]. In [16], the 1D-CNN was combined with LSTM for CAD diagnosis. It was implemented to extract relevant features from CAD ECG signals. Then, LSTM and a fully connected layer were utilised to conduct the classification. The model is fully automated and needs less feature engineering. However, the limitation of CAD data caused a lower diagnostic performance. Several studies have implemented 1D-CNN for the automated detection of CAD, aiming to enhance diagnostic accuracy and improve patient outcomes. For instance, Acharya et al. [1] proposed an automated CAD diagnosis system based on 1D-CNN, which demonstrated promising results in terms of both accuracy and computational efficiency. Feature extraction techniques were combined into a model structure, which later obtained reliable accuracy. However, the model training was time-consuming and needed a large amount of data. Feature extraction still plays an important role in the data pre-processing stage by identifying and selecting informative features in numerous ECG signal processing works [1, 11, 6, 9].

In this paper, the primary focus is to investigate the potential applications of a novel and compact 1D-CNN architecture with reduced complexity, with a specific aim of early onset detection. Early detection of CAD is crucial, as it enables timely and suitable treatment, resulting in better health outcomes for patients. To achieve this goal, the proposed 1D-CNN architecture will be developed in order to maintain high performance and minimise computational resource usage. This enhances the model’s applicability when performing real-time processing with limited resources. Additionally, the proposed model will be applied to CAD ECG signals obtained from the MIMIC database. The model’s purpose is to capture patterns and distinctive waveform characteristics that serve as markers for the early stages of CAD. To ensure consistent input for our model, a data normalisation technique is implemented to standardise and adjust the ECG signal data, mitigating the impact of noise, variations and artefacts in medical data. By elaborating on these novel aspects of our 1D-CNN architecture, this paper presents a comprehensive and impactful contribution to the field of CAD detection. The model’s innovation lies in its efficient architecture, optimising filter counts and kernel size while using dropout layers strategically to enhance early-onset CAD detection precision while conserving computational resources. Through its advancements, the proposed model has the potential to revolutionise early onset CAD detection, ultimately leading to improved patient care and outcomes.

II Methodology

The proposed method consists of three main steps: data collection, pre-processing, and deep learning model. The model will be designed and implemented for CAD classification using the ECG signals through our extensive experiments. Each step will be explained in detail in the following sections.

II-A Data preparation

The main portion of ECG data used for training and testing is obtained from the MIMIC III and Fantasia database from the Physionet website[8, 7]. A total of approximately 2,840 patients, constituting approximately 7.1% of all hospital admissions, are identified as having coronary atherosclerosis of the native coronary artery in the MIMIC database. The Fantasia database contains ECGs of 40 healthy patients, including 20 young and 20 adult patients. Three distinct subsets of data are generated for the experiments; D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT, D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT. The first subset (D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT) is created by selecting a cohort of 5 individuals diagnosed with CAD from the MIMIC database, and 5 healthy individuals are chosen from the Fantasia database for the purpose of training and testing the model. The second subset (D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT) is specifically composed to examine the predictive capabilities of our model further. It comprises 20 CAD subjects from the MIMIC database, alongside 20 non-CAD individuals from the Fantasia database. A third subset (D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT) was compiled by selecting patients diagnosed with CAD from the St. Petersburg database [17]. The St. Petersburg database comprises a total of 7 CAD subjects, with each subject’s record spanning a duration of 30 minutes. Each record in the St. Petersburg database consists of 12 standard leads, sampled at a frequency of 257 Hz. The subset D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT are then utilised for prediction.

II-B Data pre-processing

The ECG signals were obtained from patient records, each exhibiting different lengths of signal recordings spanning several minutes. To conduct our experiments effectively, specific segments of these ECG signals were chosen. Initially, the ECG signal data was retrieved from the records of each patient, as shown in Figure 2. Subsequently, each ECG signal was selected, ranging from 0 to 1000 samples. This segment corresponds to approximately 8 seconds of signal data. The selected data contains a complete cycle of the cardiac waveforms and is then stored in a dataframe. Prior to inputting into the classifier, the pre-processed data is subjected to labeling. A binary label was assigned to each ECG segment within subsets. Specifically, a label of 0 indicated non-CAD subjects, while a label of 1 indicated CAD subjects. This crucial step is essential for building the basis of supervised learning. The classifier can then acquire valuable features and make informed predictions based on the provided labels. During experiments, the sample lengths were potentially segmented to accommodate the study of the impact of varying lengths on model performance.

Data normalisation was then employed to transform numerical data into a standardised range, typically between -1 and 1. This process is achieved by scaling the data based on its mean and standard deviation or by applying a linear transformation to shift and re-scale the data. The standard deviation formula was used for re-scaling, as shown in (1).

s=1N1i=1N(xix¯)2𝑠1𝑁1superscriptsubscript𝑖1𝑁superscriptsubscript𝑥𝑖¯𝑥2s=\sqrt{\frac{1}{N-1}\sum_{i=1}^{N}(x_{i}-\overline{x})^{2}}italic_s = square-root start_ARG divide start_ARG 1 end_ARG start_ARG italic_N - 1 end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT ( italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT - over¯ start_ARG italic_x end_ARG ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG (1)

where s𝑠sitalic_s is the normalised signal, N𝑁Nitalic_N is the number of samples, x¯¯𝑥\overline{x}over¯ start_ARG italic_x end_ARG is the average of a given signal, and xisubscript𝑥𝑖x_{i}italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT is the signal value at the ithsuperscript𝑖𝑡i^{th}italic_i start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT position in ECG data. The standard deviation measures the spread or dispersion of the signals in the dataset. A smaller standard deviation indicates that the signals are clustered closely around the average, while a larger standard deviation indicates that the signals are more spread out. By re-scaling the data using standard deviation, we obtained normalised data, which was then utilised in classification.

Refer to caption
Figure 2: Flowchart of the proposed approach

II-C CNN model

A CNN model consisting of four convolutional layers, a max-pooling layer, four dropout layers, a flattened layer, and a fully connected dense layer was designed. The first layer of the network comprises 512 filters with a kernel size of 32, and the subsequent layers contain 256 filters with the same kernel size. By utilising 512 filters with a kernel size of 332 in the initial layer and subsequently reducing the number of filters to 256 while kee** the kernel size consistent, the reduction in parameters contributes to enhancing the model’s compactness. The Rectified Linear Unit (ReLU) activation function was used in the convolutional layers to introduce non-linearity into the model. Three dropout layers with a rate of 0.2 were added after the convolutional layers to prevent overfitting. The max pooling layer with a pool size of 128 was then applied to reduce the spatial size of the feature maps and improve generalisation. The flattened output of the max pooling layer was then fed into a fully connected (dense) layer with 128 neurons and ReLU activation, which enabled the model to learn complex representations of the input data. To further prevent overfitting, another dropout layer with a rate of 0.5 was introduced prior to the final output layer. The final output layer consists of two neurons and softmax activation, which enable the model to classify the input data into one of two possible categories. Additionally, to optimise the model’s performance, the Adam optimizer with a learning rate of 0.0001 was chosen for parameter optimization. Adam’s adaptiveness in adjusting the learning rate for each parameter based on past gradients and magnitudes is particularly beneficial for training CNNs, especially in ECG, where the model must effectively navigate complex, high-dimensional parameter spaces to accurately classify ECG data. The model was compiled using the binary cross-entropy loss function, which is particularly effective for binary classification tasks, such as distinguishing between CAD and non-CAD.

Figure 2 illustrates the process of classifying ECG signals using the proposed 1D-CNN model. The process starts with raw ECG signals, which are normalised to reduce the impact of variations in amplitude and baseline. The normalised signals are then inputted into the 1D-CNN model, which processes the data and extracts relevant features. The model subsequently uses these features to classify the signals as either CAD or non-CAD. In our study, we proposed a modified 1D-CNN model that included some modifications, such as changes in filter size and the incorporation of dropout layers. This model was employed throughout the CAD analysis process.

III Experimental Results

In our experiments, we utilised the three subsets prepared during the data preparation stage. The subset D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT was split into 70% for training and 30% for testing. This split is commonly used in machine learning because it allows for a sufficient amount of data to be used for training, while also providing enough data for testing the model’s generalisation ability. Furthermore, the subset D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT were used for prediction where the trained model was put to test with these entirely new and unseen subsets.

The accuracy was calculated as shown in (2), which measures the proportion of correctly classified instances out of all instances in the dataset. It is a common evaluation metric used to measure the performance of a classification model.

Accuracy=TP+TNTP+TN+FP+FNAccuracyTPTNTPTNFPFN\text{Accuracy}=\frac{\text{TP}+\text{TN}}{\text{TP}+\text{TN}+\text{FP}+\text% {FN}}Accuracy = divide start_ARG TP + TN end_ARG start_ARG TP + TN + FP + FN end_ARG (2)

Additionally, other critical metrics such as Misclassification Rate=FP+FNTP + TN + FP + FNMisclassification RateFPFNTP + TN + FP + FN\text{Misclassification Rate}=\frac{\text{FP}+\text{FN}}{\text{TP + TN + FP + % FN}}Misclassification Rate = divide start_ARG FP + FN end_ARG start_ARG TP + TN + FP + FN end_ARG, Precision=TPTP+FPPrecisionTPTPFP\text{Precision}=\frac{\text{TP}}{\text{TP}+\text{FP}}Precision = divide start_ARG TP end_ARG start_ARG TP + FP end_ARG, Sensitivity=TPTP+FNSensitivityTPTPFN\text{Sensitivity}=\frac{\text{TP}}{\text{TP}+\text{FN}}Sensitivity = divide start_ARG TP end_ARG start_ARG TP + FN end_ARG, and Specificity=TNTN+FPSpecificityTNTNFP\text{Specificity}=\frac{\text{TN}}{\text{TN}+\text{FP}}Specificity = divide start_ARG TN end_ARG start_ARG TN + FP end_ARG were used, where True Positives (TP) are the CAD cases that the model correctly identifies as CAD, True Negatives (TN) are the non-CAD cases correctly identified as non-CAD, False Positives (FP) are the non-CAD cases mistakenly identified as CAD, and False Negatives (FN) are the CAD cases mistakenly identified as non-CAD.

III-A Result

Table I presents the overall performance of the 1D-CNN model in classifying ECG data into CAD and non-CAD categories using different sample lengths, as we aim to determine the optimal sample length for accurate CAD diagnosis using the proposed 1D-CNN model. In the experiment, sample lengths of 1000, 500, 300, 250, 200, and 150 data points were manually selected from the lead II of each ECG subject. Varying the sample length of the input signal can reveal the impact of signal length on the classification model’s accuracy. A longer sample length may provide more information about the ECG signal but may also require more sophisticated techniques and longer processing times. On the other hand, a shorter sample length may not be as complex but may lead to lower accuracy due to the loss of critical information in the ECG signal. Hence, identifying the optimal length is essential.

Furthermore, the table shows the results of the experiment conducted on varied lengths of sample size on three different subsets. The model’s accuracy in the subset D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT was highest when the sample length was 300 data points, with training accuracy of 100% and testing accuracy of 96%, respectively. However, the model’s accuracy remained relatively high across all sample lengths for all types of data. Moreover, it indicates that smaller sample lengths generally lead to slightly lower accuracy for train and test data in some sample lengths. The accuracy is significantly increased for unseen data in subset D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT when smaller sample sizes are employed. The results indicate that the model achieved the highest accuracy for unseen data when the sample length was 250, with an accuracy of 82.5% in D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and 85.7% in D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT.

Figure 3 illustrates the performance metrics for CAD detection in D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and provides valuable insights into the model’s effectiveness. With an accuracy of 82.5%, the model demonstrates its capability to correctly classify all CAD and non-CAD instances, indicating a solid overall performance. However, the misclassification rate of 17.5% indicates room for improvement in accurately categorising cases. A precision of 85% represents that when the model identifies a positive case as CAD, it is correct approximately 85% of the time, showcasing its ability to minimise false positives. A recall of 80% reflects the model’s success in capturing about 80% of actual CAD cases, which is crucial for avoiding missed diagnoses. Additionally, a specificity of 84% highlights the model’s proficiency in accurately identifying negative cases, implying a satisfactory ability to distinguish non-CAD instances.

Overall, the results suggest that a sample length of 250 data points might be optimal for achieving the highest accuracy in subsets D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT while still maintaining high accuracy for the train and test data in subset D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT. This finding could be due to the presence of key features in the ECG signals that indicate CAD, such as ST segments and other important ECG features that may be better represented in a sample length of 250. However, further research is needed to confirm this finding and to explore other factors that might impact the model’s performance.

TABLE I: An overall performance of 1D-CNN on CAD classification using different sample lengths on three subsets.
Sample length Accuracy (%)
Subset 1 (D1subscript𝐷1D_{1}italic_D start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT) Subset 2 (D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT) Subset 3 (D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT)
Train Test Unseen Unseen
150 95.5 85 75.5 81.3
200 94.6 90 73.8 85.6
250 97.3 89 82.5 85.7
300 100 96 71.9 82.4
500 98 82 66.7 63
1000 95.6 89 63.6 65
Refer to caption
Figure 3: Confusion matrices on dataset D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT with 250-sample length

Table II provides a comparative overview of the performance of three distinct approaches for CAD detection using the MIMIC III dataset. The Baseline 1D-CNN approach demonstrates a reasonable level of performance, achieving an accuracy of 83% on the training set. This result indicates its capacity to learn from the training data and identify patterns associated with CAD. However, a noteworthy observation is the decrease in accuracy to 74% on the test set. The complexity of the model could lead to the capturing of irrelevant features during training, resulting in a noticeable decrease in testing accuracy. The Hybrid CNN-LSTM approach enhances the ability to identify relevant CAD features by introducing LSTM layers. This model achieved an accuracy of 94% in both the training and test sets, indicating effective generalisation and feature extraction capabilities. Lastly, our proposed model demonstrated remarkable accuracy, achieving 97.3% on the training set and 89% on the test set. However, the noticeable drop in accuracy on the test set warrants further exploration and investigation.

TABLE II: Comparison of existing approaches performance on CAD applications using the MIMIC III dataset.
Architecture Accuracy (%)
Train set Test set
Baseline 1D-CNN[3] 83 74
Hybrid CNN-LSTM[3] 94 94
Proposed model 97.3 89
TABLE III: Comparison of dropout layer configurations and probabilities in the proposed model
Architecture Accuracy(%)
Unseen (D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT) Unseen (D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT)
No dropout layers 62 60
one dropout (0.2) 68 71
two dropout (0.2) 65 57
three dropout (0.2) 65 62
three dropout (0.2) and a dropout of (0.5) 79 86

In addition, an ablation experiment encompassing diverse configurations of dropout layers was conducted to evaluate the efficacy of the integration of these layers on the optimal sample length, as shown in Table III. The results of these experiments reveal a significant improvement in the performance of subset D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT, achieved through the incorporation of four dropout layers, each configured with dropout rates of 0.2 and 0.5. Notably, this configuration achieves the highest accuracy of 79% in D2subscript𝐷2D_{2}italic_D start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and 86% in D3subscript𝐷3D_{3}italic_D start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT. This improvement strongly suggests that adding dropout layers helps enhance the model’s ability to generalise and effectively addresses concerns about overfitting. However, it is important to exercise caution when considering the inclusion of more dropout layers or higher dropout rates, as these adjustments may not necessarily lead to further performance gains. In fact, excessive dropout can potentially hinder the network’s learning capacity. The experimental results demonstrate the effectiveness of the 1D-CNN model in accurately classifying ECG data into CAD and non-CAD categories, regardless of the sample length. The model achieved high accuracy for both train and test data across all sample lengths, with the highest accuracy observed when the sample length was set to 300 data points. This indicates that the model was able to learn and generalise well from various ECG samples, regardless of their length. Interestingly, the experimental findings suggest that reducing the sample length leads to a slight decrease in the accuracy of both train and test data. However, this is compensated by a significant improvement in the accuracy of unseen data, highlighting the potential for better generalisation of the 1D-CNN model with smaller sample sizes.

TABLE IV: Comparative analysis of model complexity with existing work
Metric Proposed Model Baseline 1D-CNN[3] Hybrid CNN-LSTM[3]
Number of Layers 12 14 14
No. of Parameters 8 M 0.4 M 4 M
Activation Function ReLU ReLU ReLU
Pooling Layers Max Pooling Max Pooling Max Pooling
Dropout Rate 0.2 and 0.5 0.2 0.2
Learning Rate 0.001 0.003 0.003
Floating-Point Operations (FLOPs) 65,792 71,936 23,609,344
Performance (Accuracy) 97.3% 83% 94%
Computational Resources Apple M2 Max Intel® Xeon(R) 16-core Intel® Xeon(R) 16-core

Additionally, we conducted an extensive examination of the model’s complexity, as illustrated in Table IV. The Baseline 1D-CNN and the Hybrid CNN-LSTM models, each comprising 14 layers, exhibit significant differences in parameter usage. The Baseline 1D-CNN employs 0.4 million parameters, while the Hybrid CNN-LSTM utilises 4 million parameters and achieves 83% and 94% accuracy, respectively. However, the proposed model features a relatively complex architecture with 12 layers and 8 million parameters. Remarkably, despite its relatively lower complexity and the smaller dataset size, it attains an impressive accuracy rate of 97.3%. The proposed model outperforms the Baseline 1D-CNN and Hybrid CNN-LSTM in accuracy but requires significantly more computational resources, limiting its practicality in resource-constrained environments.

Furthermore, the proposed model demonstrates remarkable efficiency in terms of computational complexity, as evidenced by its significantly lower demand for Floating-Point Operations (FLOPs) compared to the Hybrid CNN-LSTM and Baseline 1D-CNN approaches. With only 65,792 FLOPs, our proposed model achieves outstanding performance, surpassing the accuracy of the Baseline 1D-CNN and Hybrid CNN-LSTM. This efficiency translates into a more cost-effective and energy-efficient deployment, making it an attractive option for real-world applications. However, it is important to note that a direct correlation between a number of parameters and FLOPs is not definitively established. Increasing these factors does not consistently lead to better performance. In the proposed model, it is noteworthy that it exhibits enhanced performance while requiring fewer computational resources despite having the highest number of parameters and the lowest number of FLOPs.

To summarise, the proposed model emerges as a suitable choice, distinguished by its exceptional computational efficiency, high accuracy, and resource-efficient design in contrast to the remaining models in the table. It successfully balances complexity and performance, offering a practical and cost-effective solution for real-world applications.

IV Conclusion

Given the absence of precise CAD biomarkers, identifying robust classification features becomes crucial. Exploring alternative ECG channels for CAD detection is also deemed essential. Extracting CAD-specific data from diverse patient records in the MIMIC III database proved challenging due to the varied ECG storage methods across channels. Future research should persist in exploring feature extraction techniques and their impact on model performance while considering their limitations. Furthermore, upcoming studies could delve into other critical factors influencing the model’s performance, such as the number of ECG leads utilised, sample size, and additional underlying medical conditions. One of the most pivotal aspects to further address is reducing network complexity, as it is directly correlated with model accuracy.

References

  • [1] U Rajendra Acharya, Hamido Fujita, Oh Shu Lih, Muhammad Adam, Jen Hong Tan, and Chua Kuang Chua. Automated detection of coronary artery disease using different durations of ecg segments with convolutional neural network. Knowledge-Based Systems, 132:62–71, 2017.
  • [2] Ulas Baran Baloglu, Muhammed Talo, Ozal Yildirim, Ru San Tan, and U Rajendra Acharya. Classification of myocardial infarction with multi-lead ecg signals and deep cnn. Pattern Recognition Letters, 122:23–30, 2019.
  • [3] Rohan Banerjee, Avik Ghose, and Kayapanda Muthana Mandana. A hybrid cnn-lstm architecture for detection of coronary artery disease from ecg. In 2020 International Joint Conference on Neural Networks (IJCNN), pages 1–8, 2020.
  • [4] S. Compiet, R. Willemsen, K. Konings, and Henri Stoffers. Competence of general practitioners in requesting and interpreting ecgs - a case vignette study. Netherlands Heart Journal, 26, 06 2018.
  • [5] Xiaomao Fan, Qihang Yao, Yunpeng Cai, Fen Miao, Fangmin Sun, and Ye Li. Multiscaled fusion of deep convolutional neural networks for screening atrial fibrillation from single lead short ecg recordings. IEEE Journal of Biomedical and Health Informatics, 22(6):1744–1753, 2018.
  • [6] Varun Gupta, Monika Mittal, Vikas Mittal, and Nitin Kumar Saxena. A critical review of feature extraction techniques for ecg signal analysis. Journal of The Institution of Engineers (India): Series B, 102:1049–1060, 2021.
  • [7] Nikhil Iyengar, CK Peng, Raymond Morin, Ary L Goldberger, and Lewis A Lipsitz. Age-related alterations in the fractal scaling of cardiac interbeat interval dynamics. American Journal of Physiology-Regulatory, Integrative and Comparative Physiology, 271(4):R1078–R1084, 1996.
  • [8] Alistair EW Johnson, Tom J Pollard, Lu Shen, Li-wei H Lehman, Mengling Feng, Mohammad Ghassemi, Benjamin Moody, Peter Szolovits, Leo Anthony Celi, and Roger G Mark. Mimic-iii, a freely accessible critical care database. Scientific data, 3(1):1–9, 2016.
  • [9] S Karpagachelvi, Muthusamy Arthanari, and M Sivakumar. Ecg feature extraction techniques-a survey approach. arXiv preprint arXiv:1005.0957, 2010.
  • [10] The McGill Physiology Virtual Laboratory. Cardiovascular lab: Electrocardiogram: Introduction’. http://www.medicine.mcgill.ca/physio/vlab/cardio/introecg.htm, July 2022.
  • [11] Han Li, Xinpei Wang, Changchun Liu, Yan Wang, Peng Li, Hong Tang, Lianke Yao, and Huan Zhang. Dual-input neural network integrating feature extraction and deep learning for coronary artery disease detection using electrocardiogram and phonocardiogram. IEEE Access, 7:146457–146469, 2019.
  • [12] Siti Nurmaini, Annisa Darmawahyuni, Akhmad Noviar Sakti Mukti, Muhammad Naufal Rachmatullah, Firdaus Firdaus, and Bambang Tutuko. Deep learning-based stacked denoising and autoencoder for ecg heartbeat classification. Electronics, 9(1), 2020.
  • [13] Shu Lih Oh, Eddie Y.K. Ng, Ru San Tan, and U. Rajendra Acharya. Automated diagnosis of arrhythmia using combination of cnn and lstm techniques with variable length heart beats. Computers in Biology and Medicine, 102:278–287, 2018.
  • [14] Julien Oster and Gari Clifford. Impact of the presence of noise on rr intervals-based atrial fibrillation detection. Journal of electrocardiology, 48, 09 2015.
  • [15] Shraddha Singh, Saroj Kumar Pandey, Urja Pawar, and Rekh Ram Janghel. Classification of ecg arrhythmia using recurrent neural networks. Procedia computer science, 132:1290–1297, 2018.
  • [16] Jen Hong Tan, Yuki Hagiwara, Winnie Pang, Ivy Lim, Shu Lih Oh, Muhammad Adam, Ru San Tan, Ming Chen, and U. Rajendra Acharya. Application of stacked convolutional and long short-term memory network for accurate identification of cad ecg signals. Computers in Biology and Medicine, 94:19–26, 2018.
  • [17] Vikto Tihonenko, A Khaustov, S Ivanov, A Rivin, and E Yakushenko. St petersburg incart 12-lead arrhythmia database. PhysioBank PhysioToolkit and PhysioNet, 2008.
  • [18] Who.int. Cardiovascular diseases. https://www.who.int/health-topics/cardiovascular-diseases, 2019.