Next Article in Journal
Contrast-Enhanced Ultrasound-Guided Microwave Ablation for Iatrogenic Hepatic Hemorrhage: A Feasibility Study on Precision Hemostasis
Next Article in Special Issue
Enhancing Multi-Label Chest X-Ray Classification Using an Improved Ranking Loss
Previous Article in Journal
Expert-AI Collaborative Training for Novice Endoscopists: A Path to Enhanced Efficiency
Previous Article in Special Issue
Enhanced Skin Disease Classification via Dataset Refinement and Attention-Based Vision Approach
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Hybrid Convolutional–Transformer Approach for Accurate Electroencephalography (EEG)-Based Parkinson’s Disease Detection

by
Chayut Bunterngchit
1,
Laith H. Baniata
2,*,
Hayder Albayati
3,
Mohammad H. Baniata
4,
Khalid Alharbi
5,
Fanar Hamad Alshammari
6 and
Sangwoo Kang
2,*
1
Division of Industrial and Logistics Engineering Technology, Faculty of Engineering and Technology, King Mongkut’s University of Technology North Bangkok, Rayong Campus, Rayong 21120, Thailand
2
School of Computing, Gachon University, Seongnam 13120, Republic of Korea
3
Endicott College, Woosong University, Daejeon 34606, Republic of Korea
4
Department of Computer Science, Faculty of Information Technology, The World Islamic Sciences and Education University, Amman 11947, Jordan
5
Department of Computer Science, College of Science, Northern Border University, Arar 91431, Saudi Arabia
6
Department of Biological Sciences, College of Science, Northern Border University, Arar 91431, Saudi Arabia
*
Authors to whom correspondence should be addressed.
Bioengineering 2025, 12(6), 583; https://doi.org/10.3390/bioengineering12060583
Submission received: 27 April 2025 / Revised: 20 May 2025 / Accepted: 26 May 2025 / Published: 28 May 2025
(This article belongs to the Special Issue Machine Learning and Deep Learning Applications in Healthcare)

Abstract

Parkinson’s disease (PD) is a progressive neurodegenerative disorder characterized by motor and cognitive impairments. Early detection is critical for effective intervention, but current diagnostic methods often lack accuracy and generalizability. Electroencephalography (EEG) offers a noninvasive means to monitor neural activity, revealing abnormal brain oscillations linked to PD pathology. However, deep learning models for EEG analysis frequently struggle to balance high accuracy with robust generalization across diverse patient populations. To overcome these challenges, this study proposes a convolutional transformer enhanced sequential model (CTESM), which integrates convolutional neural networks, transformer attention blocks, and long short-term memory layers to capture spatial, temporal, and sequential EEG features. Enhanced by biologically informed feature extraction techniques, including spectral power analysis, frequency band ratios, wavelet transforms, and statistical measures, the model was trained and evaluated on a publicly available EEG dataset comprising 31 participants (15 with PD and 16 healthy controls), recorded using 40 channels at a 500 Hz sampling rate. The CTESM achieved an exceptional classification accuracy of 99.7% and demonstrated strong generalization on independent test datasets. Rigorous evaluation across distinct training, validation, and testing phases confirmed the model’s robustness, stability, and predictive precision. These results highlight the CTESM’s potential for clinical deployment in early PD diagnosis, enabling timely therapeutic interventions and improved patient outcomes.

Graphical Abstract

1. Introduction

A progressive neurodegenerative disorder, Parkinson’s disease (PD) profoundly impairs motor and non-motor functions, substantially reducing quality of life [1]. The World Health Organization estimates 8.5 million new PD diagnoses annually, a number projected to grow with increasing life expectancies [2,3]. Beyond its impact on individuals, PD imposes a notable socioeconomic burden, necessitating long-term care and straining healthcare systems [4]. Clinically, PD manifests through hallmark symptoms such as tremors, rigidity, bradykinesia, and postural instability [5], which diminish independence, elevate medical costs, and increase reliance on caregivers. Thus, early diagnosis is critical to mitigate both individual suffering and societal costs.
PD arises from the degeneration of dopaminergic neurons in the substantia nigra, disrupting basal ganglia pathways essential for motor control. This dopamine depletion triggers neural signaling imbalances, manifesting as hallmark motor symptoms. Beyond motor deficits, PD is linked to cognitive and neuropsychiatric impairments, including executive dysfunction, memory deficits, apathy, depression, and anxiety [6]. Emerging research also highlights PD’s impact on serotonin and norepinephrine systems, contributing to non-motor symptoms such as sleep disturbances and autonomic dysfunction. At the neural level, altered oscillatory activity, particularly in the beta frequency band (13–30 Hz), reflects disruptions in cortico-basal ganglia circuits, providing detectable biomarkers for tracking PD progression [7].
Electroencephalography (EEG) offers a powerful noninvasive method for detecting neurophysiological changes in PD. By recording oscillatory brain activity, EEG identifies biomarkers of neural dysregulation linked to cognitive and motor impairments [8,9]. Standard electrode systems facilitate the analysis of frontal and central brain regions commonly affected in PD. Focused studies of band oscillations and regional coherence enable clinicians to track disease progression and assess treatment effectiveness. EEG’s capacity to capture real-time neural activity makes it particularly effective for early detection of PD-related abnormalities [10,11].
Numerous studies have investigated machine learning and traditional methods for classifying PD using EEG data. Conventional approaches, such as statistical models, emphasize feature extraction and classification with simplified frameworks, prioritizing interpretability and computational efficiency [12,13,14]. For example, decision tree models leveraging statistical features like Hjorth parameters achieved 98% accuracy with high sensitivity and specificity [15]. Another study employed features such as mean, standard deviation, and kurtosis, allowing clinicians to infer PD presence without complex classification [16]. Budget-based models utilizing sample entropy and channel optimization reported 76% accuracy on open-eye EEG data [17]. Additionally, an ensemble method combined with an artificial neural network (ANN) and a discrete wavelet transform (DWT) yielded 98.54% accuracy [18]. Despite these achievements, handcrafted feature-based models often struggle to generalize across diverse datasets, limiting their practical utility.
Deep learning (DL) techniques have been widely explored for their capacity to discern complex patterns in EEG data. Convolutional neural networks (CNNs) and autoencoders are frequently employed to extract high-dimensional spatial and temporal features [19,20,21,22,23]. For instance, a CNN combined with long short-term memory (LSTM) layers achieved 96.9% accuracy in differentiating individuals with PD from healthy controls (HC) [24]. Capsule networks, designed to preserve spatial hierarchies in EEG data, recorded an accuracy of 89.34% [25]. Other methods include CNNs applied to Mel-spectrogram-transformed EEG data, yielding 97% accuracy [26], and approaches integrating CNNs with deep neural networks (DNNs) and ensemble empirical mode decomposition (EEMD) features, achieving 98% accuracy [27]. While DL methods offer flexibility in capturing intricate EEG patterns, they often demand significant computational resources and may yield lower accuracies, yet their ability to handle data variability makes them valuable for PD classification.
Multimodal and nonlinear analysis methods enhance PD classification by integrating EEG with other physiological and behavioral data. Techniques such as delay differential analysis [28], Graph Convolutional Networks (GCNs) [29], and forged channel CNNs [30] underscore the importance of combining EEG with complementary modalities to improve diagnostic outcomes. These approaches emphasize the need for models that achieve high accuracy, robust generalization, and resilience to data variability.
Despite progress, current methods for PD detection have limitations. Handcrafted statistical models, though accurate, often fail to generalize across diverse datasets. DL and multimodal approaches, while adaptable, can be sensitive to noisy data and inter-subject variability. Thus, an effective PD detection model must deliver high accuracy alongside robust generalization to diverse and challenging datasets.
To address these challenges, this study introduces a convolutional transformer enhanced sequential model (CTESM), integrating CNNs for spatial feature extraction, transformer blocks for temporal attention, and LSTM layers for sequential pattern retention. This architecture effectively captures contextual dependencies in EEG data, utilizing biologically informed features such as spectral power, frequency band ratios, and wavelet coefficients. The contributions of the study include
  • The incorporation of transformer blocks to identify critical temporal features linked to PD-related EEG anomalies;
  • The enhanced extraction of spatial and temporal features through the combined strengths of CNNs, transformers, and LSTMs;
  • Improved model adaptability across diverse datasets, driven by transformer-enabled contextual analysis.
