Next Article in Journal
DCT Underwater Image Enhancement Based on Attenuation Analysis
Previous Article in Journal
Application of the Akaike Information Criterion to Ultrasonic Measurement of Liquid Volume in a Cylindrical Tank
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

EEG Sensor-Based Parkinson’s Disease Detection Using a Multi-Domain Feature Fusion Network

College of Information Engineering, Henan University of Science and Technology, Luoyang 471023, China
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(23), 7189; https://doi.org/10.3390/s25237189
Submission received: 30 October 2025 / Revised: 18 November 2025 / Accepted: 23 November 2025 / Published: 25 November 2025

Abstract

Parkinson’s disease (PD) is a common neurodegenerative disorder, and accurate identification of PD is critical for clinical diagnosis and disease management. Electroencephalography (EEG) sensors provide reliable real-time brain signal acquisition, making them practical biosensing modalities for PD detection. However, due to their non-stationarity, single time-domain or frequency-domain analysis methods are insufficient to extract robust discriminative features from EEG signals. To address this challenge, we propose a multi-domain feature fusion EEG classification model, termed Multi-Domain Fusion Network (MDF-Net), which jointly integrates temporal, frequency-domain, and wavelet-domain representations for accurate PD recognition. MDF-Net employs a Temporal Attention-enhanced Temporal Convolutional Network (TTCN) to capture temporal dependencies and incorporates an improved 1D Convolutional Neural Network mixer module (Cmix) for multi-channel feature fusion. We constructed an EEG dataset of 415 subjects (289 healthy controls and 126 PD patients). Under 5-CV, the proposed method achieved a classification accuracy of 92.3%, an F1-score of 87.3%, and an AUC of 0.943. Experimental results demonstrate that multi-domain feature fusion effectively improves PD detection performance, and EEG sensor-based analysis shows strong potential for clinical application. This study provides a methodological reference for developing objective, practical computer-aided diagnostic tools for PD.

1. Introduction

Parkinson’s disease (PD) is the second most prevalent neurodegenerative disorder worldwide [1], and its incidence has shown a continuous upward trend in recent years [2,3]. Patients with PD commonly exhibit motor symptoms such as bradykinesia and gait disturbance, as well as non-motor symptoms including insomnia, depression, and olfactory dysfunction [4]. The typical neuropathological hallmark of PD is dopaminergic neuronal degeneration in the substantia nigra pars compacta [5]. Its underlying pathogenesis is believed to be associated with genetic factors, aging, environmental toxins, and brain injury [6,7], although a definitive mechanistic explanation remains unclear.
In recent years, increasing attention has been directed toward the relationship between PD and abnormal brain function [8], and substantial progress has been made in utilizing electroencephalography (EEG) to investigate PD. For example, Yi et al. [9] and Peláez et al. [10] explored the application of EEG in PD diagnosis and neuropathological analysis. In addition, some studies have employed EEG sensors for PD detection, as demonstrated by the work of Jibon et al. [11] and Siuly et al. [12]. However, EEG signals are inherently nonlinear, non-stationary, and prone to noise. These characteristics make signal analysis challenging. Even when analyzed in the time domain, effective feature extraction requires incorporating frequency-domain analysis and other advanced signal processing techniques [13].
To address these issues, we collected EEG data from 289 healthy controls (HCs) and 126 PD patients using a 32-channel EEG sensor system and proposed a multi-domain EEG analysis model named Multi-Domain Fusion Network (MDF-Net), which integrates temporal, frequency-domain [14], and wavelet-domain [15] features. The proposed model effectively extracts discriminative features from EEG signals across multiple domains. A Temporal Convolutional Network (TCN) [16], combined with a 1D-Convolutional Neural Network (CNN) channel fusion mechanism, is employed to capture cross-domain channel dependencies. This design ultimately enables accurate PD detection.
The main contributions of this study are as follows:
  • We construct a high-quality EEG dataset for PD analysis, consisting of 32-channel EEG recordings from 415 subjects (289 HC and 126 PD). Furthermore, we systematically analyze the effects of segment window size and sampling frequency on model performance, providing valuable data and methodological reference for EEG-based PD detection.
  • We propose a multi-domain information fusion deep learning model, MDF-Net, which combines temporal-, frequency-, and wavelet-domain feature extraction. MDF-Net utilizes a Temporal Attention-enhanced Temporal Convolutional Network (TTCN) to extract temporal dependencies, and a 1D-CNN mixer module (Cmix) to model multi-scale spectral and wavelet features, thereby effectively enhancing the representation of EEG non-stationarity and multi-frequency oscillations, which in turn improves PD identification robustness and generalization.
  • Extensive comparison and ablation experiments validate the effectiveness of the proposed MDF-Net and its three-domain feature fusion strategy. On the large-scale EEG dataset containing 415 subjects, MDF-Net achieves high detection accuracy and F1-score, demonstrating strong potential for practical application in PD detection.
The remainder of this paper is organized as follows. Section 2 reviews related work on EEG sensor-based PD detection. Section 3 describes the dataset, data preprocessing, and the proposed MDF-Net architecture. Section 4 presents the experimental settings and results. Section 5 discusses the performance evaluation, as well as the impact of segment window size and sampling frequency. Section 6 concludes the study and outlines future research directions.

2. Related Work

Research on sensor-based PD detection has primarily focused on various external and physiological signal acquisition methods, including inertial sensors [17], video sensors [18], electroencephalography (EEG) sensors [19], and plantar pressure sensors [20]. Inertial sensors capture human kinematic parameters and are often used to characterize motor dysfunction in PD patients. For instance, Sánchez-Fernández et al. [21] developed a fuzzy inference model based on inertial sensor data for PD recognition, whereas Son et al. [22] distinguished PD patients from HC by analyzing differences in motion signal patterns. In comparison with wearable inertial sensors, video sensors enable contactless motion assessment. Ma et al. [23] extracted gait features from video signals for PD detection, while Acevedo et al. [24] focused on hand motion video analysis to identify PD-related impairments.
However, in contrast to externally measured movement-related data, EEG signals provide greater research value because the core pathological mechanism of PD originates from neurodegenerative changes in the central nervous system, and EEG directly reflects brain functional activity. Consequently, EEG-based PD detection has attracted increasing attention. For example, Anjum et al. [25] employed EEG data to detect cognitive impairment in PD patients, and Ly et al. [26] constructed a support vector machine (SVM) model to identify gait initiation failure in PD.
With the development of deep learning, its strong capacity for automatic feature representation and modeling of complex nonlinear patterns has gradually made it the mainstream approach for EEG-based PD detection. Qiu et al. [27] proposed a multiscale convolutional neural network, MCPNet, for PD detection. Similarly, Balaji et al. [28] and Bdaqli et al. [29] developed detection models based on verifiable CNN and CNN-LSTM architectures, respectively. Beyond PD detection, deep learning has been widely applied to EEG signal analysis tasks, including epilepsy detection [30] and depression recognition [31], owing to its effective representation of complex nonlinear signals. Currently, temporal networks suitable for EEG modeling include traditional architectures such as CNN [32], LSTM [33], and Transformer [34], as well as novel structures such as iTransformer [35], ModernTCN [36], and Mamba2 [37]. Moreover, various optimization strategies—including residual connections [38], attention mechanisms [39], and causal dilated convolutions [40]—further enhance the temporal modeling capabilities of these networks.
Despite these advances, two common challenges remain. First, most studies rely on single-domain features extracted either from the time or frequency domain, lacking comprehensive modeling of EEG’s non-stationary and multi-frequency characteristics. For example, Chowdhury et al. [40] utilized only time-domain features, whereas Göker et al. [41] focused exclusively on frequency-domain features. Second, sample sizes are often small, with most studies based on datasets comprising only a few dozen participants. For instance, Salah et al. [42] included only 40 participants (20 PD and 20 HC), and the dataset used by Jibon et al. [11] contained 31 participants (16 HC and 15 PD).
To address the limitations of insufficient multiscale EEG feature modeling and the restricted dataset size, this study constructed a PD EEG dataset comprising 415 participants (289 HC and 126 PD). Furthermore, we propose a three-domain collaborative modeling method, termed MDF-Net, which integrates temporal dynamics, spectral rhythm features, and wavelet-based time–frequency representations. By leveraging cross-domain feature complementarity, MDF-Net effectively enhances feature discriminability and achieves high-precision EEG-based PD detection.

