Next Article in Journal
Small Toxic Molecule Detection and Elimination Using Molecularly Imprinted Polymers (MIPs)
Previous Article in Journal
MyμAlbumin: A Cutting-Edge Immunoturbidity-Based Device with Real-Time and Seamless Data Transmission for Early Detection of Chronic Kidney Disease at the Point of Care
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Multi-Domain Feature Fusion CNN for Myocardial Infarction Detection and Localization

1
Hubei Key Laboratory for High-Efficiency Utilization of Solar Energy, Hubei University of Technology, Wuhan 430068, China
2
School of Computer Science, Hubei University of Technology, Wuhan 430068, China
3
School of Artificial Intelligence, Shenzhen Polytechnic University, Shenzhen 518055, China
4
Puleap Health Technology Co., Ltd., Guangzhou 510710, China
*
Authors to whom correspondence should be addressed.
Biosensors 2025, 15(6), 392; https://doi.org/10.3390/bios15060392
Submission received: 28 March 2025 / Revised: 7 June 2025 / Accepted: 16 June 2025 / Published: 17 June 2025

Abstract

:
Myocardial infarction (MI) is a critical cardiovascular disease characterized by extensive myocardial necrosis occurring within a short timeframe. Traditional MI detection and localization techniques predominantly utilize single-domain features as input. However, relying solely on single-domain features of the electrocardiogram (ECG) proves challenging for accurate MI detection and localization due to the inability of these features to fully capture the complexity and variability in cardiac electrical activity. To address this, we propose a multi-domain feature fusion convolutional neural network (MFF–CNN) that integrates the time domain, frequency domain, and time-frequency domain features of ECG for automatic MI detection and localization. Initially, we generate 2D frequency domain and time-frequency domain images to combine with single-dimensional time domain features, forming multi-domain input features to overcome the limitations inherent in single-domain approaches. Subsequently, we introduce a novel MFF–CNN comprising a 1D CNN and two 2D CNNs for multi-domain feature learning and MI detection and localization. The experimental results demonstrate that in rigorous inter-patient validation, our method achieves 99.98% detection accuracy and 84.86% localization accuracy. This represents a 3.43% absolute improvement in detection and a 16.97% enhancement in localization over state-of-the-art methods. We believe that our approach will greatly benefit future research on cardiovascular disease.

1. Introduction

According to statistics from the World Health Organization, the number of people affected by cardiovascular diseases (CVDs) and the proportion of deaths they cause increase annually. CVDs are now the leading cause of death worldwide, resulting in substantially more deaths and fatalities than cancer and other diseases [1]. The high prevalence, disability, and mortality rates are the main characteristics of CVDs [2]. Common CVDs include hypertension, hyperlipidemia, angina pectoris, coronary heart disease, and myocardial infarction (MI). MI, commonly known as a heart attack, is the leading cause of death from cardiovascular disease. It is characterized by its sudden onset, critical condition, high mortality rate, and potential for serious complications. Early diagnosis and accurate treatment are crucial for the management and prognosis of MI [3], substantially reducing complications and greatly improving patient survival rates [4].
The electrocardiogram (ECG) is a crucial tool for recording cardiac signals, objectively reflecting the physiological status of different parts of the human heart to a great extent. Due to its accessibility and non-invasiveness, the ECG is commonly used for clinical MI detection and localization [5]. Traditionally, the identification of MI relied heavily on manual ECG interpretation by experts, a process that is often time-consuming and, given the lengthy diagnostic sessions, susceptible to human error. However, with advancements in computer science and signal processing technology, research on the automatic detection of MI has increased substantially, leveraging traditional machine learning and deep learning methods to potentially mitigate these limitations.
Traditional machine learning-based MI detection methods require the manual extraction of ECG features, which are then classified by classifiers, such as support vector machine (SVM) [6,7,8,9,10,11], k-nearest neighbor (KNN) [7,8,12], and decision tree (DT) [7]. Arif et al. [13] used the discrete wavelet transform (DWT) to extract features from a 12-lead ECG and employed the KNN classifier to detect and locate MI. Dohare et al. [9] extracted 220 features from the ECG, including P-wave, QRS, ST-T complex, and QT interval, and utilized principal component analysis (PCA) to select 14 input features in an SVM model for MI detection. However, manual feature extraction has substantial limitations, potentially reducing the classifier’s accuracy. Additionally, obtaining useful ECG features remains challenging and heavily relies on clinical diagnostic experience. The lack of important information during manual feature extraction may also lead to misdiagnosis [14].
In contrast, deep learning-based MI detection methods are automatic and do not require manual analysis and feature extraction. Wang et al. [15] proposed a multi-lead integrated neural network approach that combined a three-seeded network with multi-lead ECG signals for MI detection. Feng et al. [16] combined convolutional neural networks (CNNs) and long short-term memory (LSTM) to learn MI features. Xiong et al. [17] used a multi-lead neural network based on DenseNet to localize MI with a 12-lead ECG. Strodthoff et al. [18] employed a fully connected neural network to detect MI. Qu Jierui et al. [19] proposed an interpretable shapelet-based approach that combines dynamic learning with deep learning to capture the intrinsic dynamics of ECG and extract substantial shapelets. Zhang et al. [20] adopted ensemble learning methods to detect MI by extracting energy entropy and morphological features from ECG signals. The above deep learning-based MI detection methods use 1D ECG signals as input. However, 1D ECG signals provide only single-point time and amplitude information, which cannot fully reveal the spatial distribution characteristics of cardiac electrical activity. In contrast, 2D ECG signals provide the time and amplitude information and the overall change trend of the signal.
Recent studies have proposed various approaches using 2D ECG images as inputs for MI detection. Huang et al. [21] and Rahhal et al. [22] explored the use of time-frequency images generated by short-time Fourier transform (STFT) or continuous wavelet transform (CWT) as 2D inputs, achieving substantially improved ECG classification results compared with traditional 1D ECG analysis. Hao et al. [23] employed 12-lead ECG images in a multi-branch fusion network for MI detection. Swain et al. [24] introduced an enhanced Stockwell transform and phase distribution mode for automatic MI detection. Zhang et al. [25] applied the Gramian Angular Field (GAF) method to convert ECG time series into images, then feature extraction using a PCA network. Yousuf et al. [26] proposed using 2D CNNs for detecting MI by transforming ECG signals into grayscale images.
Existing deep learning-based methods for MI detection and localization have shown promising results. However, many of these methods focus exclusively on the time domain characteristics of ECG signals, neglecting their frequency domain features. In practical applications, disease diagnosis cannot rely solely on single-domain features; integrating multiple types of features becomes imperative. Combining information from both time and frequency domains is essential to enhance the model’s generalization ability. To achieve this, ECG signals can be decomposed into multiple scales, facilitating the generation of time-frequency images across various frequency ranges. These images enable a detailed exploration of the complexity and dynamics of cardiac electrical activity, thereby empowering MI detection and localization algorithms to leverage both types of features effectively and improve overall accuracy.
Therefore, this study proposes a multi-domain feature fusion convolutional neural network (MFF–CNN) that integrates ECG signals’ time, frequency, and time-frequency domain features for MI detection and localization. The main contributions are summarized below.
The effective generation of frequency-domain spectrum and time-frequency images, combined with time-domain ECG signals, creates multi-domain information inputs. Leveraging S-transform for time-frequency representation and GAF for spectral analysis, this approach significantly enhances feature representation and generalization ability, thereby improving MI detection and localization accuracy.
Introduction of a novel MFF–CNN for automatically extracting deep features from input ECG signals, spectrum images derived from GAF, and time-frequency images generated by S-transform. This model integrates complementary characteristics from each domain, leveraging the strengths of both S-transform and GAF in capturing MI-related features, enabling effective multi-domain feature learning for MI detection and localization.
The MFF–CNN achieves superior results compared with existing methods, demonstrating its effectiveness in detecting and localizing MI. On the well-known PTB diagnostic ECG database, our proposed method sets a new benchmark in inter-patient evaluation with a detection accuracy of 99.98% and a location accuracy of 84.86%. Furthermore, in generalization tests using the PTB data for training and the PTB-XL data for validation, the MFF–CNN obtains a location accuracy of 78.21%, far surpassing that of single-domain models.
The remainder of this paper is organized as follows: Section 2 describes the data preprocessing, GAF, S transform, and the proposed MFF-CNN. Section 3 presents the experimental results. Section 4 discusses the experimental results. Finally, Section 5 provides the conclusions.