The rest of the paper is structured as follows: Section 2 details the methodology, encompassing the mathematical framework and algorithm design; Section 3 reports the classification results, evaluates the model’s strengths and limitations, and explores future research directions; and Section 4 concludes the study.

2. Materials and Methods

The architecture of the CTESM, integrating CNNs, transformer blocks, and LSTM layers, is depicted in Figure 1. The detailed procedure is described in Algorithm 1. The system design adopts a structured approach with three core stages: feature extraction, model training, and performance evaluation. Initially, spectral and temporal dependencies are extracted from raw EEG data, forming a feature matrix rich in biologically relevant patterns. These features are then used to train the CTESM, optimizing its parameters to differentiate PD from HC. Finally, the model undergoes rigorous testing, with performance assessed through accuracy, precision, recall, and F1-score metrics.

2.1. Dataset

This study utilizes the UC San Diego resting-state EEG dataset (Dataset 1), comprising recordings from individuals with PD and HC [31,32,33,34,35]. Table 1 summarizes its key attributes. With detailed demographic and clinical data from both groups, this dataset provides a robust foundation for evaluating the CTESM.
Algorithm 1 Feature extraction and model training
Require: EEG data X EEG , number of frames N, number of channels N Ch
Ensure: Model performance metrics: accuracy, precision, recall, and F1-score
  1:
Input: Raw EEG data X EEG
  2:
Initialize: Feature matrix F
  3:
Windowing: Segment X EEG into frames x EEG w i , i = 1 , , N
  4:
for   i = 1 to N do
  5:
  for   j = 1 to N Ch  do
  6:
         Extract the following features from each frame-channel pair x EEG w i , j :
  •               Spectral power in frequency bands
  •               Beta-to-alpha power ratio
  •               Median frequency
  •               Spectral entropy
  •               Wavelet coefficients
  •               Approximate entropy
  •               Statistical features: skewness, kurtosis, and zero-crossing rate
  7:
         Append features to F F { extracted features }
  8:
   end for
  9:
end for
10:
Train/test split: Divide F into training and testing sets
11:
Model training: Train model on training set, obtain predictions y ^
12:
Evaluation: Compute performance metrics
13:
Output: Model evaluation metrics: accuracy, precision, recall, and F1-score

2.2. Features Extraction

To enhance accuracy and generalization, this study employs a comprehensive, biologically informed feature extraction approach. Features are meticulously selected to capture distinct EEG patterns, focusing on frequency bands, signal complexity, and nonlinear dynamics. The EEG data x EEG are segmented into overlapping 2 s frames with a 1 s overlap, where each frame x EEG w i ( i = 1 , 2 , , N ) serves as a temporal segment for analysis. Extracted features encompass spectral power across delta, theta, alpha, beta, and gamma bands, inter-band power ratios, median frequency, spectral entropy, wavelet coefficients, and approximate entropy, supplemented by statistical measures such as skewness, kurtosis, and zero-crossing rate to characterize signal morphology and dynamics.
Spectral power: A key feature for identifying PD patterns, spectral power highlights oscillatory activity across frequency bands, notably delta, theta, alpha, beta, and gamma, with PD-related disruptions often prominent in the beta band. It is computed as [36]
P band ( x EEG w i ) = 1 | F | f F P S D ( f )
where P S D ( f ) denotes the power spectral density at frequency f within the band range F, calculated for each frame x EEG w i using the Welch method.
Band power ratio: The beta-to-alpha power ratio serves as a discriminative feature for assessing motor and cognitive disruptions. It is calculated as [37]
Ratio β / α ( x EEG w i ) = P β ( x EEG w i ) P α ( x EEG w i )
where P β and P α represent spectral power in the beta and alpha bands, respectively.
Median frequency: This metric identifies dominant frequency components in EEG signals, providing insights into neurological conditions. It is defined as
f median ( x EEG w i ) = f such that k = 0 f P S D ( k ) 0.5 · k = 0 f max P S D ( k )
where f max is the maximum frequency and the cumulative sum reaches half the total power.
Spectral entropy: This quantifies frequency distribution complexity, capturing PD-related alterations. It is computed as [38]
H ( x EEG w i ) = f P S D ( f ) P S D log 2 P S D ( f ) P S D
where P S D ( f ) is the power at frequency f in x EEG w i .
Wavelet coefficients: These capture transient oscillations within specific frequency bands, emphasizing time-localized signal changes. The average wavelet coefficient C j at decomposition level j is calculated as [39,40,41]
C j ( x EEG w i ) = Mean ( | Wavelet decomposition level j | )
Approximate entropy: This measures time-series regularity and predictability, with lower values indicating more predictable patterns. It is defined as [42]
ApEn ( x EEG w i ) = j p j log ( p j )
where p j represents the probability of specific amplitude distributions in x EEG w i .
Statistical features: Features such as skewness (Skew), kurtosis (Kurt), and zero-crossing rate (ZCR) elucidate signal morphology. They are calculated as [43]
Skew ( x EEG w i ) = 1 N n x EEG w i [ n ] μ σ 3
Kurt ( x EEG w i ) = 1 N n x EEG w i [ n ] μ σ 4
ZCR ( x EEG w i ) = 1 N 1 n = 1 N 1 ( x EEG w i [ n ] · x EEG w i [ n 1 ] < 0 )
where is an indicator function for sign changes and μ and σ are the mean and standard deviation of x EEG w i , respectively.
This comprehensive feature extraction approach leverages biologically informed and statistical patterns to optimize the CTESM’s performance, facilitating precise differentiation of PD and HC.