3. Dataset and Methods

3.1. EEG Dataset and Data Preprocessing

The EEG data utilized in this study were obtained from a PD research project conducted in collaboration with the First Affiliated Hospital of Henan University of Science and Technology. Data collection was carried out from July 2023 to May 2025, including a total of 415 participants, comprising 289 HC and 126 PD patients. The health status and PD diagnosis of all participants were evaluated and confirmed by professional neurologists according to established clinical criteria.
The EEG data were collected as part of the study protocol. During data acquisition, participants wore EEG recording equipment and for PD patients, they were instructed not to take medication for 12 h prior to testing, so that PD data were collected in the OFF state. Electrode impedance was checked to ensure proper connectivity. Subsequently, they were instructed to remain relaxed with eyes closed for approximately 5 min while continuous EEG signals were recorded. The EEG recording system employed a 32-channel electrode layout for signal acquisition with a sampling rate of 500 Hz. A schematic illustration of the data acquisition process and the raw EEG signals is shown in Figure 1.
To improve signal quality and remove artifacts, the collected EEG data underwent the following preprocessing pipeline. First, a 1–40 Hz band-pass filter was applied to remove power-line interference and high-frequency noise. Independent component analysis (ICA) was then performed with 15 components per recording to separate artifacts such as ocular and muscular activity. Components whose variance or kurtosis exceeded the 90th percentile were removed, resulting in an average of 3.76 ± 0.45 components removed per recording (range: 2–4). Subsequently, the signals were resampled to a lower sampling rate, amplitude-normalized using Z-score standardization, and segmented to generate samples suitable for model training.
All experimental procedures were approved by the Ethics Committee of the First Affiliated Hospital of Henan University of Science and Technology (Approval No. 2023-03-K0029), and written informed consent was obtained from all participants. The demographic characteristics of the participants are summarized in Table 1.

3.2. Network Architecture and Methods

In this study, we propose a multi-domain fusion EEG signal classification model, named the Multi-Domain Fusion Network (MDF-Net), which aims to fully exploit the complementary information of EEG signals across the temporal, frequency, and wavelet domains. The MDF-Net adopts a multi-branch architecture, consisting of a Temporal Attention-enhanced Temporal Convolutional Network (TTCN) branch for processing raw time-series data, and two 1D Convolutional Neural Network mixer (Cmix) branches for processing frequency and wavelet features, respectively. This design enables collaborative modeling of multi-domain signal features. The overall architecture of the model is illustrated in Figure 2.
For the input EEG data, three input subspaces are defined according to the transformation domain:
  • Temporal branch: This branch receives raw time-series EEG data and extracts local temporal features using the TTCN module. The TTCN stacks multiple layers of causal dilated convolutions with exponentially increasing dilation rates, which significantly enlarges the receptive field without increasing the number of parameters, effectively preserving long-range sequential information. Temporal Attention is incorporated to enhance feature representation and improve training stability.
  • Frequency branch: This branch processes the frequency-domain representation obtained via Fast Fourier Transform (FFT). A lightweight Cmix module is employed to enable feature interaction across time steps and perform channel-wise information fusion.
  • Wavelet branch: This branch handles features derived from Discrete Wavelet Transform (DWT). Using the same Cmix module as the frequency branch, it further models multi-scale dynamic features to capture local time-frequency variations in the EEG signals.
Within the Cmix module, an attention pooling mechanism is applied to adaptively aggregate features along the temporal dimension. This mechanism allows the model to emphasize key information and enhances the discriminative power of the multi-domain features.

3.2.1. Fourier Transform and Wavelet Transform Modules

Fourier Transform Modules: The frequency-domain representation emphasizes the energy distribution across different frequency components, which is particularly useful for characterizing rhythmic neural oscillations in EEG signals and for identifying frequency-specific abnormalities associated with neurological conditions. To obtain the frequency-domain representation of EEG signals, this study applies the FFT to the time-series data. Fourier transform maps a signal from the time domain to the frequency domain, revealing potential periodic oscillatory structures within the signal. Its discrete form, the discrete Fourier transform (DFT), is defined as:
X ( k ) = n = 0 N 1 x ( n ) e j 2 π N k n , k = 0 , 1 , , N 1
where x ( n ) represents the discrete time-domain signal of length N, and X ( k ) denotes the corresponding complex frequency-domain coefficients.
To improve computational efficiency, FFT is employed to extract frequency-domain features, reducing the computational complexity from O ( N 2 ) to O ( N log N ) , making it suitable for processing high-dimensional time-series signals such as EEG. Since frequency-domain analysis typically focuses on the energy distribution of different frequency components, the amplitude spectrum is adopted as the frequency-domain feature, computed as:
| X ( k ) | = Re ( X ( k ) ) 2 + Im ( X ( k ) ) 2
where Re ( X ( k ) ) denotes the real part of X ( k ) , corresponding to the cosine component of the signal, and Im ( X ( k ) ) denotes the imaginary part, corresponding to the sine component. The resulting amplitude spectrum effectively reflects the strength of neural oscillatory rhythms in EEG signals.
Wavelet Transform Module: To further characterize the non-stationary properties of EEG signals at different temporal scales, this study employs DWT to construct time/frequency-domain feature representations. Wavelet transform decomposes a signal using a set of basic functions with scaling and translation properties, preserving both local temporal and frequency information. Compared with both the time-domain representation and the frequency-domain representation obtained via conventional Fourier analysis, the wavelet domain provides unique features that capture the non-stationary and multi-scale characteristics of biological signals such as EEG. These features enable the modeling of transient neural dynamics and cross-frequency activation patterns.
For a discrete EEG signal x ( n ) , a single-level discrete wavelet decomposition can be expressed as:
c A ( k ) = n x ( n ) g ( 2 k n )
c D ( k ) = n x ( n ) h ( 2 k n )
where g ( · ) and h ( · ) are the low-pass and high-pass filters corresponding to the scaling function and wavelet function, respectively. The decomposition splits the original signal into approximation coefficients c A ( k ) (low-frequency components representing global trends) and detail coefficients c D ( k ) (high-frequency components representing local variations).
In this study, the Daubechies wavelet family, specifically the db4 wavelet, is used as the wavelet basis. Each EEG channel undergoes single-level wavelet decomposition, and the resulting c A and c D coefficients are concatenated to form a time-frequency feature vector:
FDWT = [ c A | | c D ]
This feature preserves the multi-resolution structure of the signal, facilitating the modeling of instantaneous neural variations and cross-frequency activation patterns. It also provides complementary time-frequency information for subsequent feature fusion.

3.2.2. TTCN and Cmix Modules

TTCN Module: To extract effective temporal features from EEG signals, this study employs a Temporal Convolutional Network enhanced with Temporal Attention in the TCN temporal branch. The incorporation of Temporal Attention enhances the model’s responsiveness to key temporal segments.
The TCN extracts temporal features via one-dimensional convolutions and employs causal dilated convolutions to expand the receptive field. Let the input signal be x R C × T , where C is the number of channels and T is the temporal length. The TCN with causal dilated convolutions is defined as:
y ( t ) = i = 0 k 1 x t d i · i · w i
where y ( t ) is the output at time step t, k denotes the kernel size, w ( i ) represents the convolutional kernel weights, d is the dilation rate, and d i = 2 i 1 increases exponentially to enlarge the receptive field. The convolution kernel slides only to the left along the temporal sequence.
Each convolutional block output F ( x ) is added to a residual mapping R ( x ) and passed through a nonlinear activation σ ( · ) :
y block ( x ) = σ ( F ( x ) + R ( x ) )
where R ( x ) is implemented as a 1 × 1 convolution to adjust the channel dimension and ensure it matches the output.
To emphasize features from critical temporal segments, the TCN output feature map Y R C × T is further processed through the Temporal Attention module:
f time = t = 1 T α t · Y ( : , t )
where the attention weight α t is computed as:
α t = exp ( w · Y ( : , t ) ) s = 1 T exp ( w · Y ( : , s ) )
And w denotes a learnable weight vector. The GELU activation function is applied throughout the module. The workflow of the TTCN branch is illustrated in the TTCN component of Figure 2.
Cmix Module: To extract informative features from EEG signals in the frequency and wavelet domains, this study designed the Cmix to achieve feature mixing across time steps and channels. This branch is capable of capturing local patterns and cross-channel dependencies in frequency- or wavelet-domain signals.
Let the input feature matrix be x R C × F , where C is the number of EEG channels and F denotes the number of frequency (or wavelet) coefficients. Cmix performs information fusion across time steps and channels using 1D convolutional layers combined with residual connections and nonlinear activations, formulated as:
g token ( x ) = x + σ ( x · W token )
g channel ( x ) = g token ( x ) + σ ( g token ( x ) · W channel )
F mixer ( x ) = g channel ( x )
where g channel ( x ) aggregates information across frequency or wavelet coefficients, and g token ( x ) aggregates information across channels. The resulting output F mixer ( x ) contains high-order features spanning both temporal and channel dimensions. The activation function σ ( · ) is implemented using GELU.
Subsequently, attention pooling is applied to obtain the output feature vector:
f out = f = 1 F α f · F mixer ( x ) ( : , f )
α f = exp ( u · F mixer ( x ) ( : , f ) ) s = 1 F exp ( u · F mixer ( x ) ( : , s ) )
where u denotes a learnable weight vector.
The overall workflow of the Cmix module is illustrated in the Cmix component of Figure 2.