2. Materials and Methods

Figure 1 illustrates the structure of the proposed MI detection and localization method. The 12-lead ECG signal initially undergoes preprocessing and segmentation into individual heartbeats across all 12 leads. The spectrum image (using the GAF method) and the time-frequency image (via the S transform) are derived from lead II of these segmented heartbeats. Lead II is critical for ECG diagnosis as it aligns with the heart’s electrical axis, clearly showing atrial and ventricular depolarization, and typically has less noise interference, ensuring better quality for GAF and S-transform analysis. Subsequently, the obtained images and the 12-lead heartbeat data train a 2D CNN network and a separate 1D CNN network. Ultimately, the outputs from these networks are integrated to determine the precise location and type of MI. By integrating multi-domain features inherent in ECG signals, this approach substantially improves the accuracy and robustness of MI localization.

2.1. Data Preprocessing

This study utilizes the PTB diagnostic ECG database [27] and PTB-XL dataset [28] from the Physikalisch-Technische Bundesanstalt of the German National Metrology Institute. The PTB database serves as an open-source resource for MI diagnosis. It comprises 549 records from 290 subjects, each with one or more records. The subjects’ ages range from 17 to 87 years, with an average age of 57.2. The male-to-female ratio is 2.58:1. Each record has a sampling rate of 1000 Hz and includes 15 channels: the standard 12-lead ECG signals (I, II, III, aVR, aVL, aVF, and V1–V6) and the 3 Frank ECG signals (VX, VY, and VZ). The database lacks beat-by-beat annotations but provides detailed clinical summaries and other pertinent information in the header files of most ECG recordings. It encompasses 148 patients with MI and 52 healthy control subjects. Among the 148 MI patients, 21 were not annotated with the specific infarction region; thus, records from these 21 MI patients were excluded from the study. Table 1 summarizes the samples from the PTB database used in this research.
The PTB-XL ECG dataset consists of 21,837 clinical 12-lead ECG records from 18,885 patients. Each record is 10 s long and has a sampling rate of 500 Hz. Cardiologists have annotated the data covering 71 types of heart disease, with multiple annotations possible in most records. This study provides an overview of the PTB-XL dataset, which includes 2184 normal records and 5469 records depicting nine types of MI, detailed in Table 2. Due to the differing sampling rates between the PTB-XL dataset and the PTB database, we resampled the PTB-XL dataset to 1000 Hz to ensure consistency in frequency across both databases.
The ECG signal must be preprocessed to remove noise sources, such as myoelectric interference, baseline drift, and industrial frequency interference to ensure accurate classification results. This involves eliminating noise signals from the original signal before analysis to prevent interference from affecting the results. The initial step involves baseline wander removal via median filtering, which suppresses low-frequency drift caused by respiration or movement by vertically shifting the signal to zero-center the isoelectric line. Subsequently, the improved threshold wavelet denoising method [29] separates the ECG signal from noise, as depicted in Equation (1).
d ^ b ( c ) = sgn ( d b ( c ) ) ( d b ( c ) T E b ) , d b ( c ) > T E b 0 , d b ( c ) T E b
where b (b = 1,...,9) represents the number of levels of wavelet decomposition, and c denotes the number of sample points in the signal. T E b is the set threshold, calculated as T E b = σ b 2 log d b / log ( b + 1 ) , where d b denotes the L 2 norm (Euclidean norm) of the detail coefficients at the b-th level of the wavelet decomposition, σ b denotes the estimated noise level calculated as σ b = m e d i a n ( d b ) / 0.6745  [30], and 0.6745 is the value corresponding to 75% of the area of under a standard Gaussian distribution with mean 0 and variance 1 (p = 0.25).
The dB6 wavelet was selected as the wavelet basis due to its similarity in morphology to the ECG signal. A 5-level wavelet decomposition was applied to the signal, and coefficients smaller than T E b were thresholded to zero to eliminate additional noise signals. The Pan–Tompkins algorithm [31] was utilized to localize QRS wave clusters and R peaks. Each heartbeat was defined as 250 sample points before the R peak and 400 sample points after the R peak, resulting in 651 sample points per beat. Figure 2 illustrates a comparison of the ECG signals before and after processing.

2.2. Gramian Angular Field for Spectrum Image Generation

In this study, a discrete Fourier transform was employed to compute the spectrum of the ECG signal. Subsequently, the GAF method [32] was utilized to transform the 1D spectrum into a 2D image, leveraging its advantage in preserving temporal dependencies and facilitating feature extraction in the frequency domain. The algorithm consists of three steps. First, any 1D signal X = x 1 , x 2 , . . . , x n is rescaled to fit within the interval [−1,1] using Equation (2).
x i ˜ = x i m a x ( X ) + x i m i n ( X ) m a x ( X ) m i n ( X )
The sequence X is transformed and represented in polar coordinates. Each value is encoded as an angular cosine φ i and a radius r i , which are calculated using Equation (3).
φ i = arccos ( x i ˜ ) , 1 x i ˜ 1 , x i ˜ X , ˜ r i = t i N , t i N , i = 1 , 2 , . . . , n ,
The formula uses t i to denote the timestamp and N as a constant factor. Representing the time series in polar coordinates offers a novel approach. As time progresses, values shift among various points on the circular representation. Converting the adjusted time series into polar coordinates facilitates leveraging the angular perspective by computing the angular difference between consecutive points. This aids in identifying the temporal correlations across different intervals. Equation (4) subsequently defines the GAF.
G = sin ( φ 1 φ 1 ) sin ( φ 1 φ n ) sin ( φ 2 φ 1 ) sin ( φ 2 φ n ) sin ( φ n φ 1 ) sin ( φ n φ n ) = I d i a g ( X ˜ X ˜ ) × X ˜ X ˜ × I d i a g ( X ˜ X ˜ )
Equation (4) illustrates that I is a unit row vector and G represents a Gram matrix. In Equation (4), the Gram matrix G has zero diagonal elements by construction, as s i n ( φ i φ i ) = 0 . This reflects the elimination of self-difference terms and focuses attention on pairwise temporal dependencies. While G is thus not positive definite, its semidefinite structure preserves critical phase-based relationships for feature extraction. Transforming from 1D to 2D features provides two primary advantages: smoothing the spectral sequence through piecewise aggregation approximation [33] to maintain crucial temporal trends for CVDs analysis and enhancing the intuitive representation of CVDs-induced spectral changes. This leverages the capabilities of 2D deep learning in computer vision for precise feature identification.
Figure 3 illustrates the transformation process of 1D spectral images of ECG signals into 2D spectral images using the GAF method for both MI and HC subjects, with the upper half depicting ECGs from HC subjects and the lower half from MI subjects. The ECG signals of MI subjects exhibited more low-frequency signals and a less concentrated overall frequency distribution than HC subjects. However, these changes were not evident in the 1D spectra. The GAF method was employed to convert the signals to images, enhancing visibility and making the changes induced by MI more pronounced and apparent.

2.3. S Transform