2.3. Data Augmentation Strategy

To address the limited size of the participant pool, a biologically informed feature-level augmentation strategy was implemented to enhance the variability of time-series EEG representations while preserving physiological validity. Following segmentation and feature extraction from each EEG time window, synthetic instances were generated using a three-step augmentation process.
First, zero-mean Gaussian noise ( σ = 0.05 ) was added to simulate signal perturbations that naturally occur in EEG recordings. Second, temporal scaling was applied by multiplying the features with a random factor drawn uniformly from the range [ 0.9 , 1.1 ] , mimicking amplitude fluctuations without altering the core temporal structure. Third, dynamic modulation was introduced by shifting feature values around the segment mean, thereby simulating inter-trial variability while maintaining feature centering.
For each original instance X i R C × F , 50 synthetic variations were created, resulting in a dataset expansion from N to approximately N × 51 instances. All augmented samples retained their original class labels, allowing the model to learn more generalized temporal patterns representative of both PD and HC cases. This augmentation process was applied before training and significantly improved model robustness in the context of limited real-world data.

2.4. The Proposed CTESM

The CTESM integrates CNNs, transformer blocks, and LSTM layers to extract spatial, temporal, and sequential patterns from EEG data, facilitating robust classification of PD and HC using biologically informed features.
The input data, structured as X EEG R n channels × n features , first undergo convolutional processing to derive spatial features, defined as
X CNN = ϕ ( Maxpool ( ϕ ( X EEG W c ( 1 ) + b c ( 1 ) ) W c ( 2 ) + b c ( 2 ) ) )
where ϕ represents the rectified linear unit (ReLU) activation function and W c and b c are learnable weights and biases. Batch normalization stabilizes these feature maps, mitigating internal covariate shift.
The resulting X CNN is processed by a transformer block with a multi-head attention mechanism, using query Q = X CNN W q , key K = X CNN W k , and value V = X CNN W v matrices, where W q , W k , W v are learnable projections. The attention is computed as [44]
Attn ( Q , K , V ) = softmax Q K T d k V
where d k denotes the key vector dimensionality. A residual connection and normalization follow:
X trans = Attn ( Q , K , V ) + X CNN μ σ
where μ and σ are the feature mean and standard deviation.
A feed-forward network then introduces nonlinearity to X trans :
X FF = f ( X trans ) + X trans μ σ
where f ( X trans ) = ψ ( W f X trans + b f ) , ψ is the ReLU activation, and μ and σ are normalization parameters.
To capture sequential dependencies, X FF is processed by LSTM layers [45], computing the hidden state:
h t = LSTM ( X FF , h t 1 , c t 1 )
where h t 1 and c t 1 are the previous hidden and cell states.
The LSTM output h LSTM feeds into a dense layer with a softmax function for classification:
y ^ = exp ( W out h LSTM + b out ) j exp ( W out h LSTM + b out )
where W out and b out are the output layer’s weights and biases, and y ^ represents predicted class probabilities.
This architecture effectively integrates diverse EEG features, facilitating precise PD and HC classification. Table 2 summarizes the simulation parameters for training and evaluation.
The application of a multi-head attention mechanism focusing on the attention operations over the EEG features in the proposed model has been summarized below. After the spatial features are extracted by the CNN layers, they are reshaped and passed through the transformer block. At this stage, the attention is computed across the temporal EEG segments. The key components and operations of the attention mechanism have been summarized in Table 3. These highlight how the contextual dependencies have been modeled for the EEG sequences. The temporal and sequential patterns have been treated as complementary aspects of the EEG dynamics. The temporal patterns have been captured by the transformer block that captures the contextual dependencies across different time points. This helps the model to attend to the relevant and non-adjacent segments of the EEG activities, such as the transient beta bursts in PD. In contrast, the sequential patterns are modeled by an LSTM that captures the evolution of the signal characteristics over time. These include the gradual shifts in the oscillatory activities and phase. The transformer determined those areas to focus on at the time, and the LSTM learns how these patterns are unfolded through time. This allows the model to extract the rich temporal dynamics that can lead to improved classification.
To enhance transparency regarding the internal feature representations of the CTESM model, the specific roles of the CNN, transformer, and LSTM components are explicitly clarified. The CNN layers extract spatially localized features from the input EEG matrix, capturing both short- and long-range inter-electrode correlations and frequency-specific activations, such as beta and gamma bursts across motor and temporal regions. These features encode spatial-frequency patterns and electrode-level relationships across the scalp. The transformer block applies attention over these CNN-derived features, assigning weights to temporally segmented EEG epochs and identifying segments with contextually significant neural dynamics. The resulting features reflect temporal importance scores that highlight events such as transient desynchronization or rhythmic bursts typically observed in PD. The LSTM processes the transformer output to model sequential dependencies across time, learning how temporally weighted patterns evolve, stabilize, or fluctuate. Together, the CNN captures spatial frequency encodings, the transformer identifies temporally relevant episodes, and the LSTM learns their progression, thereby facilitating an interpretable and temporally structured classification framework for PD and HC.

3. Results and Discussion

This section evaluates the CTESM through a statistical analysis of raw and extracted EEG features to identify patterns distinguishing PD from HC, followed by an assessment of classification performance. Ablation experiments and benchmarking against an independent dataset validate the model’s architecture and generalization. A comparison with state-of-the-art methods highlights CTESM’s advantages, and the discussion addresses interpretability, robustness, and clinical relevance.
To address the limited dataset of 31 participants, biologically informed data augmentation was applied to the extracted features before training. Synthetic variations were generated through controlled noise addition and frequency scaling, preserving physiological relevance. This augmentation diversified the training data, facilitating the model to learn broader PD and HC patterns.

3.1. Statistical Analysis of Raw and Extracted Features

A comprehensive statistical analysis of raw and extracted EEG data was conducted to validate the feature extraction approach and identify discriminative patterns between PD and HC, providing a foundation for enhanced classification.
For raw EEG data, high dimensionality was managed by aggregating mean values across channels, preserving essential signal information while enabling statistical comparisons. The analysis of variance (ANOVA) and t-tests assessed differences between groups, with results summarized in Table 4. Channels 3 and 37 showed p-values below 0.05, indicating potential for distinguishing PD and HC. However, most channels lacked significant differences, highlighting the need for advanced feature extraction to capture subtle distinctions.
The analysis of extracted features focused on biologically informed patterns, including spectral power across delta, theta, alpha, beta, and gamma bands, wavelet coefficients for time–frequency dynamics and statistical measures like skewness, kurtosis, and zero-crossing rates. These features amplified neural patterns associated with PD, enhancing the model’s ability to differentiate classes compared to raw data.
Feature distributions were analyzed using box plots (Figure 2) and heatmaps (Figure 3) to elucidate their contributions in distinguishing between PD and HC. Box plots reveal variability and central tendencies of individual features across classes, highlighting significant differences. Heatmaps visualize the feature contributions across all channels and identify regions with pronounced class distinctions. Notably, the beta-to-alpha power ratios, spectral entropy, and approximate entropy were highly discriminative.
These visualizations demonstrate improved class separability through feature extraction, with clearer boundaries between PD and HC. Specific feature–channel combinations, particularly in channels 3, 15, and 37, are critical for detecting PD-related neural patterns. This underscores the value of biologically informed, frequency-specific features in capturing subtle PD patterns.
Statistical tests and visualizations collectively confirm the effectiveness of the extracted features in enhancing class discrimination. Insights from Figure 2 and Figure 3 affirm the CTESM’s potential for precise and robust PD diagnosis.