3.3. Evaluation Metrics

To objectively evaluate the model’s performance and generalization ability, 5-fold cross-validation (CV) was employed. Specifically, the dataset was divided into five mutually exclusive subsets of approximately equal size. In each fold, four subsets were used for training, and the remaining subset was used for validation. This procedure was repeated so that each subset served as the validation set once. The training and validation sets were strictly subject-independent, meaning that samples from the same participant were never shared across folds. Unless otherwise specified, all reported performance results represent the average across the five folds.
For the dataset, performing statistically informed splitting is highly meaningful [43]. To ensure balanced data partitions in the 5-CV, subjects were independently split while considering multiple factors. The grouping process prioritized: (1) maintaining a similar number of PD and HC samples per fold, (2) minimizing differences in age distribution, and (3) keeping the gender ratio as consistent as possible. Since the number of EEG segments per subject varied, we performed repeated random splits under these constraints and selected the configuration that achieved the best overall balance. As a result, each fold included approximately 83 subjects, with a male proportion of 0.51 ± 0.05, an overall mean age of 57.30 ± 0.92 years, and mean ages of 55.81 ± 1.10 years for HC and 63.37 ± 1.31 years for PD. These statistics indicate that both age and gender distributions were approximately balanced across folds.
Since each participant may contribute multiple samples, final classification decisions were made at the individual level. A majority voting strategy was adopted, in which the predicted labels of all samples from a participant were aggregated to determine the final decision. In the event of an equal number of votes between classes, the average predicted probability of the samples was used to determine the final classification.
A confusion matrix was constructed for each CV test set, as shown in Figure 3. In the confusion matrix, True Positives (TPs), True Negatives (TNs), False Positives (FPs), and False Negatives (FNs) are reported. The following metrics were derived from the confusion matrix and calculated as follows:
Accuracy ( Acc ) = T P + T N T P + T N + F P + F N
Precision ( Prec ) = T P T P + F P
Recall ( Rec ) = T P T P + F N
F 1 - score ( F 1 ) = 2 × Prec × Rec Prec + Rec
Additionally, the Area Under the Receiver Operating Characteristic Curve (AUC) was calculated to assess the overall discriminative capability of the model by evaluating the trade-off between the True Positive Rate (TPR) and False Positive Rate (FPR) across all classification thresholds. A higher AUC, approaching 1, indicates superior discriminative performance.

4. Experiments and Results

4.1. Experimental Setup and Hyperparameters

All experiments were conducted using Python 3.8, and model training and evaluation were implemented based on the PyTorch 2.0.1 deep learning framework. Auxiliary data processing and performance evaluation were performed using scientific computing libraries including Scikit-Learn 1.2.2 and NumPy 1.24.3. The experiments were executed on a workstation equipped with an Intel Core i9-13900K CPU and an NVIDIA RTX 4090 GPU with 32 GB of memory.
During model training, the batch size was set to 512, and the total number of training epochs was 500. The AdamW optimizer [44] was employed, with hyperparameters β 1 = 0.9 and β 2 = 0.99 . To stabilize optimization and mitigate gradient oscillations during the early training stage, a learning rate warm-up strategy [45] combined with a piecewise decay schedule was adopted. Specifically, the learning rate was linearly increased from 1 × 10 9 to 1 × 10 5 during the first 100 epochs, maintained at 1 × 10 5 for the subsequent 200 epochs, and gradually decayed to 1 × 10 7 during the final 200 epochs. The model parameters corresponding to the highest validation F1-score were preserved.
To address class imbalance in the dataset, class weighting was applied according to the sample distribution. In addition, label smoothing [46] and L2 regularization were incorporated to alleviate overfitting. All hyperparameters were empirically tuned, and the key configurations used in the experiments are summarized in Table 2.

4.2. Performance Evaluation via Five-Fold Cross-Validation

To comprehensively evaluate the generalization capability and robustness of the proposed model, a 5-CV was conducted on the dataset. The classification performance was assessed using Acc, Prec, Rec, F1, and AUC. The detailed results for each fold are summarized in Table 3.
The model demonstrated consistently high performance across all folds, achieving an average accuracy of 92.3%, precision of 88.7%, recall of 86.5%, F1 of 87.3%, and AUC of 0.943. These results indicate that the model not only accurately identifies PD samples but also maintains a balanced precision–recall trade-off, which is particularly valuable given the class imbalance in the dataset, where the ratio of HC to PD samples is approximately 7:3.
To further investigate the model’s classification behavior, predictions from all validation folds were aggregated to construct an overall confusion matrix. As illustrated in Figure 4a, the model correctly identified 106 PD samples, with only 20 misclassified as HC. Among the 289 HC samples, only 13 were incorrectly classified as PD, demonstrating that the model achieves reliable discrimination for both classes with a low misclassification rate.
Figure 4b presents the ROC curves obtained from each fold. All curves achieve an AUC greater than 0.90. Although Fold 3 exhibits slightly lower performance compared with the other folds, the remaining four folds reach an accuracy above 90% and an F1-score exceeding 85%. These results confirm the robustness and reliable discriminative capability of the model under the cross-validation setting, indicating strong generalization ability and consistent performance across different data partitions.

4.3. Comparison with Multiple Baseline Models

To further validate the effectiveness of the proposed model, its performance was compared with a range of classical and state-of-the-art baseline models, as summarized in Table 4. The comparative models included traditional machine learning methods such as SVM and MLP, classical deep learning architectures including CNN, LSTM, TCN, and Transformer, as well as recently developed models such as iTransform and ModernTCN.
As shown in Table 4, traditional machine learning methods exhibited relatively limited performance, with accuracies of 72.7% and 75.7% for SVM and MLP, respectively, and F1-scores approximately 62%. Classical deep learning models, including CNN, LSTM, and TCN, achieved substantially better results, with accuracies ranging from 86.0% to 87.5% and F1-scores between 77.6% and 80.0%. Compared with the original Transformer, the iTransform model enhanced temporal feature representation, achieving an accuracy of 89.2% and an F1-score of 81.2%. Likewise, the ModernTCN model, an improved variant of TCN, achieved an accuracy of 89.7% and an F1-score of 82.9%.
In comparison, the proposed MDF-Net achieved the best overall performance across all evaluation metrics, with a recall of 86.5%, representing a notable improvement over that of ModernTCN (80.1%). This improvement in recall demonstrates that MDF-Net can more reliably identify PD (positive) samples. The superior performance can be attributed to the integrated utilization of time-domain, frequency-domain, and wavelet-domain features, while the TTCN and Cmix modules further enhance feature representation and effectively mitigate overfitting.
To further compare the effectiveness of MDF-Net and ModernTCN, the performance comparison across 5-CV is summarized in Table 5. MDF-Net achieved higher mean values than ModernTCN on all five evaluation metrics. To assess whether the differences in all metrics (Acc, Prce, Rec, F1, AUC) between the 5-CV results of the two experiments are statistically significant, paired t-tests were conducted at a significance level of α = 0.05 . In this context, the t-test evaluates whether the means of two related groups differ significantly, and the p-value indicates the probability of observing such a difference by chance. In particular, the improvements in ACC and F1 score were statistically significant (t = 3.31, p = 0.0296; t = 3.37, p = 0.0280, respectively), indicating that MDF-Net can provide more reliable and balanced classification performance. Although precision and recall of MDF-Net were also higher on average, these differences did not reach statistical significance (p > 0.05), possibly due to variability across the 5 folds. The AUC values of both models were nearly identical (0.943 ± 0.03), suggesting that both methods exhibited comparable discriminative ability in distinguishing between classes. Overall, these results demonstrate that MDF-Net offers a significant enhancement in classification accuracy and overall predictive balance compared with the ModernTCN baseline, while maintaining similar discriminative capability.
In summary, these results provide strong evidence of the effectiveness and superiority of the proposed MDF-Net for PD classification using EEG data.