The S transform (ST) generalizes the CWT [34], providing high-frequency resolution, no cross-terminal interference, strong noise immunity, and an adjustable window function [35]. Equation (5) defines the ST of the signal x ( t ) .
S ( τ , f ) = x ( t ) f 2 π e τ t 2 f 2 2 e i 2 π f t d t
where τ represents the time shift factor and f denotes frequency. The ST is utilized in ECG analysis to offer precise time-frequency information. Initially proposed by Davis and Mermelstein in 1980, this transform employs an adjustable Gaussian window that effectively accommodates frequency variations in the signal. Compared with the STFT, the ST provides superior time-frequency resolution. Given the temporal variability in the heart’s electrical activity, the Gaussian window with inverse frequency dependency accurately captures this dynamic property.
Additionally, the ST provides superior phase resolution, enabling the detection of even minor signal changes. Due to the complexity and noise often present in ECG signals, a tool with excellent phase resolution is crucial for extracting valuable information. The ST, with its phase correction and scalable Gaussian window, facilitates the precise extraction of the heart’s electrical activity features and provides an accurate time-frequency representation. The inverse frequency dependence of the Gaussian window allows finer capture of high-frequency signal components, transient feature detection, and estimation of the signal’s time-frequency distribution. This enhances our understanding of the heart’s dynamic characteristics and abnormal manifestations, offering valuable clinical insights for diagnosis and treatment.
Figure 4 shows the ST images of the heartbeats of MI and HC subjects. The ST image in Figure 4b indicates that, compared with HC subjects, the main frequency of MI subjects appears at 0.4 s, and the overall frequency distribution is not concentrated, with a substantial number of low-frequency signals present throughout the entire heartbeat.

2.4. MFF–CNN Network

Figure 5 depicts the architecture of the proposed MFF–CNN, which incorporates the standard ResNet18 network and the optimized SE-ResNet18 network. The ResNet18 network is the primary structure of the model due to its excellent balance between performance and efficiency, robust feature extraction capabilities, broad applicability across various tasks, and ease of deployment and debugging. Due to the variability in data dimensions, we utilized the classical ResNet18 network to process 2D data. To adapt to the characteristics of 1D ECG data, we converted the 2D ResNet18 network into a 1D ResNet18 network and adjusted the initial 7 × 7 convolutional kernel to a 1D convolutional kernel of size 15. This adjustment is because larger convolutional kernels can help the network learn more meaningful features. Additionally, the subsequent 3 × 3 convolutional kernel was replaced with a 1D convolutional kernel of size 7.
To enhance the network’s ability to characterize features, we added a squeeze and excitation (SE) block structure to each residual block (ResB) [36]. The SE block enhances the representation of feature channels through its two core operations: “Squeeze” and “Excitation”. The “Squeeze” operation summarizes channel-wise features via global average pooling, creating a global description. Meanwhile, the “Excitation” operation utilizes a Multi-Layer Perceptron to evaluate the importance of each channel based on this global information, outputting a weight vector. This modification enables the model to effectively integrate global information with channel significance, subsequently bolstering its performance, robustness, and adaptability to a wide range of complex scenarios by learning and emphasizing crucial weights and features across different channels. Additionally, a dropout layer with a dropout rate of 0.2 was added between the two convolutional kernels of each ResB to reduce the risk of overfitting. These enhancements improve the model’s ability to adapt to data of varying dimensions, resulting in more accurate feature extraction and classification.
Finally, we effectively fuse and integrate the output information from each network by concatenating the feature vectors from different input sources to form a combined feature vector, which serves as the input to the fully connected layer. Subsequently, a softmax layer normalizes the output of the fully connected layer to obtain the final classification results.
This strategy leverages the strengths of each network and improves the model’s classification performance. Table 3 presents the parameters of the two types of networks used in the experiment.

3. Experimental Results

In this section, we evaluate and compare the MI detection and localization performance of the proposed MFF–CNN model with three single-domain models: the 1D ECG model, the 2D spectrum image model, and the 2D time-frequency image model. The evaluation is conducted on the PTB database using both intra-patient and inter-patient paradigms. The generalizability of the proposed MFF–CNN model is further verified using the PTB-XL dataset.

3.1. Experimental Settings

During the training process, all models were trained using the cross-entropy loss function. Stochastic gradient descent with a learning rate of 0.001 and momentum of 0.9 was employed for parameter updates. The model’s loss is minimized through iterative steps, and its parameters are updated using error back-propagation. The batch and epoch sizes were set to 64 and 60, respectively. The experiments we conducted using Python 3.7. The deep learning program ran on the PyTorch 1.10.1 framework, utilizing NVIDIA GeForce RTX 4060 laptop GPUs (Nvidia, Santa Clara, CA, USA) to accelerate the training process. The methodology was implemented on a PC with a 5.40 GHz Intel Core i9-13900HX CPU (Intel, Santa Clara, CA, USA), 16 GB RAM, and Windows 11 operating system (Microsoft, Redmond, WA, USA).

3.2. Evaluation Indicators

To facilitate objective and quantitative comparisons of classification performance, we evaluated the classification results using accuracy ( A c c ), sensitivity ( S e n ), precision ( P r e ), specificity ( S p e ), and F1-score ( F 1 ). These metrics were defined as follows:
A c c = T P + T N T P + F P + T N + F N ,
S e n = R e c a l l = T P T P + F N ,
P r e = T P T P + F P ,
S p e = T N T N + F P ,
F 1 - Score = 2 × S e n × P r e ( S e n + P r e )
where T P and T N denote the number of true-positive and true-negative heartbeats, respectively. F N and F P represent the number of false-negative and false-positive heartbeats. To assess the overall accuracy of the model in localizing MI, we define the model’s overall classification accuracy as A c c T , calculated using Equation (11).
A c c T = y = 1 12 T P y y = 1 12 T P y + F N y
where T P y represents the number of correctly detected heartbeats of each type, while F N y is the number of each type of heartbeat that was not correctly diagnosed.

3.3. Intra-Patient Evaluation of the Performance of MI Detection and Localization on the PTB Database

For the intra-patient experiments, the recorded heartbeats were randomly divided into training, validation, and test sets in a ratio of 7:2:1. The proposed dataset splitting strategy substantially reduces computational expenses compared with K-fold cross-validation. Additionally, the fixed validation and test sets provide a stable and consistent basis for evaluating the performance of different models. The presented results reflect all the experimental outcomes obtained from the entire PTB database.
Table 4 presents the experimental results of each model for MI detection in the intra-patient paradigm. Table 5 presents the 10-fold cross-validation results of the MFF–CNN model for detecting MI under the intra-patient paradigm. Under this paradigm, single-domain models using 12-lead ECG signals, GAF images, and ST images as inputs have all demonstrated satisfactory performance in MI detection. However, the MFF–CNN model achieved superior performance with an accuracy of 99.99%, sensitivity of 100%, precision of 99.99%, specificity of 99.97%, and F1-score of 100%, surpassing all single-domain models.
Similarly, as depicted in Table 6, our MFF–CNN model exhibits higher accuracy and sensitivity than all single-domain models for MI location. Although the precision and F1-score of the MFF–CNN model are slightly lower than those of the single-domain ST images model, the overall performance of the MFF–CNN is superior.
Figure 6 illustrates the confusion matrix of the fusion model in the intra-patient paradigm of the PTB database for MI localization. Table 7 presents the fusion model’s performance in localizing different types of MI under this paradigm.

3.4. Inter-Patient Evaluation of the Performance of MI Detection and Localization on the PTB Database