3.2. Model Performance Analysis

The performance of the CTESM was rigorously evaluated using training, validation, and testing metrics, focusing on accuracy and loss to assess its learning progression and generalization capabilities. As illustrated in Figure 4a, the training accuracy showed a smooth and steady increase across 50 epochs, culminating in an exceptional accuracy of 99.9%. This consistent improvement reflects the model’s ability to effectively capture intricate patterns in EEG data. Importantly, the validation accuracy closely mirrored the training accuracy throughout the epochs, demonstrating the model’s robustness and absence of overfitting.
Similarly, the loss curve presented in Figure 4b shows a consistent decline, with the loss converging to a final value of 3.8 × 10 4 by the 50th epoch. This indicates the model’s stability during training and its ability to minimize error effectively across both training and validation datasets. The evaluation on unseen test data further validated the model’s reliability and generalization capacity. Figure 4c presents the confusion matrix, highlighting exceptional classification accuracy with minimal misclassifications between the PD and HC classes. The model correctly identified 55,077 instances of PD and 29,367 instances of HC, with only minor errors in each category.
The quantitative metrics further underscore the model’s performance: an accuracy of 99.7%, precision of 99.8%, a recall of 99.7%, and an F1-score of 99.7%. These results confirm the model’s ability to generalize effectively to previously unseen data while maintaining high classification performance.
These results, depicted in Figure 4, underscore CTESM’s suitability for clinical applications. Its ability to generalize across diverse datasets, while maintaining high accuracy and precision, highlights its potential for reliable detection and classification of subtle neural patterns associated with PD. The integration of CNN, transformer, and LSTM layers in the architecture enables the model to effectively capture spatial, temporal, and sequential features in EEG data, ensuring robust and reliable performance. Stable training and validation metrics, shown in Figure 4a,b, further affirm the model’s capacity to avoid overfitting, which is an essential attribute for DL models in healthcare applications. Overall, CTESM demonstrates strong potential for deployment in real-world clinical settings.

3.3. Ablation Experiments and Performance Benchmarking

The CTESM was evaluated for generalization and effectiveness using a benchmarking dataset (Dataset 2) and ablation experiments. Dataset 2 [46], obtained from the University of Iowa, comprises resting-state EEG recordings from 14 individuals with PD and 14 HC. Each recording includes data from 63 EEG channels, alongside demographic and clinical attributes such as age, gender, Montreal cognitive assessment scores, unified PD rating scale motor examination scores, and disease duration for individuals with PD. This dataset provides rich multi-channel EEG data, enabling the detailed analysis of neural, cognitive, and motor function differences between PD and HC.
On Dataset 2, the CTESM achieved an exceptional accuracy of 99.9%, demonstrating its robustness in handling complex neural data and adaptability to diverse datasets beyond the original experimental setup.
Ablation experiments assessed component contributions by evaluating two simplified models. Ablation 1 excluded the LSTM module, which captures sequential dependencies. Ablation 2 omitted regularization mechanisms that enhance generalization. Performance metrics are presented in Table 5, with training and validation curves shown in Figure 5.
The results showed that removing the LSTM module led to a performance drop, with an accuracy of 97.1%, a precision of 97.2%, a recall of 97.5%, and an F1-score of 96.4%. This highlights the critical role of LSTM layers in capturing long-term dependencies, which are essential for distinguishing subtle patterns in EEG signals.
Omitting regularization mechanisms resulted in slightly better performance than the LSTM removal, with an accuracy of 98.7%, a precision of 98.6%, a recall of 98.3%, and an F1-score of 98.5%. However, this configuration exhibited reduced robustness, indicating susceptibility to overfitting, especially when tested across diverse datasets.
The full model, integrating both LSTM and regularization, achieved near-perfect classification performance, reinforcing the synergistic importance of these components. The results, summarized in Table 5, validate the proposed architecture’s ability to effectively capture spatial, temporal, and sequential features in EEG data. By ensuring high accuracy and reliability across diverse datasets, the model demonstrates its potential for real-world clinical applications in PD diagnosis.
By evaluating the impact of these architectural modifications, the ablation experiments provide deeper insight into the model’s key elements, highlighting how the integration of sequential learning and robust regularization enhances performance. The results establish the CTESM as a promising tool for improving diagnostic workflows, supporting timely interventions, and enhancing patient outcomes in clinical settings.

3.4. Performance Comparison

The proposed CTESM was evaluated against a range of state-of-the-art models from the literature to benchmark its effectiveness in PD detection using EEG data. As summarized in Table 6, CTESM outperformed existing methods in terms of accuracy, precision, recall, and F1-score, highlighting its robustness and superior generalization capabilities.
The comparison includes models employing diverse methodologies, such as decision-tree-based models using statistical features like Hjorth parameters. These models offer high interpretability but achieve limited accuracy (98%), as they cannot capture complex temporal and spatial dependencies in EEG data. Similarly, ensemble learning methods with DWT for multi-band feature extraction attained an accuracy of 98.54%, demonstrating effectiveness in processing frequency-specific information, albeit with limitations in scalability and flexibility compared to DL approaches.
DL-based methods, such as CNN-LSTM and capsule networks, advance PD detection by learning high-dimensional spatial and temporal features directly from EEG data. For example, the CNN-LSTM model achieved an accuracy of 96.9%, and the capsule network attained 89.34%. However, these methods struggled with consistent performance across datasets and demonstrated susceptibility to overfitting.
The proposed CTESM integrates convolutional layers, transformer blocks, and LSTM modules to effectively capture spatial, temporal, and sequential dependencies in EEG data. Unlike traditional or simpler DL models, the transformer blocks in CTESM focus on critical temporal segments using an attention mechanism, enabling the detection of subtle PD-related anomalies. Additionally, biologically informed feature extraction, encompassing spectral and statistical features, enhances generalization across datasets while reducing preprocessing requirements. CTESM achieved an accuracy of 99.7%, consistently surpassing the performance of most state-of-the-art models. Its robustness under cross-validation further validates its adaptability and reliability, marking a significant step forward in EEG-based PD detection. These results, summarized in Table 6, establish CTESM as a highly reliable and scalable tool for clinical applications.

3.5. Discussion and Future Direction