4.4. Repeated Independent Validation

To further verify the robustness and generalization capability of MDF-Net, we conducted ten independent runs using the hold-out method, in which the dataset was randomly split into 60% training, 20% validation, and 20% testing sets for each run, with no individual appearing in both the training and testing sets within a single run. The corresponding results are illustrated in Figure 5. In the figure, grey lines represent the results of each individual run, the blue line represents the average result, and the blue shaded area indicates the 95% confidence interval.
Based on the repeated hold-out experiments, MDF-Net achieved the following average performance: ACC = 88.4 ± 2.57%, PREC = 84.3 ± 5.55%, REC = 75.8 ± 5.97%, F1 = 79.6 ± 4.70%, and AUC = 0.936 ± 0.013. These findings indicate that MDF-Net maintains strong classification performance and high consistency across multiple random splits, with relatively low variation between runs.
While the mean ACC and F1 scores are slightly lower than those observed in the internal 5-CV, the standard deviations are moderately higher, which can be attributed to the smaller effective training size (reduced from 80% in 5-CV to 60% here) and the independent distribution of the hold-out splits. Nevertheless, the overall performance remains robust, demonstrating that MDF-Net generalizes effectively beyond the original cross-validation folds and is not overly dependent on specific data partitions.

4.5. Ablation Study

To further investigate the contributions of both feature components and network modules in MDF-Net, we conducted comprehensive ablation experiments using different combinations of time-domain (T), frequency-domain (F), and wavelet-domain (W) features, as well as different network modules for temporal and non-temporal branches. The results are summarized in Table 6 and Table 7, and visually illustrated in Figure 6, which compares Accuracy and F1-score across different feature branch and network module configurations.
When only the time-domain feature was used, the model achieved an accuracy of 89.0% and an F1-score of 80.9%, serving as the baseline performance. Incorporating frequency-domain information (T+F) or wavelet-domain features (T+W) led to notable improvements, suggesting that these auxiliary features provide complementary information that helps capture both global and localized EEG characteristics.
Table 7 compares different modules for temporal and non-temporal branches. TTCN consistently outperforms TCN and ModernTCN in temporal modeling, achieving higher overall metrics. This improvement may be attributed to the relatively short temporal segments of EEG signals, where the incorporation of an appropriately designed attention mechanism allows the model to capture salient temporal dependencies more effectively, outperforming both overly complex models and models without attention. Notably, for non-temporal features, the attention pooling mechanism in Cmix emphasizes the most informative features while suppressing irrelevant or noisy signals, enhancing the quality of frequency and wavelet domain feature fusion. In contrast, Transformer, despite its strong feature representation capacity, can cause partial overfitting with limited data, resulting in lower recall, and MLP underperforms due to insufficient non-temporal feature extraction ability. Overall, the combination of TTCN and Cmix with attention pooling achieves the best balance for multi-domain feature learning, effectively improving discriminative power and generalization.
Overall, the ablation experiments demonstrate that integrating time-domain (T), frequency-domain (F), and wavelet-domain (W) features with TTCN for temporal modeling and Cmix for non-temporal feature fusion achieves the best overall performance, with 92.3% accuracy, 87.3% F1-score, and 0.943 AUC, highlighting the effectiveness of the joint use of three domains and specialized modules in enhancing discriminative power and generalization.

5. Discussion

5.1. Comparison and Discussion of Studies Using Different Sensors

The experimental results presented above demonstrate that the proposed model achieves outstanding classification performance on EEG data, with an accuracy of 92.3% and an F1-score of 87.3%. To further validate the practical applicability of these findings, and to assess the comparative performance of EEG sensors relative to other sensor modalities in PD detection, we selected several representative sensor studies published in recent years for comparative analysis. The results are summarized in Table 8. It should be noted that, due to differences in datasets, participant cohorts, and experimental settings across studies, the reported accuracy and F1-scores are not directly comparable, though they still provide valuable reference information.
As shown in Table 8, most studies employing wearable motion sensors (e.g., foot-worn devices or inertial measurement units, IMUs) or video-based sensors reported accuracies typically in the range of 80–90%. For example, Oğul et al. obtained an accuracy of 82.0% using foot pressure signals, while He et al. demonstrated 84.1% using video-based gait analysis. Although some IMU-based approaches, such as Bremm et al., reached a relatively high accuracy of 94.2%, their datasets were small (only 45 subjects), and the generalization ability of such models remains uncertain. This is partly because IMU sensors capture limb movement signals, which are relatively low-noise and have simpler patterns, making it easier to achieve high accuracy even with small datasets. In comparison, EEG records brain activity, which is inherently more complex and noisier, with features that are harder to extract. As a result, EEG-based models may sometimes exhibit slightly lower accuracy but offer higher neurophysiological interpretability and provide valuable insights.
In contrast, our EEG-based approach achieved an accuracy of 92.3%, an F1-score of 87.3%, and an AUC of 0.94 on a substantially larger dataset comprising 415 subjects (HC:PD ≈ 7:3), demonstrating greater robustness and model stability. Importantly, this dataset exhibits a higher degree of class imbalance compared with previous studies, better reflecting the real-world clinical distribution, where PD patients are less prevalent than HC.
Although EEG-based detection has certain limitations, such as higher requirements for the recording environment and potential sensitivity to noise, it offers notable advantages in terms of independence from motor tasks. EEG signals directly reflect neural activity associated with central nervous system dysfunction, providing stronger neurophysiological interpretability compared with movement-dependent modalities. Furthermore, unlike gait- or motion-based sensors that require active subject participation, EEG-based detection imposes minimal physical demands, making it particularly suitable for PD patients with severe motor impairments or limited mobility.
Overall, both from the perspectives of performance and practical applicability, EEG-based methods show significant promise for PD detection. The proposed MDF-Net, trained on EEG data, demonstrates strong discriminative capability for PD classification and offers a feasible and noninvasive approach for supporting neurological diagnosis.

5.2. Discussion on Sampling Interval and Sampling Frequency

To identify the most effective data input configuration for EEG-based PD classification, we evaluated the effects of varying sampling intervals and sampling frequencies on model performance. The results are summarized in Table 9. In the table, D denotes the sampling interval (in seconds), while S denotes the sampling frequency (the downsampled rate from the original 500 Hz data). Metrics in the sample-level columns represent accuracy calculated per single sample, whereas metrics in the subject-level columns correspond to overall accuracy after majority voting across all samples.
Regarding sampling frequency, when the frequency exceeded 20 Hz, the model performance did not show significant improvement. However, reducing the frequency to 10 Hz resulted in a noticeable decline in performance, indicating that excessively low sampling rates may lead to information loss.
Regarding sampling interval, as the interval decreased from 3 s to 0.5 s, the single-sample accuracy generally increased. In contrast, the overall accuracy after majority voting showed minor fluctuations: it increased from 90.3% at D3 to 92.3% at D1, and slightly decreased to 92.1% at D0.5. Other metrics exhibited similar trends. These results suggest that shortening the sampling interval can enhance the discriminative capability at the subject-level.
We propose that these phenomena may be attributed to the following factors:
  • Enhanced feature stability: Shorter sampling intervals facilitate the capture of dynamic patterns over consecutive time segments, enabling the model to learn more stable temporal features and thereby improving single-sample recognition performance.
  • Statistical robustness: The majority voting strategy functions as a simple ensemble approach. By aggregating multiple predictions, it reduces the influence of random misclassifications on the final decision, which can improve the overall accuracy to some extent.