For the inter-patient experiments, we randomly divided all records into a training set and a test set in a 7:3 ratio based on the number of patients. However, the validation set was insufficient for further optimization due to the limited number of samples in specific MI categories. Therefore, we opted for a straightforward 7:3 division between the training and testing sets without establishing a separate validation set. Additionally, since the PTB database contains instances from individual patients, we sourced the corresponding patient data from the PTB-XL dataset to facilitate the completion of the inter-patient experiments.
Using different patients for training and testing data increases the complexity of MI detection and localization. The results presented reflect the model’s predictions on the test set. As shown in Table 8, the proposed MFF–CNN demonstrates impressive performance in MI detection, achieving an accuracy of 99.98%, a sensitivity of 100%, a precision of 99.97%, a specificity of 99.95%, and an F1 score of 99.98%, surpassing all single-domain models. Table 9 presents the 10-fold cross-validation results of the MFF–CNN model for detecting MI under the inter-patient paradigm.
Regarding MI localization, the MFF–CNN model outperforms the single-domain model in accuracy and sensitivity under the same paradigm, as displayed in Table 10. The MFF–CNN model achieved high-precision localization under the more complex inter-patient paradigm, with an overall accuracy of 84.86%, a sensitivity of 62.90%, a precision of 64%, a specificity of 98.60%, and an F1-score of 60.59%. These results demonstrate the model’s stability and accuracy on inter-patient data.
In the PTB inter-patient experiments, multi-domain feature fusion resulted in a substantial improvement in MI detection and localization compared with models relying solely on single-domain features. The need for the model’s generalization ability becomes more critical as the difference between the training and testing data increases in the inter-patient paradigm.
The experimental results indicate that the proposed fusion model, MFF–CNN, is more effective than single-domain models in detecting and localizing MI under the inter-patient paradigm. This is due to the fusion model’s ability to comprehensively utilize feature information from different domains and perspectives, resulting in more accurate disease pattern identification and stronger stability and generalization. Figure 7 shows the confusion matrix of the fusion model for MI localization under the inter-patient paradigm for the PTB database. Table 11 shows the performance of the fusion model in localizing different types of MI in the inter-patient paradigm of the PTB database.

3.5. Ablation Experiments Under the Inter-Patient Paradigm

To assess how time-domain, frequency-domain, and time-frequency-domain ECG features affect MI localization, we conducted ablation experiments. By systematically removing or combining features from different domains, we analyzed their contributions to the model’s MI localization accuracy. Since data partitioning under the intra-patient paradigm may bias model performance evaluations in ablation studies, we uniformly used inter-patient partitioning in ablation experiments to ensure reliable results.
As shown in Table 12, under the inter-patient paradigm of the PTB dataset, the impact of different domain feature combinations on the myocardial infarction localization model performance exhibits significant variations. When using single-domain features, ECG signals alone achieved an Acc of 56.37% and Sen of 49.27%, showing preliminary localization capability with room for improvement. Switching to GAF images increased Acc to 58.65% and Sen to 52.53%, indicating complementary information. ST images delivered the best single-domain performance with Acc reaching 61.66% and Sen 55.37%, demonstrating superior information representation. Multi-domain feature fusion significantly enhanced performance: ECG+GAF achieved Acc 68.42% and Sen 56.21%, while ECG+ST reached Acc 72.15% and Sen 59.83%, highlighting ST’s critical contribution. Notably, the GAF+ST combination underperformed with Acc 65.33% and Sen 53.97%. The tri-modal fusion of ECG+GAF+ST yielded optimal results—Acc 84.86% and Sen 62.96%—proving the necessity and substantial advantage of multi-domain feature fusion in improving MI localization accuracy and effectiveness.

3.6. Generalizability Evaluation of the Proposed Method on the PTB-XL Dataset

Given the model’s generalization ability and importance in practical applications, we selected the PTB-XL dataset as the test dataset for verification. It is important to note that the PTB-XL dataset was not used in the model’s training process but was only utilized during the testing phase. This approach ensures an objective and accurate evaluation of the model’s generalization performance across various datasets.
In the experiments on the PTB-XL dataset, the fusion model MFF–CNN demonstrated excellent MI detection performance, outperforming all single-domain models. As shown in Table 13, the fusion model achieved a high accuracy of 91.57% for MI detection on the PTB-XL dataset, with a perfect sensitivity of 100% and a high precision level of 88.73%. Although the specificity was slightly lower at 74.93%, the F1 score was as high as 94.03%. Compared with its performance on the PTB database, the model’s performance on PTB-XL did not substantially decrease, demonstrating its strong generalization ability.
Table 14 shows that the fusion model MFF–CNN maintains good generalization ability for the task of MI localization across databases, with an accuracy of 78.21%, sensitivity of 73.95%, precision of 63.97%, specificity of 96.33%, and an F1-score of 61.49%. These results are substantially better than those of the single-domain models. Conversely, single-domain models exhibit poorer localization results. These results demonstrate that the fusion model can improve the accuracy and reliability of localization, while single-domain models have limitations in providing complete and accurate MI localization information.
Table 15 presents the fusion model’s performance in localizing different types of MI within the PTB-XL dataset.

3.7. Comparison Results with Existing Methods

Table 16 compares the proposed MFF–CNN with existing MI detection and localization methods based on the PTB database. In the intra-patient comparison, the proposed MFF–CNN achieves competitive results: 99.99% accuracy and 100% sensitivity for MI detection and 99.98% accuracy and 99.97% sensitivity for MI localization. While the 3D images [37] method reports 100% accuracy for MI detection, it does not address MI localization. In contrast, our method demonstrates superior overall performance and excels in detection and localization tasks. In inter-patient comparison, the accuracy of both MI detection and localization using our method surpasses that of all existing methods. Our approach enhances detection accuracy by 3.43% and improves localization accuracy by 16.97% compared with the most recent state-of-the-art method. This improvement is partly attributable to the heightened challenge posed by inter-patient studies on model generalization ability and partly due to the integration of frequency domain and time-frequency features of ECG signals, which many models lack, thereby reducing their generalization capability. In summary, the proposed method achieves outstanding performance in both MI detection and localization, with substantially higher accuracy in inter-patient scenarios than existing models.

4. Discussion

The experimental results clearly indicate that the proposed MFF–CNN fusion model outperforms traditional single-domain models in MI detection and localization, owing to its effective ability to integrate multi-domain features. While single-domain models are often limited to capturing either morphological and time-domain features or frequency-domain features, the MFF–CNN not only effectively combines both time and frequency information, but also utilizes the time-frequency analysis capabilities of the ST method to capture the instantaneous frequency characteristics that are pivotal for precise localization. This multi-faceted feature representation significantly boosts the model’s discriminative power, resulting in an overall MI localization accuracy of 84.86% in the inter-patient evaluation on the PTB database, a figure that markedly surpasses the 67.89% achieved by the current state-of-the-art method.
The proposed algorithm’s worst-case time complexity is O( n 2 ), dominated by the GAF transformation stage. The GAF computes pairwise angular relationships on the time-series data, requiring O( n 2 ) operations due to matrix constructions encoding temporal correlations. In contrast, the S-transform for time-frequency analysis exhibits an optimized complexity of O( h × n l o g n ), where h (the number of harmonic components) is typically small for ECG applications. Therefore, the S-transform complexity effectively scales as O( n l o g n ). Both the ResNet18 and SE-ResNet18 operate in constant time O(1), given their fixed input dimensions. Consequently, as the quadratic GAF term dominates the linear-logarithmic and constant terms, the overall algorithm complexity simplifies to O(n²)
Furthermore, the proposed MFF–CNN fusion model exhibits exceptional generalization ability. In the generalization evaluation on the PTB-XL dataset, characterized by heightened data complexity and diversity, single-domain models struggle to sustain their performance, achieving an overall accuracy of less than 30%. Conversely, the MFF–CNN’s proficiency in harnessing complementary information from multiple domains enables it to adapt more effectively to unforeseen data variations, maintaining a commendable overall accuracy of 78.21%. This robust performance underscores the significance of integrating multi-domain features in enhancing model generalization for complex medical signal automatic diagnosis tasks.
This study relied solely on Lead II data for training and testing the 2D CNN network. However, using a single lead may overlook the frequency and time-frequency relationships among the 12 leads, which are critical for capturing nuanced signal variations across different lead regions. In practical ECG signal processing, multi-lead data are more effective at capturing such variations, thereby providing richer diagnostic information. Future work will explore expanding the approach to incorporate all 12 leads for a more comprehensive analysis.
To address the limitations mentioned above, future research can be improved in two ways. Firstly, by collecting a more diverse and larger dataset of ECG signal data to improve its size and quality. Secondly, by adopting multi-lead data in 2D CNNs and combining them with more complex deep learning model structures, such as deeper convolutional neural networks or other advanced deep learning algorithms incorporating EMD-based feature extraction, to better capture and utilize the information in the ECG signal [45,46,47,48]. These improvements are expected to enhance the accuracy, generalizability, and practical applicability of the model.