The CTESM architecture exhibited strong capability in addressing the complexities associated with high-dimensional EEG data. By combining convolutional layers, transformer blocks, and LSTM modules, the model effectively captures spatial, temporal, and sequential information. This integration allows the transformation of subtle patterns in brain activity into meaningful and discriminative features for classifying PD.
One of the most significant strengths of the CTESM is its consistent performance across training, validation, and testing phases. The model demonstrated a reliable ability to generalize across various datasets, despite inherent variability in EEG signals that may result from differences in age, medication use, or recording conditions. This level of robustness indicates the potential of the CTESM for clinical application in real settings.
The use of biologically informed feature extraction adds further value to the model. Features such as spectral power, power ratios between frequency bands, wavelet coefficients, spectral entropy, and statistical characteristics were carefully selected to reflect neural changes commonly associated with PD. These features not only improved classification accuracy but also provided valuable insights into the underlying neural mechanisms, making them informative for clinicians who seek interpretable and evidence-based indicators for early diagnosis and disease progression monitoring.
The ability of the CTESM to detect PD-related anomalies during early stages of the condition is particularly relevant for clinical practice. Early detection plays a critical role in delaying disease progression and improving treatment outcomes. By converting complex EEG signals into actionable information, the model enables practical diagnostic support. Features such as beta-to-alpha power ratios and entropy measures also offer additional markers that can assist in visual analysis, supporting broader clinical workflows.
In addition, the CTESM supports the understanding of variability between individuals with PD and HC. This is especially important because differences in brain activity can vary significantly from one person to another. The model’s capacity to identify and interpret these differences helps not only in achieving accurate classification but also in gaining a deeper understanding of how PD affects brain function on an individual level.
In summary, the CTESM sets a new benchmark for EEG-based PD detection by integrating high accuracy, excellent generalizability, and biologically interpretable features. Its capability to manage the complexity and variability of EEG signals, while offering meaningful clinical insights, establishes it as a transformative tool for early diagnosis and personalized treatment planning. By addressing critical limitations of prior methods, the CTESM moves the field closer to accessible and effective diagnostic solutions for use in real-world healthcare environments.
While the CTESM has shown excellent classification performance, several directions remain for future exploration. The next phase of research will involve validating the model in real-time testing environments where data are collected continuously rather than in preprocessed segments. These evaluations will include testing across multiple locations and with larger and more diverse participant groups to confirm the model’s generalization capacity under various conditions.
Future work will also focus on optimizing the model for integration with portable EEG devices. This adaptation will support its use in community settings and in remote monitoring scenarios, where access to clinical infrastructure may be limited. Additionally, the incorporation of other physiological signals, such as electromyography or functional near-infrared spectroscopy, may enhance the accuracy and reliability of multimodal diagnostic frameworks.
Another priority is the development of explainability techniques that provide transparency in the model’s decision-making process. This includes the use of attention visualization, saliency mapping, and uncertainty estimation, all of which are intended to support clinical professionals in understanding and trusting the model’s predictions. These advancements will ensure that the CTESM is not only technically sound but also aligned with the expectations and requirements of healthcare practitioners.

4. Conclusions

The CTESM achieved a high classification accuracy of 99.7% and demonstrated strong generalization ability, surpassing previous state-of-the-art methods in distinguishing between individuals with PD and HC. By integrating biologically informed features with a sophisticated architecture that combines convolutional layers, transformer blocks, and LSTM modules, the model effectively captures spatial, temporal, and sequential patterns present in EEG data. This unified framework not only improves predictive performance but also addresses key challenges related to the complexity and variability of neural signals. The model’s consistent results during both validation and testing phases emphasize its potential as a dependable tool for clinical use. Future work will aim to validate the model in real-time environments using data from previously untrained subjects. These efforts will further assess the model’s reliability and support its translation into practical diagnostic applications for PD.

Author Contributions

Conceptualization, C.B. and L.H.B.; methodology, C.B. and M.H.B.; software, C.B. and H.A.; validation, K.A., F.H.A. and S.K.; formal analysis, L.H.B. and H.A.; investigation, C.B., K.A. and F.H.A.; resources, L.H.B. and M.H.B.; data curation, C.B.; writing—original draft preparation, C.B. and L.H.B.; writing—review and editing, C.B. and L.H.B.; visualization, C.B.; supervision, S.K.; project administration, L.H.B.; funding acquisition, K.A., F.H.A. and S.K. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The code is available at https://github.com/yiamcb/CTESM (accessed on 27 April 2025).

Acknowledgments