Furthermore, the observation that 20 Hz yielded the optimal performance can be further explained from a frequency-domain perspective [52]. We analyzed the relative power of the 0–10 Hz frequency band under different sampling rates. The average power proportion within this band was only 4.6% at 500 Hz, 6.9% at 100 Hz, 9.8% at 60 Hz, 17.4% at 40 Hz, and 100% at 20 Hz, consistent with the Nyquist sampling theorem [53], as shown in Figure 7.
The importance of the 0–10 Hz range is well supported by previous studies, which have shown that PD-related EEG abnormalities are predominantly concentrated in this frequency region [54]. More recent studies [55,56] also reported that stimulation or modulation below 10 Hz may have beneficial effects for PD patients.
Therefore, our experimental finding that 20 Hz sampling achieved the best performance aligns with both theoretical and physiological evidence. The substantial performance drop observed at 10 Hz suggests that downsampling to this rate discards crucial information between 5–10 Hz, while the lack of improvement at 40 Hz indicates that 20 Hz offers the most effective balance between information preservation and model generalization.
Based on the results, selecting an appropriate sampling interval and sampling frequency is crucial for EEG-based studies, as it can significantly improve model performance. In this study, a sampling interval of 1 s and a sampling frequency of 20 Hz were found to be optimal. According to the Nyquist theorem [53], the theoretical minimum sampling rate for the original EEG sensors is 40 Hz. This insight can inform future work aimed at reducing hardware requirements in the development of EEG-based PD detection devices.

5.3. Attention Weight Analysis of MDF-Net

To gain deeper insight into the discriminative mechanisms of MDF-Net, we visualized the attention weights assigned to 32 EEG channels, 11 Fourier frequency bins, and 26 wavelet coefficients, averaged across all EEG data, as shown in Figure 8.
As shown in the EEG channel attention map (Figure 8a), most channels have weights between 0.4 and 0.55, indicating that the model makes full use of multi-channel information, while being more sensitive to certain specific channels, though the differences are relatively limited.
In the Fourier domain attention map (Figure 8b), the highest-weighted frequency bin is the third bin (with a weight of 0.978), corresponding to a low-frequency component around 2 Hz; the second-highest bin is the sixth bin (with a weight of 0.614), also in the low-frequency range. The remaining bins have weights below 0.4, suggesting that the model primarily relies on low-frequency δ / θ oscillations for classification, with minimal contribution from higher frequencies.
In the wavelet domain attention map (Figure 8c), the highest weight is observed for the first coefficient (0.784), corresponding to the approximate coefficient (lowest frequency), indicating that the model mainly depends on low-frequency temporal information. Other coefficients range between 0.35 and 0.55, showing that the model also leverages some high-frequency or local time-frequency information, but with lower contribution. Overall, the model is highly sensitive to low-frequency temporal features, while high-frequency features serve primarily as auxiliary information.
Taken together, the attention analysis across channels, Fourier, and wavelet domains indicates that MDF-Net mainly relies on low-frequency features and most channels, highlighting its focus on low-frequency EEG oscillations. These results are based on the average attention weights computed across all EEG data, ensuring robustness. This finding is consistent with the conclusions of previous studies [54,55,56,57], indicating that the model primarily attends to low-frequency information. It should be noted that this does not imply that high-frequency features are unaffected by PD; rather, it simply indicates that low-frequency EEG exhibits greater discriminative power when distinguishing HC from PD patients. Due to the characteristics of deep learning models, high-frequency data may be more prone to overfitting, leading to lower assigned weights, although their potential contribution to disease classification cannot be ruled out.

5.4. Discussion on Age-Related Effects

To examine the potential influence of age on model performance, an additional subgroup analysis was conducted. Three experiments were designed using different testing age ranges:
  • Both training and testing sets included samples aged 55–60;
  • Training 55–60, testing 60–65;
  • Training 55–60, testing 50–55.
Since the number of available samples varied across age groups, an equal number of samples were randomly selected from each group to ensure balanced training and testing sets. 5-CV was then performed in each case. The specific results are shown in Table 10.
If the model primarily relied on age differences, the performance in experiments 2 and 3 would be expected to decline compared to experiment 1. However, the results remain generally consistent, and even show the highest accuracy when testing on the 60–65 group. This indicates that MDF-Net learns disease-related EEG patterns rather than merely reflecting age differences. The stronger performance in the older group may suggest that PD-related neural abnormalities become more pronounced with age.
Although EEG signals can be influenced by both PD pathology and normal aging, as well as inter-individual variability, disentangling these effects requires a larger and more balanced dataset across age ranges. Future studies will further explore the interaction between aging and PD-related EEG dynamics.

6. Conclusions

In this study, we proposed a multi-domain feature fusion model, MDF-Net, for EEG-based signal classification. By integrating complementary features from the time, frequency, and wavelet domains, MDF-Net effectively captures multi-scale dynamic information in EEG signals. The model employs a parallel multi-branch architecture, where the temporal branch incorporates a TTCN to capture correlations across different time scales, while the frequency and wavelet branches Cmix for cross-channel feature interaction and spectral feature fusion. An attention pooling mechanism further enhances the discriminative capability of the extracted features.
Experimental results demonstrate that MDF-Net significantly outperforms models using only time-domain information, achieving an accuracy of 92.3% and an F1-score of 87.3% on our dataset, surpassing most existing deep learning baseline methods. Compared with approaches based on gait or inertial signals, EEG-based detection in this study also exhibits competitive performance, indicating that EEG, as a non-invasive neurophysiological signal, holds considerable potential for PD detection. Furthermore, the relatively large sample size used in this study improves the statistical reliability and generalizability of the results. Overall, the MDF-Net demonstrates strong discriminative capability for PD classification and represents a feasible non-invasive approach for supporting neurological diagnosis.
Future work will focus on three directions. First, we plan to develop a low-cost wearable EEG prototype suitable for clinical PD screening. By reasonably reducing the sampling frequency, hardware complexity and energy consumption can be minimized, making the system more suitable for home use. Moreover, by leveraging cloud or mobile computing for signal analysis and feedback (with participant consent), device costs can be further reduced while continuously improving the model through large-scale data aggregation. Second, we aim to extend the study to multimodal data, incorporating EEG, gait video, speech, and facial expression information to enhance recognition of multidimensional PD symptoms. Third, we will further investigate model interpretability to identify disease-relevant brain activity patterns and potential biomarkers, thereby providing insights into the neural mechanisms underlying PD.

Author Contributions

Conceptualization, J.W., H.H. and S.K.; Data curation, J.W., L.M. and C.Z.; Formal analysis, J.W., S.K., L.M. and C.Z.; Funding acquisition, H.H.; Methodology, J.W., H.H., S.K., L.M. and C.Z.; Project administration, H.H. and S.K.; Resources, H.H.; Software, J.W.; Supervision, H.H. and S.K.; Validation, J.W. and L.M.; Visualization, J.W.; Writing—original draft, J.W.; Writing—review & editing, J.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research has been supported by the Major Science and Technology Program of Henan Province (Grant No. 221100210500) and the Central Government Guiding Local Science and Technology Development Fund Program of Henan Province (Grant No. Z20221343032).

Institutional Review Board Statement

The study was conducted in accordance with the Declaration of Helsinki, and approved by the Research Ethics Committee of the First Affiliated Hospital of Henan University of Science and Technology (Approval No. 2023-03-K0029).

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study. All subjects signed the consent form before participating, and no personally identifiable information is included in this publication.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. The data are not publicly available due to privacy and ethical restrictions.

Acknowledgments