5. Conclusions

This study proposes a fusion model, MFF–CNN, combining 1D ECG signals, 2D spectral images, and time-frequency images to explore potential MI detection and localization modalities. The model achieved good results under intra- and inter-patient paradigms in the PTB database. The proposed MFF–CNN model achieved 99.98% accuracy and 100% sensitivity for MI detection, 84.96% accuracy, and 62.90% sensitivity for MI localization under the PTB inter-patient paradigm. Furthermore, the model trained on the PTB database was evaluated using the PTB-XL dataset, demonstrating its good generalizability. The proposed method achieves 91.57% and 78.21% accuracy for MI detection and localization, respectively. Compared with previous studies, this indicates substantial potential for MI localization. We plan to acquire multi-lead ECG signals for a more comprehensive joint analysis in future studies. By combining various data types and leveraging deep learning techniques, we aim to develop a more efficient and accurate MI detection and localization model, providing robust support for medical diagnosis and treatment.

Author Contributions

Y.C.: Conceptualization, Methodology, Investigation, Writing—Review & Editing, Software, Resources. J.Y.: Conceptualization, Methodology, Software, Writing—Original Draft, Formal analysis. Y.L.: Conceptualization, Methodology, Visualization, Writing—Review & Editing. Z.L.: Methodology, Visualization, Supervision, Software. J.L.: Methodology, Investigation, Data Curation. X.W.: Conceptualization, Methodology, Validation, Writing—Review & Editing, Project administration. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the Shenzhen Excellent Science and Technology Innovation Talent Training Project [2022] under grant RCBS20210706092255076, the Research Foundation of Shenzhen Polytechnic University under Grant 6023312010K, and the Natural Science Foundation of Hubei Province (2023AFB424).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

No datasets were generated during the current study.

Conflicts of Interest