The authors extend their appreciation to the Deanship of Scientific Research at Northern Border University, Arar, KSA, for funding this research through the project number “NBU-FFR-2025-131-01", "NBU-FFR-2025-3551-04".

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Weintraub, D.; Aarsland, D.; Chaudhuri, K.R.; Dobkin, R.D.; Leentjens, A.F.; Rodriguez-Violante, M.; Schrag, A. The neuropsychiatry of Parkinson’s disease: Advances and challenges. Lancet Neurol. 2022, 21, 89–102. [Google Scholar] [CrossRef] [PubMed]
  2. Lampropoulos, I.C.; Malli, F.; Sinani, O.; Gourgoulianis, K.I.; Xiromerisiou, G. Worldwide trends in mortality related to Parkinson’s disease in the period of 1994–2019: Analysis of vital registration data from the WHO Mortality Database. Front. Neurol. 2022, 13, 956440. [Google Scholar] [CrossRef]
  3. Zhu, J.; Cui, Y.; Zhang, J.; Yan, R.; Su, D.; Zhao, D.; Wang, A.; Feng, T. Temporal trends in the prevalence of Parkinson’s disease from 1980 to 2023: A systematic review and meta-analysis. Lancet Healthy Longev. 2024, 5, e464–e479. [Google Scholar] [CrossRef] [PubMed]
  4. Yang, W.; Hamilton, J.L.; Kopil, C.; Beck, J.C.; Tanner, C.M.; Albin, R.L.; Ray Dorsey, E.; Dahodwala, N.; Cintina, I.; Hogan, P.; et al. Current and projected future economic burden of Parkinson’s disease in the U.S. NPJ Park. Dis. 2020, 6, 15. [Google Scholar] [CrossRef]
  5. Jankovic, J. Parkinson’s disease: Clinical features and diagnosis. J. Neurol. Neurosurg. Psychiatry 2008, 79, 368–376. [Google Scholar] [CrossRef]
  6. Panicker, N.; Ge, P.; Dawson, V.L.; Dawson, T.M. The cell biology of Parkinson’s disease. J. Cell Biol. 2021, 220, e202012095. [Google Scholar] [CrossRef]
  7. Little, S.; Brown, P. The functional role of beta oscillations in Parkinson’s disease. Park. Relat. Disord. 2014, 20, S44–S48. [Google Scholar] [CrossRef] [PubMed]
  8. Zhang, W.; Han, X.; Qiu, S.; Li, T.; Chu, C.; Wang, L.; Wang, J.; Zhang, Z.; Wang, R.; Yang, M.; et al. Analysis of brain functional network based on EEG signals for early-stage Parkinson’s disease detection. IEEE Access 2022, 10, 21347–21358. [Google Scholar] [CrossRef]
  9. Bunterngchit, C.; Wang, J.; Hou, Z.G. Simultaneous EEG-fNIRS data classification through selective channel representation and spectrogram imaging. IEEE J. Transl. Eng. Health Med. 2024, 12, 600–612. [Google Scholar] [CrossRef]
  10. Shirahige, L.; Berenguer-Rocha, M.; Mendonça, S.; Rocha, S.; Rodrigues, M.C.; Monte-Silva, K. Quantitative electroencephalography characteristics for Parkinson’s disease: A systematic review. J. Park. Dis. 2020, 10, 455–470. [Google Scholar] [CrossRef]
  11. 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]
  12. Srinivasan, S.; Ramadass, P.; Mathivanan, S.K.; Panneer Selvam, K.; Shivahare, B.D.; Shah, M.A. Detection of Parkinson disease using multiclass machine learning approach. Sci. Rep. 2024, 14, 13813. [Google Scholar] [CrossRef]
  13. Govindu, A.; Palwe, S. Early detection of Parkinson’s disease using machine learning. Procedia Comput. Sci. 2023, 218, 249–261. [Google Scholar] [CrossRef]
  14. Bunterngchit, C.; Bunterngchit, Y. A comparative study of machine learning models for Parkinson’s disease detection. In Proceedings of the 2022 International Conference on Decision Aid Sciences and Applications (DASA), Chiangrai, Thailand, 23–25 March 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 465–469. [Google Scholar] [CrossRef]
  15. Bhatt, K.; Jayanthi, N.; Kumar, M. Automatic detection of Parkinson’s disease using EEG signals: A machine learning approach. In Proceedings of the 2024 IEEE International Conference on Interdisciplinary Approaches in Technology and Management for Social Innovation (IATMSI), Gwalior, India, 14–16 March 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 1–6. [Google Scholar] [CrossRef]
  16. Haloi, R.; Hazarika, J.; Chanda, D. Selection of appropriate statistical features of EEG signals for detection of Parkinson’s disease. In Proceedings of the 2020 International Conference on Computational Performance Evaluation (ComPE), Shillong, India, 2–4 July 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 761–764. [Google Scholar] [CrossRef]
  17. Suuronen, I.; Airola, A.; Pahikkala, T.; Murtojärvi, M.; Kaasinen, V.; Railo, H. Budget-based classification of Parkinson’s disease from resting state EEG. IEEE J. Biomed. Health Inform. 2023, 27, 3740–3747. [Google Scholar] [CrossRef]
  18. Nguyen, T.N.Q.; Vo, H.T.T.; Van Huynh, T. Ensemble method in Parkinson’s disease classification via EEG signals. In Proceedings of the 2023 RIVF International Conference on Computing and Communication Technologies (RIVF), Hanoi, Vietnam, 23–25 December 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 418–423. [Google Scholar] [CrossRef]
  19. Bunterngchit, C.; Wang, J.; Su, J.; Wang, Y.; Liu, S.; Hou, Z.G. AMFN: Autoencoder-led multimodal fusion network for EEG–fNIRS classification. Procedia Comput. Sci. 2024, 250, 8–14. [Google Scholar] [CrossRef]
  20. Alissa, M.; Lones, M.A.; Cosgrove, J.; Alty, J.E.; Jamieson, S.; Smith, S.L.; Vallejo, M. Parkinson’s disease diagnosis using convolutional neural networks and figure-copying tasks. Neural Comput. Appl. 2021, 34, 1433–1453. [Google Scholar] [CrossRef]
  21. Bunterngchit, C.; Baniata, L.H.; Baniata, M.H.; ALDabbas, A.; Khair, M.A.; Chearanai, T.; Kang, S. GACL-Net: Hybrid deep learning framework for accurate motor imagery classification in stroke rehabilitation. Comput. Mater. Contin. 2025, 83, 517–536. [Google Scholar] [CrossRef]
  22. Gunduz, H. An efficient dimensionality reduction method using filter-based feature selection and variational autoencoders on Parkinson’s disease classification. Biomed. Signal Process. Control 2021, 66, 102452. [Google Scholar] [CrossRef]
  23. Bunterngchit, C.; Chearanai, T.; Bunterngchit, Y. Advanced EEG-based classification of Alzheimer’s disease using CNN-LSTM-attention architecture. In Proceedings of the 2024 22nd International Conference on Research and Education in Mechatronics (REM), Amman, Jordan, 24–26 September 2024; pp. 107–112. [Google Scholar] [CrossRef]
  24. Lee, S.; Hussein, R.; McKeown, M.J. A deep convolutional-recurrent neural network architecture for Parkinson’s disease EEG classification. In Proceedings of the 2019 IEEE Global Conference on Signal and Information Processing (GlobalSIP), Ottawa, ON, Canada, 11–14 November 2019; IEEE: Piscataway, NJ, USA, 2019. [Google Scholar] [CrossRef]
  25. Wang, S.; Wang, G.; Pei, G.; Yan, T. An EEG-based approach for Parkinson’s disease diagnosis using capsule network. In Proceedings of the 2022 7th International Conference on Intelligent Computing and Signal Processing (ICSP), Xi’an, China, 15–17 April 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 1641–1645. [Google Scholar] [CrossRef]
  26. Nayana, G.; Karki, M.V. Deep learning techniques for Parkinson’s detection Using EEG signals analysis. In Proceedings of the 2023 International Conference on Network, Multimedia and Information Technology (NMITCON), Bengaluru, India, 1–2 September 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 1–6. [Google Scholar] [CrossRef]
  27. Srikanth, N.B.; Priya, S.J.; Subathra, M.S.P. Detection of Parkinson’s disease from EEG Signals with EEMD using machine learning and deep learning techniques. In Proceedings of the 2024 2nd International Conference on Sustainable Computing and Smart Systems (ICSCSS), Coimbatore, India, 10–12 July 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 274–279. [Google Scholar] [CrossRef]
  28. Weyhenmeyer, J.; Hernandez, M.E.; Lainscsek, C.; Poizner, H.; Sejnowski, T.J. Multimodal classification of Parkinson’s disease using delay differential analysis. In Proceedings of the 2020 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Seoul, Republic of Korea, 16–19 December 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 2868–2875. [Google Scholar] [CrossRef]
  29. Lyu, T.; Guo, H. BGCN: An EEG-based graphical classification method for Parkinson’s disease diagnosis with heuristic functional connectivity speculation. In Proceedings of the 2023 11th International IEEE/EMBS Conference on Neural Engineering (NER), Baltimore, MD, USA, 24–27 April 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 1–4. [Google Scholar] [CrossRef]
  30. Hamidi, A.; Mohamed-Pour, K.; Yousefi, M. Forged channel: A breakthrough approach for accurate Parkinson’s disease classification using leave-one-subject-out cross-validation. In Proceedings of the 2024 32nd International Conference on Electrical Engineering (ICEE), Tehran, Iran, 14–16 May 2024; IEEE: Piscataway, NJ, USA, 2024; pp. 1–5. [Google Scholar] [CrossRef]
  31. Rockhill, A.P.; Jackson, N.; George, J.; Aron, A.; Swann, N.C. UC San Diego Resting State EEG Data from Patients with Parkinson’s Disease. 2021. Available online: https://openneuro.org/datasets/ds002778/versions/1.0.5 (accessed on 27 April 2025).
  32. Jackson, N.; Cole, S.R.; Voytek, B.; Swann, N.C. Characteristics of waveform shape in Parkinson’s disease detected with scalp electroencephalography. eNeuro 2019, 6, ENEURO.0151-19.2019. [Google Scholar] [CrossRef]
  33. Swann, N.C.; de Hemptinne, C.; Aron, A.R.; Ostrem, J.L.; Knight, R.T.; Starr, P.A. Elevated synchrony in Parkinson disease detected with electroencephalography. Ann. Neurol. 2015, 78, 742–750. [Google Scholar] [CrossRef]
  34. George, J.S.; Strunk, J.; Mak-McCully, R.; Houser, M.; Poizner, H.; Aron, A.R. Dopaminergic therapy in Parkinson’s disease decreases cortical beta band coherence in the resting state and increases cortical beta band power during executive control. Neuroimage Clin. 2013, 3, 261–270. [Google Scholar] [CrossRef]
  35. Pernet, C.R.; Appelhoff, S.; Gorgolewski, K.J.; Flandin, G.; Phillips, C.; Delorme, A.; Oostenveld, R. EEG-BIDS, an extension to the brain imaging data structure for electroencephalography. Sci. Data 2019, 6, 103. [Google Scholar] [CrossRef] [PubMed]
  36. Zhang, Z.; Parhi, K.K. Low-complexity seizure prediction from iEEG/sEEG using spectral power and ratios of spectral power. IEEE Trans. Biomed. Circuits Syst. 2016, 10, 693–706. [Google Scholar] [CrossRef] [PubMed]
  37. Bunterngchit, C.; Wang, J.; Chearanai, T.; Hou, Z.G. Enhanced EEG-fNIRS classification through concatenated convolutional neural network with band analysis. In Proceedings of the 2023 IEEE International Conference on Robotics and Biomimetics (ROBIO), Koh Samui, Thailand, 4–9 December 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 1–6. [Google Scholar] [CrossRef]
  38. Aljalal, M.; Aldosari, S.A.; Molinas, M.; AlSharabi, K.; Alturki, F.A. Detection of Parkinson’s disease from EEG signals using discrete wavelet transform, different entropy measures, and machine learning techniques. Sci. Rep. 2022, 12, 22547. [Google Scholar] [CrossRef] [PubMed]
  39. Khare, S.K.; Bajaj, V.; Acharya, U.R. Detection of Parkinson’s disease using automated tunable Q wavelet transform technique with EEG signals. Biocybern. Biomed. Eng. 2021, 41, 679–689. [Google Scholar] [CrossRef]
  40. Zhang, R.; Jia, J.; Zhang, R. EEG analysis of Parkinson’s disease using time–frequency analysis and deep learning. Biomed. Signal Process. Control 2022, 78, 103883. [Google Scholar] [CrossRef]
  41. Devnath, L.; Kumer, S.; Nath, D.; Das, A.K.; Islam, M.R. Selection of wavelet and thresholding rule for denoising the ECG signals. Ann. Pure Appl. Math. 2015, 10, 65–73. [Google Scholar]
  42. Pappalettera, C.; Miraglia, F.; Cotelli, M.; Rossini, P.M.; Vecchio, F. Analysis of complexity in the EEG activity of Parkinson’s disease patients by means of approximate entropy. GeroScience 2022, 44, 1599–1607. [Google Scholar] [CrossRef]
  43. Kleanthous, N.; Hussain, A.J.; Khan, W.; Liatsis, P. A new machine learning based approach to predict freezing of gait. Pattern Recognit. Lett. 2020, 140, 119–126. [Google Scholar] [CrossRef]
  44. Bunterngchit, C.; Wang, J.; Su, J.; Wang, Y.; Liu, S.; Hou, Z.G. Temporal attention fusion network with custom loss function for EEG–fNIRS classification. J. Neural Eng. 2024, 21, 066016. [Google Scholar] [CrossRef]
  45. Li, K.; Ao, B.; Wu, X.; Wen, Q.; Ul Haq, E.; Yin, J. Parkinson’s disease detection and classification using EEG based on deep CNN-LSTM model. Biotechnol. Genet. Eng. Rev. 2024, 40, 2577–2596. [Google Scholar] [CrossRef] [PubMed]
  46. Anjum, M.F.; Dasgupta, S.; Mudumbai, R.; Singh, A.; Cavanagh, J.F.; Narayanan, N.S. Linear predictive coding distinguishes spectral EEG features of Parkinson’s disease. Park. Relat. Disord. 2020, 79, 79–85. [Google Scholar] [CrossRef] [PubMed]