We received strong support from the First Affiliated Hospital of Henan University of Science and Technology in our data collection, and we greatly appreciate the efforts of the relevant staff. This research was supported by the Major Science and Technology Program of Henan Province (Grant No. 221100210500) and the Central Government Guiding Local Science and Technology Development Fund Program of Henan Province (Grant No. Z20221343032). We sincerely thank the funding agencies for their support. We also thank ChatGPT for assistance with language polishing and translation, which helped improve the clarity and readability of the manuscript.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Cantero-Fortiz, Y.; Boada, M. The role of inflammation in neurological disorders: A brief overview of multiple sclerosis, Alzheimer’s, and Parkinson’s disease. Front. Neurol. 2024, 15, 1439125. [Google Scholar] [CrossRef]
  2. Bloem, B.R.; Okun, M.S.; Klein, C. Parkinson’s disease. Lancet 2021, 397, 2284–2303. [Google Scholar] [CrossRef] [PubMed]
  3. Ben-Shlomo, Y.; Darweesh, S.; Llibre-Guerra, J.; Marras, C.; San Luciano, M.; Tanner, C. The epidemiology of Parkinson’s disease. Lancet 2024, 403, 283–292. [Google Scholar] [CrossRef] [PubMed]
  4. Merritt, H.H. Merritt’s Neurology; Lippincott Williams & Wilkins: Philadelphia, PA, USA, 2010. [Google Scholar]
  5. Morris, H.R.; Spillantini, M.G.; Sue, C.M.; Williams-Gray, C.H. The pathogenesis of Parkinson’s disease. Lancet 2024, 403, 293–304. [Google Scholar] [CrossRef]
  6. Lim, S.Y.; Tan, A.H.; Ahmad-Annuar, A.; Okubadejo, N.U.; Lohmann, K.; Morris, H.R.; Toh, T.S.; Tay, Y.W.; Lange, L.M.; Bandres-Ciga, S.; et al. Uncovering the genetic basis of Parkinson’s disease globally: From discoveries to the clinic. Lancet Neurol. 2024, 23, 1267–1280. [Google Scholar] [CrossRef] [PubMed]
  7. Dorsey, E.R.; De Miranda, B.R.; Horsager, J.; Borghammer, P. The body, the brain, the environment, and Parkinson’s disease. J. Parkinson’s Dis. 2024, 14, 363–381. [Google Scholar] [CrossRef]
  8. Zhang, J.; Villringer, A.; Nikulin, V.V. Dopaminergic modulation of local non-oscillatory activity and global-network properties in Parkinson’s disease: An EEG study. Front. Aging Neurosci. 2022, 14, 846017. [Google Scholar] [CrossRef]
  9. Yi, G.; Wang, L.; Chu, C.; Liu, C.; Zhu, X.; Shen, X.; Li, Z.; Wang, F.; Yang, M.; Wang, J. Analysis of complexity and dynamic functional connectivity based on resting-state EEG in early Parkinson’s disease patients with mild cognitive impairment. Cogn. Neurodynamics 2022, 16, 309–323. [Google Scholar] [CrossRef]
  10. Peláez Suárez, A.A.; Berrillo Batista, S.; Pedroso Ibáñez, I.; Casabona Fernández, E.; Fuentes Campos, M.; Chacón, L.M. EEG-derived functional connectivity patterns associated with mild cognitive impairment in Parkinson’s disease. Behav. Sci. 2021, 11, 40. [Google Scholar] [CrossRef]
  11. Jibon, F.A.; Tasbir, A.; Talukder, M.A.; Uddin, M.A.; Rabbi, F.; Uddin, M.S.; Alanazi, F.K.; Kazi, M. Parkinson’s disease detection from EEG signal employing autoencoder and RBFNN-based hybrid deep learning framework utilizing power spectral density. Digit. Health 2024, 10, 20552076241297355. [Google Scholar] [CrossRef]
  12. Siuly, S.; Khare, S.K.; Kabir, E.; Sadiq, M.T.; Wang, H. An efficient Parkinson’s disease detection framework: Leveraging time-frequency representation and AlexNet convolutional neural network. Comput. Biol. Med. 2024, 174, 108462. [Google Scholar] [CrossRef] [PubMed]
  13. Lee, C.H.; Juan, C.H.; Chen, H.H.; Hong, J.P.; Liao, T.W.; French, I.; Lo, Y.-S.; Wang, Y.-R.; Cheng, M.-L.; Wu, H.-C.; et al. Long-Range Temporal Correlations in Electroencephalography for Parkinson’s Disease Progression. Mov. Disord. 2025, 40, 266–275. [Google Scholar] [CrossRef]
  14. Rajaby, E.; Sayedi, S.M. A structured review of sparse fast Fourier transform algorithms. Digit. Signal Process. 2022, 123, 103403. [Google Scholar] [CrossRef]
  15. Akujuobi, C.M. Wavelets and Wavelet Transform Systems and Their Applications; Springer International Publishing: Berlin/Heidelberg, Germany, 2022. [Google Scholar]
  16. Bai, S.; Kolter, J.Z.; Koltun, V. An empirical evaluation of generic convolutional and recurrent networks for sequence modeling. arXiv 2018, arXiv:1803.01271. [Google Scholar] [CrossRef]
  17. Sapienza, S.; Tsurkalenko, O.; Giraitis, M.; Mejia, A.C.; Zelimkhanov, G.; Schwaninger, I.; Klucken, J. Assessing the clinical utility of inertial sensors for home monitoring in Parkinson’s disease: A comprehensive review. npj Parkinson’s Dis. 2024, 10, 161. [Google Scholar] [CrossRef]
  18. Sibley, K.G.; Girges, C.; Hoque, E.; Foltynie, T. Video-based analyses of Parkinson’s disease severity: A brief review. J. Parkinson’s Dis. 2021, 11, S83–S93. [Google Scholar] [CrossRef]
  19. Maitin, A.M.; Romero Muñoz, J.P.; García-Tejedor, Á.J. Survey of machine learning techniques in the analysis of EEG signals for Parkinson’s disease: A systematic review. Appl. Sci. 2022, 12, 6967. [Google Scholar] [CrossRef]
  20. Medeiros, L.; Almeida, H.; Dias, L.; Perkusich, M.; Fischer, R. A gait analysis approach to track Parkinson’s disease evolution using principal component analysis. In Proceedings of the IEEE 29th International Symposium on Computer-Based Medical Systems (CBMS), Dublin, Ireland, 20–23 June 2016; pp. 48–53. [Google Scholar]
  21. Sánchez-Fernández, L.P.; Sánchez-Pérez, L.A.; Martínez-Hernández, J.M. Computer model for gait assessments in Parkinson’s patients using a fuzzy inference model and inertial sensors. Artif. Intell. Med. 2025, 160, 103059. [Google Scholar] [CrossRef]
  22. Son, M.; Han, S.H.; Lyoo, C.H.; Lim, J.A.; Jeon, J.; Hong, K.B.; Park, H. The effect of levodopa on bilateral coordination and gait asymmetry in Parkinson’s disease using inertial sensor. npj Parkinson’s Dis. 2021, 7, 42. [Google Scholar] [CrossRef] [PubMed]
  23. Ma, L.; Huo, H.; Liu, W.; Zhao, C.; Wang, J.; Xu, N. Twin-tower transformer network for skeleton-based Parkinson’s disease early detection. Complex Intell. Syst. 2024, 10, 6745–6765. [Google Scholar] [CrossRef]
  24. Acevedo Trebbau, G.T.; Bandini, A.; Guarin, D.L. Video-based hand pose estimation for remote assessment of bradykinesia in Parkinson’s disease. In Proceedings of the International Workshop on Predictive Intelligence in Medicine (PredictiveMed), Granada, Spain, 18–22 September 2023; pp. 241–252. [Google Scholar]
  25. Anjum, M.F.; Espinoza, A.I.; Cole, R.C.; Singh, A.; May, P.; Uc, E.Y.; Dasgupta, S.; Narayanan, N.S. Resting-state EEG measures cognitive impairment in Parkinson’s disease. npj Parkinson’s Dis. 2024, 10, 6. [Google Scholar] [CrossRef]
  26. Ly, Q.T.; Handojoseno, A.A.; Gilat, M.; Chai, R.; Martens, K.A.E.; Georgiades, M.; Nguyen, H.T. Detection of gait initiation failure in Parkinson’s disease based on wavelet transform and Support Vector Machine. In Proceedings of the 39th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Jeju, Republic of Korea, 11–15 July 2017; pp. 3048–3051. [Google Scholar]
  27. Qiu, L.; Li, J.; Zhong, L.; Feng, W.; Zhou, C.; Pan, J. A novel EEG-based Parkinson’s disease detection model using multiscale convolutional prototype networks. IEEE Trans. Instrum. Meas. 2024, 73, 1–14. [Google Scholar] [CrossRef]
  28. Balaji, C.; Suresh, D.S. EEG-based Parkinson’s disease diagnosis via verifiable convolutional neural networks and self-competition particle swarm optimization. Prog. Artif. Intell. 2025, 1–13. [Google Scholar] [CrossRef]
  29. Bdaqli, M.; Shoeibi, A.; Moridian, P.; Sadeghi, D.; Pouyani, M.F.; Shalbaf, A.; Gorriz, J.M. Diagnosis of Parkinson disease from EEG signals using a CNN-LSTM model and explainable AI. In Proceedings of the International Work-Conference on the Interplay Between Natural and Artificial Computation (IWINAC), Cádiz, Spain, 12–14 June 2024; pp. 128–138. [Google Scholar]
  30. Varlı, M.; Yılmaz, H. Multiple classification of EEG signals and epileptic seizure diagnosis with combined deep learning. J. Comput. Sci. 2023, 67, 101943. [Google Scholar] [CrossRef]
  31. Chiang, H.S.; Chen, M.Y.; Liao, L.S. Cognitive depression detection cyber-medical system based on EEG analysis and deep learning approaches. IEEE J. Biomed. Health Inform. 2022, 27, 608–616. [Google Scholar] [CrossRef]
  32. Alzubaidi, L.; Zhang, J.; Humaidi, A.J.; Al-Dujaili, A.; Duan, Y.; Al-Shamma, O.; Santamaría, J.; Fadhel, M.A.; Al-Amidie, M.; Farhan, L. Review of deep learning: Concepts, CNN architectures, challenges, applications, future directions. J. Big Data 2021, 8, 53. [Google Scholar] [CrossRef]
  33. Al-Selwi, S.M.; Hassan, M.F.; Abdulkadir, S.J.; Muneer, A.; Sumiea, E.H.; Alqushaibi, A.; Ragab, M.R. RNN-LSTM: From applications to modeling techniques and beyond—Systematic review. J. King Saud Univ.-Comput. Inf. Sci. 2024, 36, 102068. [Google Scholar] [CrossRef]
  34. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention Is All You Need. In Proceedings of the 31st International Conference on Neural Information Processing Systems (NIPS’17), Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
  35. Liu, Y.; Hu, T.; Zhang, H.; Wu, H.; Wang, S.; Ma, L.; Long, M. iTransformer: Inverted transformers are effective for time series forecasting. arXiv 2023, arXiv:2310.06625. [Google Scholar]
  36. Luo, D.; Wang, X. ModernTCN: A modern pure convolution structure for general time series analysis. In Proceedings of the International Conference on Learning Representations (ICLR), Vienna, Austria, 6–9 May 2024; pp. 1–43. [Google Scholar]
  37. Dao, T.; Gu, A. Transformers are SSMs: Generalized models and efficient algorithms through structured state space duality. arXiv 2024, arXiv:2405.21060. [Google Scholar] [CrossRef]
  38. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  39. Van Den Oord, A.; Dieleman, S.; Zen, H.; Simonyan, K.; Vinyals, O.; Graves, A.; Kalchbrenner, N.; Senior, A. Kavukcuoglu, K. Wavenet: A generative model for raw audio. arXiv 2016, arXiv:1609.03499. [Google Scholar]
  40. Chowdhury, A.R.; Ahuja, R.; Manroy, A. A machine learning driven approach for forecasting Parkinson’s disease progression using temporal data. In Proceedings of the International Conference on Distributed Computing and Intelligent Technology (ICDCIT), Bhubaneswar, India, 18–22 January 2024; pp. 266–281. [Google Scholar]
  41. Göker, H. Automatic detection of Parkinson’s disease from power spectral density of electroencephalography (EEG) signals using deep learning model. Phys. Eng. Sci. Med. 2023, 46, 1163–1174. [Google Scholar] [CrossRef]
  42. Salah, F.; Echtioui, A.; Ayed, Y.B. Unveiling Parkinson’s disease severity using EEG-driven deep CNN model. In Proceedings of the Asian Conference on Intelligent Information and Database Systems (ACIIDS), Phuket, Thailand, 24–26 March 2025; pp. 72–85. [Google Scholar]
  43. Pratticò, D.; Carlo, D.D.; Silipo, G.; Laganà, F. Hybrid FEM-AI Approach for Thermographic Monitoring of Biomedical Electronic Devices. Computers 2025, 14, 344. [Google Scholar] [CrossRef]
  44. Loshchilov, I.; Hutter, F. Decoupled weight decay regularization. arXiv 2017, arXiv:1711.05101. [Google Scholar]
  45. Alimisis, F.; Islamov, R.; Lucchi, A. Why Do We Need Warm-up? A Theoretical Perspective. arXiv 2025, arXiv:2510.03164. [Google Scholar] [CrossRef]
  46. Müller, R.; Kornblith, S.; Hinton, G.E. When Does Label Smoothing Help? In Proceedings of the 33rd International Conference on Neural Information Processing Systems, Vancouver, BC, Canada, 8–14 December 2019. [Google Scholar]
  47. Oğul, B.B.; Özdemir, S. A pairwise deep ranking model for relative assessment of Parkinson’s disease patients from gait signals. IEEE Access 2021, 10, 6676–6683. [Google Scholar] [CrossRef]
  48. Bremm, R.P.; Pavelka, L.; Garcia, M.M.; Mombaerts, L.; Krüger, R.; Hertel, F. Sensor-based quantification of MDS-UPDRS III subitems in Parkinson’s disease using machine learning. Sensors 2024, 24, 2195. [Google Scholar] [CrossRef]
  49. He, Y.; Yang, T.; Yang, C.; Zhou, H. Integrated equipment for Parkinson’s disease early detection using graph convolution network. Electronics 2022, 11, 1154. [Google Scholar] [CrossRef]
  50. Wang, S.; Wang, G.; Pei, G.; Yan, T. An EEG-based approach for Parkinson’s disease diagnosis using capsule network. In Proceedings of the 7th International Conference on Intelligent Computing and Signal Processing (ICSP), Xi’an, China, 15–17 April 2022; pp. 1641–1645. [Google Scholar]
  51. Oh, S.L.; Hagiwara, Y.; Raghavendra, U.; Yuvaraj, R.; Arunkumar, N.; Murugappan, M.; Acharya, U.R. A deep learning approach for Parkinson’s disease diagnosis from EEG signals. Neural Comput. Appl. 2020, 32, 10927–10933. [Google Scholar] [CrossRef]
  52. Moazami-Goudarzi, M.; Sarnthein, J.; Michels, L.; Moukhtieva, R.; Jeanmonod, D. Enhanced frontal low and high frequency power and synchronization in the resting EEG of parkinsonian patients. NeuroImage 2008, 41, 985–997. [Google Scholar] [CrossRef] [PubMed]
  53. Shannon, C.E. Communication in the presence of noise. Proc. IRE 2006, 37, 10–21. [Google Scholar] [CrossRef]
  54. Zhang, Z.; Liu, D.; Song, W.; Li, J.; Wang, X.; Yin, P.; Liu, Y.; Xu, M.; Li, F.; Li, Y.; et al. Multi-Target Repetitive Transcranial Magnetic Stimulation Improves Freezing of Gait in Parkinson’s Disease: A Randomized Controlled Trial. CNS Neurosci. Ther. 2025, 31, e70582. [Google Scholar] [CrossRef] [PubMed]
  55. Ricciardi, L.; Cucinotta, F.; Pegolo, E.; Abundes-Corona, A.; Ishihara, B.; Hossain, I.; Sawacha, Z.; Hart, M.; Pereira, E.; Morgante, F.; et al. Low/High Multi-Frequency Stimulation of the Subthalamic Nucleus Improves Verbal Fluency Maintaining Motor Control in Parkinson’s Disease. Mov. Disord. 2025, 40, 1892–1900. [Google Scholar] [CrossRef]
  56. Pratticò, D.; Laganà, F. Infrared Thermographic Signal Analysis of Bioactive Edible Oils Using CNNs for Quality Assessment. Signals 2025, 6, 38. [Google Scholar] [CrossRef]
  57. Dubbelink, K.T.O.; Stoffers, D.; Deijen, J.B.; Twisk, J.W.; Stam, C.J.; Hillebrand, A.; Berendse, H.W. Resting-state functional connectivity as a marker of disease progression in Parkinson’s disease: A longitudinal MEG study. NeuroImage Clin. 2013, 2, 612–619. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Schematic diagram of the EEG sensor data acquisition process.