Jieqiang Luo is employed by Puleap (Guangzhou) Health Technology Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Wrold Health Organization. Global Health Estimates: Life Expectancy and Leading Causes of Death and Disability. Available online: https://www.who.int/data/gho/data/themes/mortality-and-global-health-estimates (accessed on 31 May 2023).
  2. Haddad, H.; Mielniczuk, L.; Davies, R.A. Recent advances in the management of chronic heart failure. Curr. Opin. Cardiol. 2012, 27, 161–168. [Google Scholar] [CrossRef] [PubMed]
  3. He, B.; Han, Y. Current situation of ST-segment elevation myocardial infarction rescue in China and optimal management strategies we can use today. Zhonghua Xin Xue Guan Bing Za Zhi 2019, 47, 82–84. [Google Scholar] [PubMed]
  4. Benjamin, E.J.; Muntner, P.; Alonso, A.; Bittencourt, M.S.; Callaway, C.W.; Carson, A.P.; Chamberlain, A.M.; Chang, A.R.; Cheng, S.; Das, S.R.; et al. Heart disease and stroke statistics—2019 Update: A report from the American Heart Association. Circulation 2019, 139, e56–e528. [Google Scholar] [PubMed]
  5. Wan, X.; Liao, T.; Gong, W.; Liang, Y.; Wu, M.; Wang, B. A Precise Respiratory and Heart Rate Detection Method for Millimeter-Wave Radar. J. Mech. Med. Biol. 2024, 24, 2450004. [Google Scholar] [CrossRef]
  6. Sharma, L.; Tripathy, R.; Dandapat, S. Multiscale energy and eigenspace approach to detection and localization of myocardial infarction. IEEE Trans. Biomed. Eng. 2015, 62, 1827–1837. [Google Scholar] [CrossRef]
  7. Sridhar, C.; Lih, O.S.; Jahmunah, V.; Koh, J.E.; Ciaccio, E.J.; San, T.R.; Arunkumar, N.; Kadry, S.; Rajendra Acharya, U. Accurate detection of myocardial infarction using non linear features with ECG signals. J. Ambient Intell. Humaniz. Comput. 2021, 12, 3227–3244. [Google Scholar] [CrossRef]
  8. Fatimah, B.; Singh, P.; Singhal, A.; Pramanick, D.; Pranav, S.; Pachori, R.B. Efficient detection of myocardial infarction from single lead ECG signal. Biomed. Signal Process. Control 2021, 68, 102678. [Google Scholar] [CrossRef]
  9. Dohare, A.K.; Kumar, V.; Kumar, R. Detection of myocardial infarction in 12 lead ECG using support vector machine. Appl. Soft Comput. 2018, 64, 138–147. [Google Scholar] [CrossRef]
  10. Han, C.; Shi, L. Automated interpretable detection of myocardial infarction fusing energy entropy and morphological features. Comput. Methods Programs Biomed. 2019, 175, 9–23. [Google Scholar] [CrossRef]
  11. Wan, X.; Liu, Y.; Mei, X.; Ye, J.; Zeng, C.; Chen, Y. A novel atrial fibrillation automatic detection algorithm based on ensemble learning and multi-feature discrimination. Med. Biol. Eng. Comput. 2024, 62, 1809–1820. [Google Scholar] [CrossRef]
  12. Acharya, U.R.; Fujita, H.; Sudarshan, V.K.; Oh, S.L.; Adam, M.; Koh, J.E.; Tan, J.H.; Ghista, D.N.; Martis, R.J.; Chua, C.K.; et al. Automated detection and localization of myocardial infarction using electrocardiogram: A comparative study of different leads. Knowl. Based Syst. 2016, 99, 146–156. [Google Scholar] [CrossRef]
  13. Arif, M.; Malagore, I.A.; Afsar, F.A. Detection and localization of myocardial infarction using k-nearest neighbor classifier. J. Med. Syst. 2012, 36, 279–289. [Google Scholar] [CrossRef] [PubMed]
  14. Xu, J.; Mei, X.; Chen, Y.; Wan, X. An effective premature ventricular contraction detection algorithm based on adaptive template matching and characteristic recognition. Signal Image Video Process. 2024, 18, 2811–2818. [Google Scholar] [CrossRef]
  15. Wang, H.; Zhao, W.; Jia, D.; Hu, J.; Li, Z.; Yan, C.; You, T. Myocardial infarction detection based on multi-lead ensemble neural network. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 2614–2617. [Google Scholar]
  16. Feng, K.; Pi, X.; Liu, H.; Sun, K. Myocardial infarction classification based on convolutional neural network and recurrent neural network. Appl. Sci. 2019, 9, 1879. [Google Scholar] [CrossRef]
  17. Xiong, P.; Xue, Y.; Zhang, J.; Liu, M.; Du, H.; Zhang, H.; Hou, Z.; Wang, H.; Liu, X. Localization of myocardial infarction with multi-lead ECG based on DenseNet. Comput. Methods Programs Biomed. 2021, 203, 106024. [Google Scholar] [CrossRef]
  18. Strodthoff, N.; Strodthoff, C. Detecting and interpreting myocardial infarction using fully convolutional neural networks. Physiol. Meas. 2019, 40, 015001. [Google Scholar] [CrossRef]
  19. Qu, J.; Sun, Q.; Wu, W.; Zhang, F.; Liang, C.; Chen, Y.; Wang, C. An interpretable shapelets-based method for myocardial infarction detection using dynamic learning and deep learning. Physiol. Meas. 2024, 45, 035001. [Google Scholar] [CrossRef]
  20. Zhang, J.; Lin, F.; Xiong, P.; Du, H.; Zhang, H.; Liu, M.; Hou, Z.; Liu, X. Automated detection and localization of myocardial infarction with staked sparse autoencoder and treebagger. IEEE Access 2019, 7, 70634–70642. [Google Scholar] [CrossRef]
  21. Huang, J.; Chen, B.; Yao, B.; He, W. ECG arrhythmia classification using STFT-based spectrogram and convolutional neural network. IEEE Access 2019, 7, 92871–92880. [Google Scholar] [CrossRef]
  22. Al Rahhal, M.M.; Bazi, Y.; Al Zuair, M.; Othman, E.; BenJdira, B. Convolutional neural networks for electrocardiogram classification. J. Med. Biol. Eng. 2018, 38, 1014–1025. [Google Scholar] [CrossRef]
  23. Hao, P.; Gao, X.; Li, Z.; Zhang, J.; Wu, F.; Bai, C. Multi-branch fusion network for Myocardial infarction screening from 12-lead ECG images. Comput. Methods Programs Biomed. 2020, 184, 105286. [Google Scholar] [CrossRef] [PubMed]
  24. Swain, S.S.; Patra, D.; Singh, Y.O. Automated detection of myocardial infarction in ECG using modified Stockwell transform and phase distribution pattern from time-frequency analysis. Biocybern. Biomed. Eng. 2020, 40, 1174–1189. [Google Scholar] [CrossRef]
  25. Zhang, G.; Si, Y.; Wang, D.; Yang, W.; Sun, Y. Automated detection of myocardial infarction using a gramian angular field and principal component analysis network. IEEE Access 2019, 7, 171570–171583. [Google Scholar] [CrossRef]
  26. Yousuf, A.; Hafiz, R.; Riaz, S.; Farooq, M.; Riaz, K.; Rahman, M.M.U. Myocardial Infarction Detection from ECG: A Gramian Angular Field-based 2D-CNN Approach. arXiv 2023, arXiv:2302.13011. [Google Scholar]
  27. Bousseljot, R.; Kreiseler, D.; Schnabel, A. Nutzung der EKG-Signaldatenbank CARDIODAT der PTB über das Internet. Biomed. Tech./Biomed. Eng. 1995, 40, 317–318. [Google Scholar] [CrossRef]
  28. Wagner, P.; Strodthoff, N.; Bousseljot, R.; Samek, W.; Schaeffter, T. PTB-XL, a large publicly available electrocardiography dataset (version 1.0.3). PhysioNet 2022. [Google Scholar] [CrossRef]
  29. Reddy, G.U.; Muralidhar, M.; Varadarajan, S. ECG De-Noising using improved thresholding based on Wavelet transforms. Int. J. Comput. Sci. Netw. Secur. 2009, 9, 221–225. [Google Scholar]
  30. Donoho, D.L.; Johnstone, I.M. Ideal spatial adaptation by wavelet shrinkage. biometrika 1994, 81, 425–455. [Google Scholar] [CrossRef]
  31. Pan, J.; Tompkins, W.J. A real-time QRS detection algorithm. IEEE Trans. Biomed. Eng. 1985, 32, 230–236. [Google Scholar] [CrossRef]
  32. Wang, Z.; Oates, T. Imaging time-series to improve classification and imputation. arXiv 2015, arXiv:1506.00327. [Google Scholar]
  33. Keogh, E.J.; Pazzani, M.J. Scaling up dynamic time warping for datamining applications. In Proceedings of the Sixth ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Boston, MA, USA, 20–23 August 2000; pp. 285–289. [Google Scholar]
  34. Stockwell, R.G.; Mansinha, L.; Lowe, R. Localization of the complex spectrum: The S transform. IEEE Trans. Signal Process. 1996, 44, 998–1001. [Google Scholar] [CrossRef]
  35. Zhao, Z.; Zhang, Y.; Deng, Y.; Zhang, X. ECG authentication system design incorporating a convolutional neural network and generalized S-Transformation. Comput. Biol. Med. 2018, 102, 168–179. [Google Scholar] [CrossRef] [PubMed]
  36. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7132–7141. [Google Scholar]
  37. Fang, R.; Lu, C.C.; Chuang, C.T.; Chang, W.H. A visually interpretable detection method combines 3-D ECG with a multi-VGG neural network for myocardial infarction identification. Comput. Methods Programs Biomed. 2022, 219, 106762. [Google Scholar] [CrossRef] [PubMed]
  38. Liu, W.; Wang, F.; Huang, Q.; Chang, S.; Wang, H.; He, J. MFB-CBRNN: A hybrid network for MI detection using 12-lead ECGs. IEEE J. Biomed. Health Inform. 2019, 24, 503–514. [Google Scholar] [CrossRef]
  39. Han, C.; Shi, L. ML–ResNet: A novel network to detect and locate myocardial infarction using 12 leads ECG. Comput. Methods Programs Biomed. 2020, 185, 105138. [Google Scholar] [CrossRef]
  40. Fu, L.; Lu, B.; Nie, B.; Peng, Z.; Liu, H.; Pi, X. Hybrid network with attention mechanism for detection and location of myocardial infarction based on 12-lead electrocardiogram signals. Sensors 2020, 20, 1020. [Google Scholar] [CrossRef]
  41. Jian, J.Z.; Ger, T.R.; Lai, H.H.; Ku, C.M.; Chen, C.A.; Abu, P.A.R.; Chen, S.L. Detection of myocardial infarction using ECG and multi-scale feature concatenate. Sensors 2021, 21, 1906. [Google Scholar] [CrossRef]
  42. Cao, Y.; Liu, W.; Zhang, S.; Xu, L.; Zhu, B.; Cui, H.; Geng, N.; Han, H.; Greenwald, S.E. Detection and localization of myocardial infarction based on multi-scale resnet and attention mechanism. Front. Physiol. 2022, 13, 783184. [Google Scholar] [CrossRef]
  43. Zhang, J.; Liu, M.; Xiong, P.; Du, H.; Zhang, H.; Sun, G.; Hou, Z.; Liu, X. Automated Localization of Myocardial Infarction of Image-Based Multilead ECG Tensor With Tucker2 Decomposition. IEEE Trans. Instrum. Meas. 2022, 71, 2501215. [Google Scholar] [CrossRef]
  44. Han, C.; Sun, J.; Bian, Y.; Que, W.; Shi, L. Automated detection and localization of myocardial infarction with interpretability analysis based on deep learning. IEEE Trans. Instrum. Meas. 2023, 72, 2508512. [Google Scholar] [CrossRef]
  45. Guo, L.; Zhan, Q.; Yang, J.; An, Y.; Long, J.; Ma, N. Lead-grouped multi-stage learning for myocardial infarction localization. Methods 2025, 234, 315–323. [Google Scholar] [CrossRef]
  46. Liu, J.; Zhang, C.; Ristaniemi, T.; Cong, F. Detection of Myocardial Infarction from Multi-lead ECG using Dual-Q Tunable Q-Factor Wavelet Transform. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2019; pp. 1496–1499. [Google Scholar]
  47. Campolo, M.; Labate, D.; La Foresta, F.; Morabito, F.; Lay-Ekuakille, A.; Vergallo, P. ECG-derived respiratory signal using Empirical Mode Decomposition. In Proceedings of the 2011 IEEE International Symposium on Medical Measurements and Applications, Bari, Italy, 30–31 May 2011; pp. 399–403. [Google Scholar]
  48. Liu, J.; Zhang, C.; Zhu, Y.; Ristaniemi, T.; Parviainen, T.; Cong, F. Automated detection and localization system of myocardial infarction in single-beat ECG using Dual-Q TQWT and wavelet packet tensor decomposition. Comput. Methods Programs Biomed. 2020, 184, 105120. [Google Scholar] [CrossRef]