Figure 1. The CTESM architecture for PD detection. It integrates CNNs for spatial feature extraction, transformer blocks for temporal attention, and LSTM layers for sequential pattern analysis, facilitating precise classification of PD and HC by capturing spatial, temporal, and sequential EEG dependencies.
Figure 1. The CTESM architecture for PD detection. It integrates CNNs for spatial feature extraction, transformer blocks for temporal attention, and LSTM layers for sequential pattern analysis, facilitating precise classification of PD and HC by capturing spatial, temporal, and sequential EEG dependencies.
Bioengineering 12 00583 g001
Figure 2. Box plots of extracted EEG features for PD and HC across all channels, illustrating variability, central tendencies, and discriminative power for enhanced class separability. Green and orange boxes represent the interquartile ranges (IQR) of the HC and PD groups, respectively. The central line indicates the median. White circles mark outliers beyond 1.5 × IQR from the quartiles.
Figure 2. Box plots of extracted EEG features for PD and HC across all channels, illustrating variability, central tendencies, and discriminative power for enhanced class separability. Green and orange boxes represent the interquartile ranges (IQR) of the HC and PD groups, respectively. The central line indicates the median. White circles mark outliers beyond 1.5 × IQR from the quartiles.
Bioengineering 12 00583 g002
Figure 3. Heatmap of absolute differences in mean feature values between PD and HC across EEG channels, highlighting key regions and features for class differentiation.
Figure 3. Heatmap of absolute differences in mean feature values between PD and HC across EEG channels, highlighting key regions and features for class differentiation.
Bioengineering 12 00583 g003
Figure 4. Training and validation performance of the CTESM. (a) Accuracy curve demonstrating steady increase to high training and validation accuracy, with no overfitting. (b) Loss curve indicating consistent error reduction and stable learning. (c) Confusion matrix highlighting exceptional test classification performance with minimal PD and HC misclassifications.
Figure 4. Training and validation performance of the CTESM. (a) Accuracy curve demonstrating steady increase to high training and validation accuracy, with no overfitting. (b) Loss curve indicating consistent error reduction and stable learning. (c) Confusion matrix highlighting exceptional test classification performance with minimal PD and HC misclassifications.
Bioengineering 12 00583 g004
Figure 5. Training and validation accuracy curves for ablation studies. The blue curves represent the model without LSTM, and the green curves show the performance without regularization. Both exhibit rapid initial learning and stabilization, with regularization removal yielding higher accuracy but reduced generalization.
Figure 5. Training and validation accuracy curves for ablation studies. The blue curves represent the model without LSTM, and the green curves show the performance without regularization. Both exhibit rapid initial learning and stabilization, with regularization removal yielding higher accuracy but reduced generalization.
Bioengineering 12 00583 g005
Table 1. Demographic and technical specifications of Dataset 1 used for model evaluation.
Table 1. Demographic and technical specifications of Dataset 1 used for model evaluation.
AttributeDescription
Participants31 individuals: 15 with PD (mean age 63.2 ± 8.2 years) and 16 HC (mean age: 63.5 ± 9.6 years)
ModalityResting-state EEG
Sampling rate500 Hz
Recording duration5 to 10 min per session
Channels40 electrodes (10–20 systems)
Output classesPD and HC classification
Table 2. Simulation parameters of the CTESM architecture.
Table 2. Simulation parameters of the CTESM architecture.
ParameterValue
Epochs50
Batch size32
Train–test split80% and 20%
Validation split10%
OptimizerAdam
Loss functionCategorical cross-entropy
Training metricAccuracy
Testing metricsAccuracy, precision, recall, and F1-score
Table 3. Summary of key operations and feature representations within the CTESM architecture.
Table 3. Summary of key operations and feature representations within the CTESM architecture.
ComponentDescription
CNN-extracted featuresCapture spatial patterns across EEG channels, including frequency-specific activations and electrode correlations.
Transformer inputCNN feature maps reshaped into sequence format X R T × D .
Query-key-value projectionCalculated as Q = X W q , K = X W k , V = X W v , with learnable parameters W q , W k , W v R D × d k .
Attention formula Attention ( Q , K , V ) = softmax Q K T d k V .
Multi-head attentionParallel attention heads process inputs, with outputs concatenated and projected.
Transformer-extracted featuresCapture temporal attention across EEG time windows, emphasizing contextually relevant neural activity changes.
LSTM-extracted featuresModel sequential dependencies and temporal evolution, capturing rhythmic and long-term PD-related neural trends.
Model roleFacilitates the learning of long-range dependencies and frequency-specific EEG patterns.
Table 4. Statistical analysis results for EEG channels (p-values from t-test and ANOVA).
Table 4. Statistical analysis results for EEG channels (p-values from t-test and ANOVA).
Channelt-TestANOVAChannelt-TestANOVAChannelt-TestANOVAChannelt-TestANOVA
10.87860.8787110.67200.6791210.64070.6435310.12570.0966
20.53760.4924120.44530.3778220.78960.7798320.70760.7151
30.03100.0106130.66110.6301230.48360.4711330.41850.4172
40.42130.3199140.31370.2932240.18870.2474340.14930.1575
50.42800.3710150.10100.1037250.77160.7772350.74440.7426
60.60310.5952160.13720.1180260.65830.6374360.17550.1654
70.54470.5623170.60150.5898270.74120.7363370.06020.0314
80.33610.2463180.16110.1769280.50170.4781380.77180.7774
90.52050.5254190.37290.4472290.84720.8448390.26590.2735
100.62030.6407200.25210.1982300.37720.3801400.43880.4271
Table 5. Performance metrics for benchmarking and ablation experiments.
Table 5. Performance metrics for benchmarking and ablation experiments.
MetricDataset 2Ablation 1Ablation 2
Accuracy (%)99.997.198.7
Precision (%)99.997.298.6
Recall (%)99.997.598.3
F1-score (%)99.996.498.5
Table 6. Comparison of the CTESM with SOTA methods.
Table 6. Comparison of the CTESM with SOTA methods.
MethodFeaturesAccuracy (%)Dataset
Decision tree [15]Statistical features and Hjorth parameters98Dataset 1
Budget-based classification [17]Sample entropy and channel selection optimization7689 PD and 89 HC (3 datasets)
ANN with DWT [18]DWT for multi-band features88.5Dataset 2
CNN-LSTM [24]Spatial and sequential EEG features96.920 PD and 22 HC
Capsule network [25]Spatial hierarchies within EEG data89.3455 PD and 30 HC
CNN [26]Mel spectrogram transformed EEG97Dataset 1
CNN-DNN [27]EEMD-based EEG features98Dataset 1
GCN [29]Functional connectivity graphs95.59Dataset 2
Forged channel with CNN [30]Smoothed pseudo Wigner-Ville distribution90.32Dataset 1
The proposed CTESMSpectral, temporal, and statistical features99.7 & 99.9Datasets 1 and 2
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