Figure 1. Schematic diagram of the EEG sensor data acquisition process.
Sensors 25 07189 g001
Figure 2. Overall architecture of the Multi-Domain Fusion Network.
Figure 2. Overall architecture of the Multi-Domain Fusion Network.
Sensors 25 07189 g002
Figure 3. Confusion matrix diagram.
Figure 3. Confusion matrix diagram.
Sensors 25 07189 g003
Figure 4. 5-CV Confusion matrix and ROC curves. (a) Confusion matrix. (b) ROC curves.
Figure 4. 5-CV Confusion matrix and ROC curves. (a) Confusion matrix. (b) ROC curves.
Sensors 25 07189 g004
Figure 5. Results of repeated independent hold-out validation.
Figure 5. Results of repeated independent hold-out validation.
Sensors 25 07189 g005
Figure 6. Ablation study of MDF-Net comparison of feature branch combinations (a) and network module variants (b) on classification performance.
Figure 6. Ablation study of MDF-Net comparison of feature branch combinations (a) and network module variants (b) on classification performance.
Sensors 25 07189 g006
Figure 7. Downsampling of the 0–10 Hz energy. The graph illustrates how the relative energy in the 0–10 Hz frequency band changes under different downsampling rates.
Figure 7. Downsampling of the 0–10 Hz energy. The graph illustrates how the relative energy in the 0–10 Hz frequency band changes under different downsampling rates.
Sensors 25 07189 g007
Figure 8. Attention weights of MDF-Net across EEG channels, Fourier frequency bins, and wavelet coefficients. (a) EEG channel attention map. (b) Fourier domain attention map. (c) Wavelet domain attention map.
Figure 8. Attention weights of MDF-Net across EEG channels, Fourier frequency bins, and wavelet coefficients. (a) EEG channel attention map. (b) Fourier domain attention map. (c) Wavelet domain attention map.
Sensors 25 07189 g008
Table 1. Demographic Characteristics of Participants (Mean ± SD).
Table 1. Demographic Characteristics of Participants (Mean ± SD).
CharacteristicsHCPD
All (Male/Female)289 (145/144)126 (71/55)
Age (years)55.8 ± 9.263.8 ± 7.5
Height (cm)165.5 ± 7.3165.4 ± 8.5
Weight (kg)67.5 ± 11.266.9 ± 12.0
Hoehn–Yahr stageN/A1.9 ± 0.8
Table 2. Key hyperparameter settings used in the experiment.
Table 2. Key hyperparameter settings used in the experiment.
ModuleParameterValue
EEG preprocessingLow frequency (Hz)1
High frequency (Hz)40
Variance percentile90
Kurtosis percentile90
TTCNChannel dimensions(64, 128, 64)
Kernel size3
Stride1
Dilation rate 2 i
Dropout0.2
CmixChannel dimensions(64, 128, 64)
Dropout0.2
TrainingLearning rate1 × 10 5
L2 regularization0.01
Class weights w 0 = 0.8 , w 1 = 1.2
Label smoothing0.1
Table 3. Performance Metrics Obtained from 5-CV.
Table 3. Performance Metrics Obtained from 5-CV.
FoldAcc (%)Prec (%)Rec (%)F1 (%)AUC
CV195.1100.084.691.70.970
CV291.490.980.085.10.929
CV387.877.884.080.80.905
CV491.983.392.687.70.950
CV595.291.391.391.30.961
Mean92.388.786.587.30.943
Table 4. Comparison of classification performance among different models.
Table 4. Comparison of classification performance among different models.
ModelAcc (%)Prec (%)Rec (%)F1 (%)AUC
SVM72.774.762.961.20.814
MLP75.778.760.762.00.868
CNN [33]86.880.475.277.60.902
LSTM [32]86.081.575.978.60.898
TCN [16]87.584.475.780.00.903
Transformer [34]86.779.676.977.60.898
iTransform [35]89.287.775.981.20.920
ModernTCN [36]89.786.680.182.90.941
MDF-Net92.388.786.587.30.943
Table 5. Comparison of classification performance between MDF-Net and ModernTCN.
Table 5. Comparison of classification performance between MDF-Net and ModernTCN.
MetricModernTCN (Mean ± 95% CI)MDF-Net (Mean ± 95% CI)tp
ACC89.7 ± 4.0%92.3 ± 3.8%3.310.0296 *
PREC86.6 ± 6.9%88.7 ± 10.5%0.420.6954
REC80.1 ± 11.0%86.5 ± 6.6%1.960.1213
F182.9 ± 6.9%87.3 ± 5.7%3.370.0280 *
AUC0.943 ± 0.0340.943 ± 0.0320.010.9947
* p < 0.05, denoting statistical significance.
Table 6. Ablation results of MDF-Net under different branch combinations.
Table 6. Ablation results of MDF-Net under different branch combinations.
TFWAcc (%)Prec (%)Rec (%)F1 (%)AUC
89.082.679.280.90.896
91.384.688.986.30.937
90.885.085.885.10.940
92.388.786.587.30.943
Table 7. Ablation results of different network modules for temporal (T) and non-temporal (F/W) branches.
Table 7. Ablation results of different network modules for temporal (T) and non-temporal (F/W) branches.
TF/WAcc (%)Prec (%)Rec (%)F1 (%)AUC
TCNCmix90.683.385.284.50.913
ModernTCNCmix91.784.785.985.10.939
TTCNMLP91.484.685.184.90.927
TTCNTransformer89.787.678.683.00.907
TTCNCmix92.388.786.587.30.943
Table 8. Comparison of PD detection performance using different sensors.
Table 8. Comparison of PD detection performance using different sensors.
StudiesSubjects (HC/PD)SensorMethodAcc (%)F1 (%)AUC
Oğul et al. (2021) [47]73/93Foot-WornSRAnet82.0-0.89
Bremm et al. (2024) [48]12/33IMU-HandRandom Forest94.294.2-
He et al. (2022) [49]95/96VideoADGCN84.185.8-
Wang et al. (2022) [50]30/55EEGCapsnet89.3--
Oh et al. (2020) [51]20/20EEGCNN88.3--
Our Study289/126EEGMDF-Net92.387.30.94
If the content is “-”, it indicates that the original paper did not mention this portion of the data.
Table 9. Impact of EEG Sampling Interval (D) and Sampling Frequency (S) on Model Performance at Sample- and Subject-Level.
Table 9. Impact of EEG Sampling Interval (D) and Sampling Frequency (S) on Model Performance at Sample- and Subject-Level.
Sampling
Setting
Sample-LevelSubject-Level
AccPrecRecF1AUCAccPrecRecF1AUC
D0.5 S2078.359.871.164.90.84292.185.888.787.10.941
D1 S2079.061.571.866.00.84692.388.786.587.30.943
D2 S2080.263.969.466.50.84891.688.084.185.90.934
D3 S2079.561.872.566.60.84590.382.786.584.50.928
D1 S1076.157.266.761.30.81489.984.283.583.40.925
D1 S4079.061.669.064.90.83791.586.286.686.20.930
Table 10. Performance comparison across age-subgroup experiments to assess the influence of age on MDF-Net.
Table 10. Performance comparison across age-subgroup experiments to assess the influence of age on MDF-Net.
Training Age RangeTesting Age RangeAccPrecRecF1AUC
55–6055–6087.3%91.7%74.3%80.3%0.896
55–6060–6589.0%90.5%81.6%82.7%0.891
55–6050–5588.1%78.1%73.3%73.7%0.883
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

Wang, J.; Huo, H.; Kang, S.; Ma, L.; Zhang, C. EEG Sensor-Based Parkinson’s Disease Detection Using a Multi-Domain Feature Fusion Network. Sensors 2025, 25, 7189. https://doi.org/10.3390/s25237189

AMA Style

Wang J, Huo H, Kang S, Ma L, Zhang C. EEG Sensor-Based Parkinson’s Disease Detection Using a Multi-Domain Feature Fusion Network. Sensors. 2025; 25(23):7189. https://doi.org/10.3390/s25237189

Chicago/Turabian Style

Wang, Jinxuan, Hua Huo, Shilu Kang, Lan Ma, and Chen Zhang. 2025. "EEG Sensor-Based Parkinson’s Disease Detection Using a Multi-Domain Feature Fusion Network" Sensors 25, no. 23: 7189. https://doi.org/10.3390/s25237189

APA Style

Wang, J., Huo, H., Kang, S., Ma, L., & Zhang, C. (2025). EEG Sensor-Based Parkinson’s Disease Detection Using a Multi-Domain Feature Fusion Network. Sensors, 25(23), 7189. https://doi.org/10.3390/s25237189

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