Figure 1. The overall structure of the proposed MI detection and localization method.
Figure 1. The overall structure of the proposed MI detection and localization method.
Biosensors 15 00392 g001
Figure 2. ECG signals before and after preprocessing. (a) Original ECG signal. (b) ECG signal after denoising.
Figure 2. ECG signals before and after preprocessing. (a) Original ECG signal. (b) ECG signal after denoising.
Biosensors 15 00392 g002
Figure 3. ECG spectral signals of MI and HC after GAF transformation are presented in the images. (a) HC and MI ECG without noise. (b) 1D Spectrum of HC and MI. (c) Spectrum image of HC and MI.
Figure 3. ECG spectral signals of MI and HC after GAF transformation are presented in the images. (a) HC and MI ECG without noise. (b) 1D Spectrum of HC and MI. (c) Spectrum image of HC and MI.
Biosensors 15 00392 g003
Figure 4. Images of heartbeats from MI and HC subjects after S transform. (a) ST image of HC. (b) ST image of MI.
Figure 4. Images of heartbeats from MI and HC subjects after S transform. (a) ST image of HC. (b) ST image of MI.
Biosensors 15 00392 g004
Figure 5. Architecture of the proposed MFF–CNN network.
Figure 5. Architecture of the proposed MFF–CNN network.
Biosensors 15 00392 g005
Figure 6. Confusion matrix for the fusion model under the intra-patient paradigm on the PTB database.
Figure 6. Confusion matrix for the fusion model under the intra-patient paradigm on the PTB database.
Biosensors 15 00392 g006
Figure 7. Confusion matrix for the fusion model under the inter-patient paradigm on the PTB database.
Figure 7. Confusion matrix for the fusion model under the inter-patient paradigm on the PTB database.
Biosensors 15 00392 g007
Table 1. Summary of PTB database samples.
Table 1. Summary of PTB database samples.
Types of MINo. of PatientsNo. of RecordsNo. of 12-Lead Heartbeats
Anterior MI (AMI)17476043
Anterior Lateral MI (ALMI)16436286
Anterior Septal MI (ASMI)277711,181
Anterior Septal Lateral MI (ASLMI)12273
Inferior MI (IMI)308912,298
Inferior Lateral MI (ILMI)23567849
Inferior Posterior MI (IPMI)1148
Inferior Posterior Lateral MI(IPLMI)8192710
Lateral MI (LMI)13461
Posterior MI (PMI)14466
Posterior Lateral MI (PLMI)25767
Healthy Control (HC)528010,951
Total17942659,333
Table 2. Summary of PTB-XL dataset samples.
Table 2. Summary of PTB-XL dataset samples.
Types of MINo. of PatientsNo. of RecordsNo. of 12-Lead Heartbeats
Anterior MI (AMI)2862902434
Anterior Lateral MI (ALMI)1812081585
Anterior Septal MI (ASMI)1780201716,590
Inferior MI (IMI)2055233117,815
Inferior Lateral MI (ILMI)3503942898
Inferior Posterior MI (IPMI)2630218
Inferior Posterior Lateral MI(IPLMI)4950424
Lateral MI (LMI)1251351050
Posterior MI (PMI)1414137
Healthy Control (HC)1967218421,854
Total6833765365,005
Table 3. Networks used in the experiment and their parameters.
Table 3. Networks used in the experiment and their parameters.
Layer NameResNet18SE-ResNet18
Conv17 × 7, 64, stride 2(15,), 64, stride 2
Conv2_x3 × 3, max pool, stride 2(3,), max pool, stride 2
3 × 3 , 64 3 × 3 , 64 × 2 7 , , 64 7 , , 64 f c , 4 , 64 × 2
Conv3_x 3 × 3 , 128 3 × 3 , 128 × 2 7 , , 128 7 , , 128 f c , 8 , 128 × 2
Conv4_x 3 × 3 , 256 3 × 3 , 256 × 2 7 , , 256 7 , , 256 f c , 16 , 256 × 2
Conv5_x 3 × 3 , 512 3 × 3 , 512 × 2 7 , , 512 7 , , 512 f c , 32 , 512 × 2
Average pool, f c , softmaxAverage pool, Dropout, f c , softmax
Table 4. Detection results of each model in the intra-patient paradigm on the PTB database.
Table 4. Detection results of each model in the intra-patient paradigm on the PTB database.
Model InputAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal99.9899.9899.9899.9499.98
GAF image99.9399.9699.9599.7899.95
ST image99.9799.9799.9899.9599.98
ECG signal & GAF image & ST image (MFF–CNN)99.9910099.9999.97100
Table 5. 10-Fold Cross-Validation Results of the MFF–CNN Model for MI Detection under the Intra-Patient Paradigm.
Table 5. 10-Fold Cross-Validation Results of the MFF–CNN Model for MI Detection under the Intra-Patient Paradigm.
FoldAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
199.9799.9999.9699.9399.98
299.9999.9899.9899.9799.98
399.9899.9999.9799.9599.99
499.9999.9999.9899.9699.99
599.9699.9899.9599.9299.97
699.9899.9999.9799.9499.98
799.9999.9899.9899.9799.98
899.9799.9999.9699.9399.98
999.9999.9999.9999.9699.99
1099.9899.9899.9799.9599.98
Table 6. Localization results of each model in the intra-patient paradigm of the PTB database.
Table 6. Localization results of each model in the intra-patient paradigm of the PTB database.
Model Input Acc T (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal99.9199.7599.9299.9999.83
GAF image99.6599.7499.5399.9699.63
ST image99.9199.9499.9599.9999.94
ECG signal & GAF image & ST image (MFF–CNN)99.9899.9799.3299.9999.63
Table 7. Performance of fusion model for MI Location under the intra-patient paradigm on the PTB database.
Table 7. Performance of fusion model for MI Location under the intra-patient paradigm on the PTB database.
ClassAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
HC99.9999.9710010099.99
AMI99.9999.9899.9599.9999.97
ALMI10099.9899.9810099.98
ASMI10010099.99100100
ASLMI10010099.6410099.82
IMI99.9999.9999.9899.9999.98
ILMI99.9999.9610010099.98
IPMI99.9910092.3199.9996
IPLMI99.9999.8510010099.93
LMI100100100100100
PMI100100100100100
PLMI100100100100100
Average99.9999.9799.3299.9999.63
Table 8. Detection results of each model in the inter-patient paradigm of the PTB database.
Table 8. Detection results of each model in the inter-patient paradigm of the PTB database.
Model InputAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal80.0688.5384.9456.6686.70
GAF image73.1891.5976.5122.3183.37
ST image79.1990.0083.0749.3586.40
ECG signal & GAF image & ST image (MFF–CNN)99.9810099.9799.9599.98
Table 9. 10-Fold Cross-Validation Results of the MFF–CNN Model for MI Detection under the Inter-Patient Paradigm.
Table 9. 10-Fold Cross-Validation Results of the MFF–CNN Model for MI Detection under the Inter-Patient Paradigm.
FoldAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
199.9710099.9699.9299.98
299.9999.9999.9899.9799.99
399.9810099.9799.9599.99
499.9999.9999.9899.9699.98
599.9699.9899.9499.9299.97
699.9810099.9799.9499.98
799.9999.9999.9899.9799.99
899.9899.9999.9699.9399.97
999.9999.9899.9999.9799.99
1099.9899.9999.9799.9699.98
Table 10. Localization results of each model in the inter-patient paradigm of the PTB database.
Table 10. Localization results of each model in the inter-patient paradigm of the PTB database.
Model Input Acc T (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal56.3749.2755.3696.1155.32
GAF image58.6552.5354.1195.4550.79
ST image61.6655.3754.6496.2063.89
ECG signal & GAF image & ST image (MFF–CNN)84.8662.9664.0398.6860.59
Table 11. Performance of fusion model for MI location under the inter-patient paradigm on the PTB database.
Table 11. Performance of fusion model for MI location under the inter-patient paradigm on the PTB database.
ClassAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
HC99.9899.9610010099.98
AMI99.7282.5699.9898.6189.87
ALMI97.9585.5999.6797.2791.06
ASMI96.3284.9397.9986.0885.5
ASLMI93.8510093.6927.9743.71
IMI94.542.7398.6671.9853.62
ILMI98.4285.8599.6295.6290.48
IPMI95.7716.6796.11.743.15
IPLMI95.2753.2199.0883.9965.15
LMI98.564.0899.365.134.55
PMI99.33010000
PLMI100100100100100
Average97.4762.9698.6864.0360.59
Table 12. MI localization results of different combined models under the Inter-patient paradigm on the PTB dataset.
Table 12. MI localization results of different combined models under the Inter-patient paradigm on the PTB dataset.
Model InputAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal56.3749.2755.3696.1155.32
GAF image58.6552.5354.1195.4550.79
ST image61.6655.3754.6496.2063.89
ECG signal & GAF image68.4256.2158.3797.1259.84
ECG signal & ST image72.1559.8361.2497.8563.52
GAF image & ST image65.3353.9757.8996.7857.12
ECG signal & GAF image & ST image (MFF–CNN)84.8662.9664.0398.6860.59
Table 13. Detection results for each model on the PTB-XL dataset.
Table 13. Detection results for each model on the PTB-XL dataset.
Model InputAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal65.8983.9970.3630.1576.57
GAF image71.9586.6674.9842.9280.40
ST image66.5185.3070.4629.4177.17
ECG signal & GAF image & ST image (MFF–CNN)91.5710088.7374.9394.83
Table 14. Localization results for each model on the PTB-XL dataset.
Table 14. Localization results for each model on the PTB-XL dataset.
Model Input Acc T (%)Sen (%)Pre (%)Spe (%)F1 (%)
ECG signal28.7312.9012.9591.1414.99
GAF image29.7413.2614.1391.5415.91
ST image29.7312.7913.1591.1815.23
ECG signal & GAF image & ST image (MFF–CNN)78.2173.9563.9796.3361.49
Table 15. Performance of fusion model for MI Location under the PTB-XL dataset.
Table 15. Performance of fusion model for MI Location under the PTB-XL dataset.
ClassAcc (%)Sen (%)Pre (%)Spe (%)F1 (%)
HC91.5774.9410010085.67
AMI90.3065.7422.6291.2533.66
ALMI98.0090.2855.5598.1968.78
ASMI98.6895.7699.0399.6897.37
IMI78.6124.1791.5899.1638.25
ILMI76.2932.996.6378.3111.03
IPMI96.8979.368.0596.9514.62
IPLMI99.7986.7982.1499.8884.40
LMI99.8193.8194.2699.9194.03
PMI99.9495.6279.8899.9587.04
Average92.9973.9563.9796.3361.49
Table 16. Comparing Novel Approach with Current Methods for MI Diagnosis.
Table 16. Comparing Novel Approach with Current Methods for MI Diagnosis.
MethodsLeads and
Database
Detection or
Location
Performance
Intra-PatientInter-Patient
CNN and BiLSTM
[38]
12 leads
PTB
DetectionAcc = 99.90%
Se = 99.97%
Sp = 99.54%
Acc = 93.08%
Se = 94.42%
Sp = 86.29%
CNN based on
ResNet [39]
12 leads
PTB
Detection
and
location
Detection:
Acc = 99.92%
Se = 99.98%
Location:
Acc = 99.72%
Se = 99.63%
Detection:
Acc = 95.49%
Se = 94.85%
Location:
Acc = 55.74%
Se = 47.58%
CNN and BiGRU
with attention [40]
12 leads
PTB
Detection
and
location
Detection:
Acc = 99.93%
Se = 99.99%
Location:
Acc = 99.11%
Se = 99.02%
Detection:
Acc = 96.50%
Se = 97.10%
Location
Acc = 62.94%
Se = 63.97%
Multi-scale
feature [41]
12 leads
PTB
Detection
and
location
/Detection:
Acc = 95.76%
Location:
Acc = 61.82%
DenseNet [17]12 leads
PTB
LocationAcc = 99.87%
Se = 99.84%
Sp = 99.98%
/
Multi-scale
ResNet with
attention [42]
12 leads
PTB
Detection
and
location
Detection:
Acc = 99.98%
Se = 99.94%
Location:
Acc = 99.79%
Se = 99.88%
/
3D ECG images [37]12 leads
PTB
DetectionAcc = 100.00%
Se = 100.00%
Sp = 100.00%
Acc = 95.65%
Se = 97.34%
Sp = 90.80%
Tucker2
decomposition [43]
12 leads
PTB
LocationAcc = 99.67%
Se = 99.98%
Sp = 99.82%
Acc = 65.11%
Se = 98.29%
Sp = 71.91%
Multi-lead branch
with ResNet with
SE and LSTM [44]
12 leads
PTB
Detection
and
location
Detection:
Acc = 99.94%
Se = 99.99%
Location:
Acc = 99.69%
Se = 99.58%
Detection:
Acc = 96.55%
Se = 96.17%
Location:
Acc = 67.89%
Se = 63.16%
MFF–CNN
(Our)
12 leads
PTB
Detection
and
location
Detection:
Acc = 99.99%
Se = 100.00%
Location:
Acc = 99.98%
Se = 99.97%
Detection:
Acc = 99.98%
Se = 100.00%
Location:
Acc = 84.86%
Se = 62.90%
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

Chen, Y.; Ye, J.; Li, Y.; Luo, Z.; Luo, J.; Wan, X. A Multi-Domain Feature Fusion CNN for Myocardial Infarction Detection and Localization. Biosensors 2025, 15, 392. https://doi.org/10.3390/bios15060392

AMA Style

Chen Y, Ye J, Li Y, Luo Z, Luo J, Wan X. A Multi-Domain Feature Fusion CNN for Myocardial Infarction Detection and Localization. Biosensors. 2025; 15(6):392. https://doi.org/10.3390/bios15060392

Chicago/Turabian Style

Chen, Yunfan, Jinxing Ye, Yuting Li, Zhe Luo, Jieqiang Luo, and Xiangkui Wan. 2025. "A Multi-Domain Feature Fusion CNN for Myocardial Infarction Detection and Localization" Biosensors 15, no. 6: 392. https://doi.org/10.3390/bios15060392

APA Style

Chen, Y., Ye, J., Li, Y., Luo, Z., Luo, J., & Wan, X. (2025). A Multi-Domain Feature Fusion CNN for Myocardial Infarction Detection and Localization. Biosensors, 15(6), 392. https://doi.org/10.3390/bios15060392

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