Bunterngchit, C.; Baniata, L.H.; Albayati, H.; Baniata, M.H.; Alharbi, K.; Alshammari, F.H.; Kang, S. A Hybrid Convolutional–Transformer Approach for Accurate Electroencephalography (EEG)-Based Parkinson’s Disease Detection. Bioengineering 2025, 12, 583. https://doi.org/10.3390/bioengineering12060583

AMA Style

Bunterngchit C, Baniata LH, Albayati H, Baniata MH, Alharbi K, Alshammari FH, Kang S. A Hybrid Convolutional–Transformer Approach for Accurate Electroencephalography (EEG)-Based Parkinson’s Disease Detection. Bioengineering. 2025; 12(6):583. https://doi.org/10.3390/bioengineering12060583

Chicago/Turabian Style

Bunterngchit, Chayut, Laith H. Baniata, Hayder Albayati, Mohammad H. Baniata, Khalid Alharbi, Fanar Hamad Alshammari, and Sangwoo Kang. 2025. "A Hybrid Convolutional–Transformer Approach for Accurate Electroencephalography (EEG)-Based Parkinson’s Disease Detection" Bioengineering 12, no. 6: 583. https://doi.org/10.3390/bioengineering12060583

APA Style

Bunterngchit, C., Baniata, L. H., Albayati, H., Baniata, M. H., Alharbi, K., Alshammari, F. H., & Kang, S. (2025). A Hybrid Convolutional–Transformer Approach for Accurate Electroencephalography (EEG)-Based Parkinson’s Disease Detection. Bioengineering, 12(6), 583. https://doi.org/10.3390/bioengineering12060583

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