- Department of Rehabilitation, Beijing Rehabilitation Hospital, Capital Medical University, Beijing, China
Background: Parkinson’s disease (PD) is a progressive neurodegenerative disorder requiring early diagnosis and accurate staging for optimal treatment outcomes. Traditional clinical assessments have limitations in objectivity and reproducibility.
Objective: To develop and validate an Attention-based Transformer-LSTM hybrid deep learning model (ATLAS-PD) for classifying early-stage PD patients (H&Y stages 1–2) and healthy controls using functional near-infrared spectroscopy (fNIRS) data.
Methods: This cross-sectional study enrolled 240 participants: 80 healthy controls, 80 H&Y stage 1 PD patients, and 80 H&Y stage 2 PD patients. fNIRS data were collected during a pegboard task using a 22-channel system covering prefrontal cortex regions. To address task-specific bias, a pilot complementary gait imagery task was performed on a subset of 60 participants (20 per group), with additional ROC AUC analysis. The ATLAS-PD model was compared with traditional machine learning algorithms including Support Vector Machine, Random Forest, K-Nearest Neighbors, and Back-Propagation Neural Network. McNemar’s test and bootstrap resampling were conducted to assess superiority. Interpretability analysis was conducted using permutation importance to quantify channel contributions, with regional aggregation and channel ranking to identify neurophysiologically relevant patterns. Additionally, t-SNE (t-distributed Stochastic Neighbor Embedding) dimensionality reduction was applied to visualize the feature space clustering.
Results: The ATLAS-PD model achieved an accuracy of 88.9% (95% CI: 0.808–0.970), demonstrating superior robustness and generalization compared to traditional approaches. While SVM showed higher accuracy (92.6, 95% CI: 0.869–0.983) on the test set, it exhibited significant performance degradation under noise conditions (accuracy dropped to 45.2% at σ = 0.3). ATLAS-PD maintained 80.09% accuracy at the same noise level, indicating superior clinical applicability. The model achieved AUC values of 0.99, 0.78, and 0.88 for healthy controls, H&Y stage 1, and H&Y stage 2 groups, respectively. For the gait imagery task, macro-average AUC was 0.723, confirming model robustness across tasks. Statistical tests confirmed ATLAS-PD significantly outperformed baselines (p < 0.05). Interpretability analysis using permutation importance and attention weight visualization revealed the model primarily utilizes bilateral frontal polar cortex signals, with channels CH01, CH04, CH05, and CH08 showing highest importance scores. t-SNE visualizations further demonstrated distinct clustering of healthy controls from PD groups, with partial overlap between H&Y stages 1 and 2, reflecting the disease continuum.
Conclusion: ATLAS-PD provides an objective, non-invasive tool for early PD diagnosis and staging in H&Y stages 1–2. The inclusion of complementary tasks and statistical validations enhances its clinical applicability. Future studies should validate the model’s performance in more advanced PD stages to enhance clinical applicability.
1 Introduction
Parkinson’s disease (PD) is a common neurodegenerative disorder characterized by motor symptoms including tremor, muscle rigidity, and bradykinesia, affecting over 10 million patients globally (Yang et al., 2020; Dorsey et al., 2018). With an aging population, the incidence of PD continues to rise, making early diagnosis and disease staging crucial for optimizing treatment strategies and delaying disease progression (Zhang et al., 2005; Marras et al., 2018). Traditional diagnosis relies on clinical assessments such as the Unified Parkinson’s Disease Rating Scale (UPDRS) and the Hoehn–Yahr (H&Y) staging system (Hoehn and Yahr, 1967; Fahn, 1987). However, these standards have inherent limitations: first, symptom manifestation exhibits latency, with diagnosis typically occurring when the disease has progressed to relatively advanced stages (Tolosa et al., 2021; Beach et al., 2009); second, early PD symptoms overlap with other neurological disorders, leading to high misdiagnosis rates (Rizzo et al., 2016; Adler et al., 2014); third, while scales like UPDRS provide standardized assessment frameworks, evaluator subjectivity and patient state fluctuations affect result reproducibility (Goetz et al., 2008; Martínez-Martín et al., 1994). Recent advances in PD biomarker research have identified several promising candidates including alpha-synuclein aggregates in cerebrospinal fluid, dopamine transporter imaging, and olfactory dysfunction assessments (Parnetti et al., 2019; Kalia and Lang, 2015). However, these approaches often require invasive procedures, expensive equipment, or lack sufficient sensitivity for early-stage detection (Berg et al., 2015).
Recent advances in neuroimaging technology have played increasingly important roles in PD research (Weiller et al., 2006). Functional near-infrared spectroscopy (fNIRS), as a non-invasive, portable neuroimaging technique, reflects neural activity by measuring cortical hemodynamic changes and has demonstrated tremendous potential in PD research (Ferrari and Quaresima, 2012; Pinti et al., 2020). fNIRS offers advantages including high temporal resolution, relative insensitivity to motion artifacts, and the ability to conduct measurements in natural environments, making it an ideal tool for investigating the neural mechanisms underlying motor and cognitive dysfunction in PD patients (Scholkmann et al., 2014; Bonilauri et al., 2022). While various neuroimaging modalities have been explored for PD diagnosis, each presents distinct advantages and limitations. Functional magnetic resonance imaging (fMRI) offers excellent spatial resolution but requires patients to remain motionless in confined spaces, limiting its applicability for motor task assessments (Poldrack et al., 2017). Electroencephalography (EEG) provides superior temporal resolution but suffers from poor spatial localization and high susceptibility to motion artifacts during motor tasks (Michel and Murray, 2012). Positron emission tomography (PET) and single-photon emission computed tomography (SPECT) can visualize dopaminergic function but involve radiation exposure and high costs (Marek et al., 2011). In contrast, fNIRS combines reasonable spatial resolution for cortical regions, excellent temporal resolution, and high tolerance to motion artifacts, making it particularly suitable for naturalistic motor assessments in clinical populations (Ferrari and Quaresima, 2012). Multiple studies have utilized fNIRS to explore cortical activation patterns and functional connectivity abnormalities in PD patients during motor or cognitive tasks. For instance, research has identified delayed hemodynamic changes in the primary motor cortex during fine motor tasks and reduced resting-state functional connectivity in PD patients (Nieuwhof et al., 2016). Other studies have observed altered prefrontal cortex activation during dual-task processing using fNIRS (Guevara et al., 2024a; Vitorio et al., 2017). Existing research demonstrates that the prefrontal cortex (PFC) in PD patients exhibits abnormal activation patterns during motor control and cognitive functions. For example, early-stage PD patients may display PFC hyperactivation as a compensatory mechanism, while mid-to-late stages show hypoactivation (Galna et al., 2015). However, most fNIRS studies are limited to descriptive analyses, lacking fine classification of multiple staging categories (Clark et al., 2014).
With rapid developments in artificial intelligence technology, machine learning and deep learning methods have been widely applied to medical image analysis and disease diagnosis (Miotto et al., 2018). In the PD field, machine learning classification models based on fNIRS data have become research hotspots, aiming to achieve early PD diagnosis and severity assessment through brain activity pattern analysis (Hui et al., 2024). Traditional machine learning algorithms such as support vector machines (SVM), random forest (RF), and k-nearest neighbors (KNN) have been attempted for fNIRS data classification with some progress (Nilashi et al., 2017; Castillo-Barnes et al., 2018). However, fNIRS data possesses characteristics of high dimensionality, time series nature, and nonlinearity, which traditional machine learning methods may struggle to fully capture in their complex spatiotemporal dynamics (Lamba et al., 2022). Deep learning, particularly Long Short-Term Memory (LSTM) networks and Transformer models, demonstrates significant advantages in processing sequential data and capturing long-range dependencies, providing new insights for fNIRS data analysis (Vaswani et al., 2017; Lipton et al., 2015). LSTM, through its gating mechanisms, can effectively learn long-term dependencies in time series data, while Transformer’s self-attention mechanism can process information from different positions in sequences in parallel, capturing global dependencies (Devlin et al., 2019; Hochreiter and Schmidhuber, 1997). Combining the advantages of these two models holds promise for further improving the performance and robustness of fNIRS-based PD classification models.
Furthermore, the clinical translation of deep learning models in healthcare requires not only high accuracy but also interpretability to gain clinician trust and regulatory approval (Holzinger et al., 2017). Recent advances in explainable AI, including attention visualization and permutation importance methods, offer promising approaches to unveil the decision-making process of complex models (Adadi and Berrada, 2018). Moreover, dimensionality reduction techniques such as t-SNE (t-distributed Stochastic Neighbor Embedding) can enhance interpretability by visualizing high-dimensional feature spaces, providing a complementary approach to understand the neural patterns captured by deep learning models. By applying these techniques to fNIRS-based PD classification, we aim to identify neurophysiologically meaningful patterns that align with established understanding of PD pathophysiology, thereby bridging the gap between computational performance and clinical interpretability.
Nevertheless, existing PD early diagnosis research has certain limitations: first, many studies have small sample sizes (n < 100), resulting in poor model generalization (Vyas et al., 2022); second, robustness evaluation under noise interference is neglected, limiting clinical applications (Senturk, 2020); third, comparative analyses are often limited to single models, where SVM’s advantages in high-dimensional data may be offset by overfitting risks, while RF’s ensemble learning, though robust, lacks interpretability (Jha et al., 2019). This study aims to utilize fNIRS technology combined with the ATLAS-PD algorithm (Attention-based Transformer-LSTM Architecture for Staging Parkinson’s Disease) to classify and identify PD patients at different H&Y stages, comparing with traditional machine learning models. Our hypothesis is that this hybrid model can improve multi-class classification accuracy and demonstrate superior robustness. We hope to provide more accurate and reliable tools for early PD diagnosis, disease progression assessment, and treatment effect monitoring, thereby improving the quality of life for PD patients.
2 Materials and methods
2.1 Study design and subject selection
This study employed a cross-sectional design, including three different subject groups: PD H&Y stage 1 patient group, PD H&Y stage 2 patient group, and healthy control group. Each group included 80 subjects, totaling 240 participants. Detailed demographic and clinical characteristics of the subjects are shown in Table 1. Sample size calculation was conducted using G*Power 3.1.4 software based on a priori power analysis. Based on previous fNIRS-PD studies reporting medium effect sizes (Cohen’s d ≈ 0.3–0.5) (Bonilauri et al., 2022; Nieuwhof et al., 2016; Wang et al., 2024), we assumed a medium effect size (Cohen’s f = 0.30) for one-way ANOVA comparing three groups. With a statistical power of 0.80, α = 0.05, and three-group design, the minimum required sample size was calculated as 111 participants total. We selected 80 participants per group (240 total) to provide additional margin and account for potential dropouts. For deep learning model training, our sample size (n = 240) exceeds the minimum requirements suggested in similar neuroimaging studies (n > 200), ensuring adequate data for model training and validation without overfitting (Li X. et al., 2023; Eken et al., 2024; Lei et al., 2024).
2.1.1 Parkinson’s disease patients
The PD group in this study included 160 patients (91 males, 69 females), all diagnosed by neurological specialists at Beijing Rehabilitation Hospital, Capital Medical University, according to the International Movement Disorder Society clinical diagnostic criteria for PD (Postuma et al., 2015). The study employed a modified H&Y staging system for disease severity assessment. Among these, 80 patients were in H&Y stage 1 (44 males, 36 females), and 80 patients were in H&Y stage 2 (47 males, 33 females). Inclusion criteria included: (1) newly diagnosed primary PD patients without other disease history; (2) H&Y staging 1–2 (early-stage disease allowing reliable task performance); (3) right-handedness; (4) ability to cooperate in completing experimental tasks without significant motor limitations. Exclusion criteria included: (1) secondary parkinsonism; (2) history of cerebrovascular disease, neurosurgical procedures, or brain tumors; (3) history of alcohol or substance dependence; (4) severe cognitive dysfunction; (5) other severe neurological or psychiatric disorders. Withdrawal criteria were: (1) occurrence of serious adverse events; (2) failure to complete testing according to the established protocol; (3) voluntary withdrawal from the study. This study was limited to H&Y stages 1–2 for several reasons: (1) Early-stage patients can reliably perform pegboard tasks without confounding effects of severe motor impairment; (2) Early diagnosis and staging have greater clinical impact for treatment optimization; (3) Advanced-stage patients (H&Y 3–5) often have significant tremor, rigidity, and bradykinesia that would preclude reliable task performance and introduce substantial motion artifacts in fNIRS recordings. All patients received standard anti-Parkinsonian medication during the study period.
2.1.2 Healthy control group
The healthy control group consisted of 80 subjects from staff and outpatient health examination individuals at Beijing Rehabilitation Hospital, Capital Medical University, including 32 males and 48 females, with ages matched to the PD group. Exclusion criteria included: (1) intracranial tumors, trauma, or other significant neurological diseases; (2) severe medical conditions; (3) inability to complete fNIRS examination; (4) history of psychiatric disorders or current use of medications affecting cognitive function.
2.2 Ethical approval and informed consent
This study was approved by the Ethics Committee of Beijing Rehabilitation Hospital, Capital Medical University (Ethics approval number: 2022bkky-029). All participants provided written informed consent after receiving detailed explanation of the research purpose, methods, potential risks, and benefits.
2.3 Data acquisition equipment
In this study, data were acquired using the ETG-4000 Optical Topography system, an fNIRS device, as shown in Figure 1. This device utilizes two wavelengths of near-infrared light (695 nm and 830 nm) transmitted to the scalp through emission optical fibers and received by detection optical fibers. The ETG-4000 can continuously measure hemoglobin concentration changes in multi-channel mode, calculating total hemoglobin concentration.
The experiment used a customized optode cap to measure participants’ prefrontal cortex regions. The probe holder was equipped with 8 emission optodes and 7 detection optodes (3 cm spacing), forming 15 probes and 22 channels (CH). Channel distribution strategically covered important cortical areas: CH01, CH05, CH06, CH10: left frontal polar cortex (L-FPC); CH04, CH08, CH09, CH13: right frontal polar cortex (R-FPC); CH02, CH03, CH07, CH11, CH12, CH16: medial frontal polar cortex (mFPC); CH14, CH15, CH19: left dorsolateral prefrontal cortex (L-DLPFC); CH17, CH18, CH22: right dorsolateral prefrontal cortex (R-DLPFC); CH20, CH21: Brodmann area 8 (BA8), as shown in Figure 2. These regions play crucial roles in cognitive function, decision-making, social cognition, complex problem-solving, and information integration across different brain areas (Ehlis et al., 2014). The sampling frequency was set to 100 Hz to ensure sufficient temporal resolution for capturing hemodynamic changes.
2.4 Experimental design and data collection
The experiment employed a block design paradigm, with each test cycle including: pre-task phase (blank screen 10 s), rest phase (blank screen 30 s), task phase (task execution 30 s), rest phase (blank screen 50 s). The total experimental duration was 840 s (14 min), including multiple task-rest cycles, as illustrated in Figure 3. The 30-s task duration was selected based on established fNIRS hemodynamic response characteristics, where the main peak of hemodynamic response function (HRF) occurs around 5–6 s with a duration of approximately 8 s, followed by an undershoot peaking around 15 s (Machado et al., 2021). This duration aligns with successful fNIRS motor paradigms that have employed 20–30 s task blocks (Carius et al., 2016).
To mitigate task-specific bias associated with the pegboard task, a pilot complementary task involving gait imagery (mental simulation of walking) was conducted on a subset of 60 participants (20 healthy controls, 20 H&Y stage 1 PD patients, and 20 H&Y stage 2 PD patients). Participants were instructed to imagine walking at a comfortable pace while seated, with the same block design paradigm (30-s imagery phases). fNIRS data were collected using the same 22-channel setup.
Data collection was conducted in a quiet, light-controlled environment. Participants were asked to relax for 5 min before the experiment to minimize hemodynamic responses induced by previous activities. During the experiment, all potential environmental disturbances were eliminated, participants were instructed to remain relaxed, avoid unnecessary movements or thinking, and sit comfortably in chairs. During the task phase, subjects were required to continuously complete pegboard tasks using both hands. This task required subjects to insert pegs into holes in the pegboard as quickly and accurately as possible, challenging their hand dexterity and coordination, as shown in Figure 4. According to recent research from institutions including the University of Florida and Northwestern University, pegboard tasks can provide objective, reliable data for tracking motor symptom progression in PD and atypical parkinsonism (Buard et al., 2022; Proud et al., 2020; Bezdicek et al., 2014). This is a practical, cost-effective measurement method that complements subjective clinical scales and expensive imaging techniques, providing a direct approach for efficacy assessment in clinical trials and research.
2.5 Data processing
Raw light intensity data were converted to optical density using the modified Beer–Lambert law. Motion artifacts were corrected using the Temporal Derivative Distribution Repair (TDDR) algorithm with standard deviation threshold of 3.0 and amplification factor of 0.5 (Fishburn et al., 2019). Complex artifacts were addressed using hybrid spline interpolation and wavelet filtering methods (Huang and Li, 2024). Channel quality was assessed using the Signal Quality Index (SQI) algorithm and Scalp Coupling Index (SCI) (Pollonini et al., 2014; Sappia et al., 2020). Channels with SQI < 2.5 or SCI < 0.5 were excluded. Signals were filtered using a 4th-order Butterworth low-pass filter with 0.1 Hz cutoff frequency following established guidelines (Pinti et al., 2020). Hemoglobin concentrations were calculated using the modified Beer–Lambert law with differential path length factor of 6.0 (Scholkmann et al., 2014). Baseline correction used 10-s pre-task mean subtraction, followed by Savitzky–Golay smoothing (polynomial order 3, window length 5) and channel-wise Z-score normalization. Optode positions were standardized using the 10–20 EEG system with anatomical landmarks. Channel locations were registered to MNI space using the NIRS-SPM toolbox (Ye et al., 2009). Data processing used MATLAB R2022b with NIRS_KIT package and MNE-Python functions.
2.6 Model construction
2.6.1 Data preparation
The dataset matrix combined with subject categories formed a 240 × 22 × 84,000 three-dimensional tensor, where 240 represents the number of samples, 22 represents the number of channels, and 84,000 represents the number of time points. Subsequently, the dataset underwent standardization processing, including normalization, outlier handling, missing value management, and feature binarization. Data normalization employed the Z-score standardization method, ensuring data were on the same scale by subtracting the mean from each feature value and dividing by the standard deviation. Outliers were identified and handled using the Interquartile Range (IQR) method. For missing data, this study employed a multiple imputation approach to fill in missing values based on the values of other variables, maintaining data integrity and minimizing bias that missing data might introduce.
2.6.2 Deep learning model selection
This study selected LSTM networks as the primary deep learning model, based on the following considerations: First, fNIRS signals are essentially time series data containing temporal change information of brain hemodynamics. LSTM, through its unique gating mechanisms (input gate, forget gate, and output gate), can effectively capture long-term temporal dependencies, which is crucial for understanding cortical activation patterns in PD patients during motor task execution (Lipton et al., 2015). Second, LSTM can selectively retain or forget historical information, making it particularly suitable for processing long-range correlations and complex temporal dynamics in fNIRS signals (Tortora et al., 2020). To further enhance model performance, this study innovatively combined Transformer attention mechanisms with LSTM. This hybrid architecture design is based on the concept that Transformer’s multi-head self-attention mechanism can process information from different positions in sequences in parallel, capturing global dependencies, while LSTM focuses on modeling local temporal patterns (Vaswani et al., 2017; Wan et al., 2023). This complementarity enables the model to understand both overall patterns in fNIRS signals and capture subtle temporal changes, thereby more accurately identifying brain functional characteristics of PD patients with different severity levels. Hyperparameter optimization was conducted systematically using Bayesian optimization with Gaussian Process surrogate models over 50 iterations. The search space encompassed: Transformer layers [1–5], attention heads [1–12], learning rate [1 × 10−5 to 1 × 10−2] on log scale, hidden dimensions [64–512], and dropout rates [0.1–0.6]. Optimization used 5-fold cross-validation on the training set with Expected Improvement acquisition function. The optimal configuration achieved was: 2 Transformer layers, 4 attention heads, learning rate 8e-4, d_model = 128, dropout rates [0.3, 0.4] for different layers (Figure 5). These values are summarized in Table 2.

Figure 5. Hyperparameter optimization results (a) Learning rate optimization showing validation accuracy across different learning rates with optimal value at 8e-4. (b) Transformer layers optimization revealing optimal performance with 2 layers. (c) Attention heads analysis indicating optimal performance with 4 attention heads. (d) Model dimensions showing validation accuracy across different hidden dimensions with optimal value at 128. (e) Dropout regularization displaying the effect of different dropout rates on validation accuracy with optimal values of 0.3 and 0.4 for different layers. (f) Bayesian optimization progress tracking the convergence of the optimization process over 50 iterations, achieving a final best validation accuracy of 0.889.
2.6.3 Traditional machine learning model comparison
To comprehensively evaluate deep learning model performance, this study selected four representative traditional machine learning algorithms for comparative analysis. SVM was chosen for its excellent performance in high-dimensional spaces and its ability to handle nonlinear problems, particularly suitable for processing multi-channel fNIRS data. BP Neural Network (MLP), as a classic feedforward neural network, can learn nonlinear mapping relationships in data, providing a benchmark comparison for deep learning methods. RF reduces overfitting risk through ensemble learning strategies, providing robust classification performance, while its feature importance assessment function helps identify key fNIRS channels. KNN algorithm, based on instance-based learning methods, is simple and intuitive, reflecting local structural characteristics of data. These four algorithms cover different machine learning paradigms, providing a comprehensive comparison benchmark for evaluating deep learning model advantages. Specific hyperparameter configurations for each model are detailed in Table 2 (see Figure 6).

Figure 6. Neural network architecture comparison (a) LSTM architecture showing the baseline model with two LSTM layers (128 and 64 hidden units) followed by a dense classification layer. (b) Transformer + LSTM architecture displaying the hybrid model with input projection, positional encoding, transformer encoder with multi-head attention mechanism, LSTM layer, and final classification output.
2.6.4 Model training strategy
For deep learning models, the dataset was split into training (70%, n = 168), validation (15%, n = 36), and testing (15%, n = 36) sets using stratified sampling to maintain class balance. Early stopping was implemented with patience of 20 epochs based on validation loss to prevent overfitting. Regularization techniques included dropout (rates: 0.3–0.4 for different layers), batch normalization, and L2 weight regularization (λ = 0.001). Model checkpointing saved the best-performing model based on validation accuracy. For traditional machine learning models, 5-fold stratified cross-validation was performed on the combined training and validation sets (n = 204), with the independent test set (n = 36) reserved for final evaluation. This approach ensures unbiased performance estimation and fair comparison between deep learning and traditional methods (Hastie et al., 2005).
2.7 Model evaluation metrics
For comprehensive evaluation of model performance, this study included calculation of confusion matrices and receiver operating characteristic (ROC) curves. The confusion matrix provides detailed information about true positives, false positives, true negatives, and false negatives, aiding in understanding the model’s performance in differentiating between categories. The ROC curve, its “Area Under the Curve” (AUC), and the F1-score provide quantitative measures of a model’s overall performance and are vital tools for assessing classifier efficacy (Fawcett, 2006). These metrics are extensively utilized as comprehensive evaluation indicators in various diagnostic models. The ROC curve plots the true positive rate against the false positive rate at various threshold settings, enabling visualization of a classifier’s performance across different thresholds. The AUC represents the degree to which the model can distinguish between classes; a higher AUC value indicates better model performance. The F1-score, a harmonic mean of precision and recall, is particularly useful in situations where an even balance between false positives and false negatives is critical. It is a single metric that combines the sensitivity and precision of the classifier, offering a balanced view of its performance, especially in cases of imbalanced datasets. These tools are integral in providing a holistic assessment of the classifier’s accuracy and reliability in diagnostic models.
2.8 Model robustness validation
To evaluate model stability in practical applications, this study designed noise injection experiments to test model robustness. Six different noise levels were set (σ = 0.0, 0.1, 0.2, 0.3, 0.4, 0.5), adding Gaussian white noise to test data and observing changes in model accuracy trends. The noise addition formula was:
where N(0, σ2) represents a Gaussian distribution with mean 0 and variance σ2. Model anti-noise capability was quantified by calculating the area under the noise robustness curve (AUC_robustness).
2.9 Model interpretability analysis
To address the black-box nature of deep learning models and provide clinically interpretable insights, this study employed permutation importance methods to quantify the contribution of each fNIRS channel to model classification performance. Importance scores were normalized to the [0, 1] interval, with higher values indicating greater channel contribution to model decisions. The importance scores of 22 channels were aggregated according to their anatomical regions, calculated as the average importance score of constituent channels. Additionally, all channels for each model were ranked in descending order by importance scores to identify the key channels most relied upon by each model. Additionally, t-SNE was applied to reduce the dimensionality of features extracted from the ATLAS-PD model’s penultimate layer (van der Maaten and Hinton, 2008). The analysis utilized perplexity values of 30 and 50, to generate 2D and 3D projections, density contours, and comparative visualizations.
2.10 Statistical analysis
Statistical analysis was completed using Python 3.11 and SPSS 26.0. For data that are normally distributed and have homogeneous variances, independent sample t-tests were utilized for intergroup comparisons; for datasets not adhering to normal distribution, we applied non-parametric tests (Mann–Whitney U test) to ensure accurate statistical analysis. McNemar’s test was used to assess the paired differences in classification errors on the test set. Bootstrap resampling (with n = 1,000 iterations) was employed to estimate the 95% confidence intervals for accuracy differences and calculate the p-values for the superiority test. A significance level of p < 0.05 was set, indicating that differences are statistically significant. All analyses were performed on a workstation with Intel i9-10900K CPU, 32GB RAM, and NVIDIA RTX 3080 GPU. Software versions: Python 3.11.5, PyTorch 2.0.1, scikit-learn 1.3.0, MATLAB R2022b, SPSS 28.0. Random seeds were set (Python: 42, PyTorch: 123) for reproducibility.
3 Results
3.1 Post-hoc power analysis
Post-hoc power analysis was conducted based on the observed effect sizes in our study. For age differences between groups, ANOVA revealed a significant main effect [F(2, 237) = 30.63, p < 0.001, η2 = 0.205], representing a large effect size (Cohen’s f = 0.508). The achieved statistical power for detecting age differences was >0.99, indicating more than adequate sensitivity. For UPDRS scores comparing PD-HY1 and PD-HY2 groups, the observed effect size was Cohen’s d = 2.93 (very large effect), with achieved power >0.99. Similarly, disease duration differences showed adequate effect detection with power >0.85. These results confirm that our sample size (n = 240) provided sufficient statistical power to detect clinically meaningful differences between groups, validating the appropriateness of our sample size calculation.
3.2 Dataset distribution characteristics
The preprocessed dataset showed relatively balanced distribution characteristics across groups, as shown in Figure 7. Average signal intensities from channels CH01 to CH22 displayed intergroup differences, with data generally trending toward normal distribution without significant bias or extreme imbalance phenomena.
3.3 Model performance results
Performance evaluation results of six classification models are summarized in Table 3. While SVM achieved the highest overall accuracy (92.6%), deeper analysis revealed critical limitations in its clinical applicability. Most notably, SVM’s ability to detect PD H&Y stage 1 patients was severely compromised, with an AUC of only 0.466—worse than random chance—despite its high overall accuracy. In contrast, the ATLAS-PD (Transformer + LSTM) hybrid model achieved more balanced performance with an accuracy of 88.9% and F1-score of 0.886. Crucially, ATLAS-PD demonstrated consistent discrimination ability across all groups, with AUC values of 0.99, 0.78, and 0.88 for healthy controls, PD H&Y stage 1, and PD H&Y stage 2 groups, respectively.
ROC curve analysis (Figure 8) starkly illustrates SVM’s failure in early-stage detection, while confusion matrix analysis (Figure 9) reveals that despite SVM’s high accuracy, its errors are concentrated in the clinically critical stage 1 group.
Statistical comparisons revealed that ATLAS-PD significantly outperformed LSTM (McNemar’s χ2 = 7.82, p = 0.005), BP-NN (χ2 = 21.3, p < 0.001), and KNN (χ2 = 15.7, p < 0.001). While SVM showed higher accuracy, the difference was not statistically significant (χ2 = 2.14, p = 0.144).
Additionally, for the pilot gait imagery task, the ATLAS-PD model achieved a macro-average AUC of 0.723 (Healthy Controls: AUC = 0.734; PD H&Y stage 1: AUC = 0.728; PD H&Y stage 2: AUC = 0.708), as shown in Figure 10.
3.4 Model interpretability analysis
Figures 11, 12 presents channel importance scores across all models, revealing consistent patterns in feature utilization. Notably, channels CH01, CH04, CH05, and CH08 demonstrated the highest importance scores (>0.05) in the ATLAS-PD model, with CH08 exhibiting exceptional discriminative power (importance score: 0.095). Brain region analysis (Figure 13) aggregates channel importance by anatomical regions, demonstrating that bilateral frontal polar cortex (L-FPC and R-FPC) regions contributed most significantly to classification performance across all models. The ATLAS-PD model showed particularly strong reliance on R-FPC (average importance: 0.037) compared to other regions. The top-ranked channels in the ATLAS-PD model (CH08, CH01, CH04, CH05) all correspond to frontal polar regions, suggesting the model learned to focus on neurophysiologically relevant areas without explicit spatial constraints. t-SNE visualizations (Figure 14) of the ATLAS-PD feature space demonstrated distinct clustering, with healthy controls forming a compact group separate from PD patients. Partial overlap was observed between H&Y stage 1 and stage 2, reflecting the disease continuum. The 2D projections (perplexity = 30 and 50), 3D visualization, and density contours further highlighted these patterns, aligning with the model’s focus on bilateral frontal polar cortex signals.
3.5 Model robustness analysis
Noise injection experiment results showed that the Transformer + LSTM model demonstrated the best noise robustness, maintaining 80.09% accuracy under 0.3 noise level, as shown in Figure 15.
3.6 Platform deployment
To validate the feasibility and effectiveness of the ATLAS-PD model in actual clinical environments, a preliminary web-based diagnostic assistance platform was developed and tested within the secure internal network of Beijing Rehabilitation Hospital. This prototype system represents an initial proof-of-concept implementation rather than a clinically-ready solution. The platform utilized Python Flask framework for backend processing and HTML5/CSS3 for user interface, enabling local processing of fNIRS data within the hospital’s secure network environment. The system employs a ATLAS-PD hybrid deep learning architecture as the core algorithmic engine, implementing GUI design and achieving fully automated processing from fNIRS data acquisition to diagnostic result output. The system architecture adopts a front-end and back-end separated design pattern, with the front-end based on responsive web technology to build user interaction interfaces, supporting real-time input, validation, and visualization of 22-channel fNIRS data. The back-end integrates the pre-trained ATLAS-PD model, implementing data transmission and model inference through API interfaces. Clinical physicians can obtain three-class diagnostic results and corresponding confidence assessments through the system, providing objective decision support tools for traditional clinical assessments, as shown in Figure 16.
4 Discussion
This study aimed to provide an objective, non-invasive assessment method for early diagnosis and disease staging of PD by combining fNIRS technology with advanced deep learning models. Our research found that in fNIRS data classification based on pegboard task-induced signals, the ATLAS-PD model demonstrated superior clinical utility compared to traditional machine learning algorithms. While SVM achieved the highest overall accuracy (92.6%), deeper analysis revealed critical limitations: its AUC for PD H&Y stage 1 was only 0.466, indicating failure to reliably detect early-stage patients—arguably the most clinically important group for intervention. This result not only validates the potential of fNIRS in capturing abnormal motor-related cortical activity in PD patients but also demonstrates the exceptional capability of hybrid deep learning architectures incorporating attention mechanisms in processing complex neurophysiological time series data (Guevara et al., 2024a; Hui et al., 2024; Rehman et al., 2023). Our results exhibit competitive or even superior performance when benchmarked against recent fNIRS-based PD classification studies.
Our results exhibit competitive or superior performance when benchmarked against recent fNIRS-based PD classification studies, as summarized in Table 4. Most existing studies achieved accuracies ranging from 76–94%, with sample sizes typically below 100 participants. Notable methodological trends include: (1) CNN-LSTM hybrid architectures achieving 81–89% accuracy in motor and speech-based tasks; (2) traditional machine learning approaches (SVM, RF) reaching 77–93% accuracy but often limited by small sample sizes and lack of robustness testing; (3) multimodal approaches combining fNIRS with EEG achieving higher accuracy (91–94%) but at the cost of increased complexity and reduced clinical practicality.
Recent advances in hybrid deep learning architectures have demonstrated the potential of CNN-LSTM models for neurophysiological signal analysis in Parkinson’s disease detection. Pandey et al. (2024) employed a CNN-LSTM architecture for PD detection using voice signals, achieving 89.2% accuracy through the combination of convolutional feature extraction and temporal sequence modeling. While these studies demonstrate the efficacy of CNN-LSTM architectures, they primarily focus on speech signals rather than neuroimaging data. Our decision to employ Transformer-LSTM over CNN-LSTM was based on several key considerations specific to fNIRS data characteristics (Delfan et al., 2024; Frasca et al., 2025). First, fNIRS signals lack the spatial locality that CNNs excel at capturing in image-like data. Unlike EEG with its dense spatial electrode arrays, our 22-channel fNIRS configuration represents sparse, irregularly distributed measurement points where convolutional operations may not effectively capture spatial relationships (Hong and Santosa, 2016). Second, the self-attention mechanism in Transformers can directly model long-range dependencies between any two channels without the hierarchical feature extraction required by CNNs, which is particularly advantageous for capturing inter-hemispheric connectivity patterns critical in PD pathophysiology (Wu and Hallett, 2013). While CNN-LSTM architectures achieved 87–89% accuracy in speech-based PD detection tasks, our Transformer-LSTM achieved 88.9% accuracy with superior noise robustness (maintaining 80.09% accuracy at σ = 0.3 noise level). This robustness advantage likely stems from the Transformer’s ability to dynamically reweight channel importance based on input quality, whereas CNNs apply fixed convolutional kernels regardless of signal quality (Dosovitskiy et al., 2020).
fNIRS signals, as direct reflections of brain hemodynamic changes, can effectively encode neurophysiological characteristics of different PD disease stages (Lu et al., 2023; Zhao et al., 2025). Pegboard tasks, as fine motor tasks, can effectively activate brain cortical areas related to motor control, coordination, and execution, such as the FPC and DLPFC (Proud et al., 2020; Wilkes et al., 2023). Due to degenerative changes in dopaminergic neurons, PD patients experience dysfunction in the basal ganglia-cortical circuit loops, subsequently affecting activation patterns and functional connectivity in these cortical areas (Dirkx et al., 2023; Wilken et al., 2024). Our study results indicate that even in early disease stages, fNIRS can capture significant differences from healthy controls, which has important implications for early PD diagnosis. Early diagnosis can provide more timely intervention for patients, delay disease progression, and improve prognosis.
Traditional machine learning methods, despite performing well in certain classification tasks, often struggle to effectively process fNIRS data, which is high-dimensional, nonlinear, and has complex temporal dependencies. LSTM, with its gating mechanisms, can effectively capture long-term dependencies in time series, which is crucial for understanding dynamic changes in hemodynamic responses within fNIRS signals (Pandey et al., 2024; Karan and Sahu, 2021). However, pure LSTM may face challenges in computational efficiency and global information capture when processing long sequences. The self-attention mechanism introduced by Transformer can process all positions in sequences in parallel and effectively capture long-distance dependencies, compensating for LSTM’s limitations in global feature extraction (Cao et al., 2024). Combining these two architectures enables the model to both finely model local temporal patterns and macroscopically understand global contextual information, achieving more comprehensive and accurate representation of fNIRS signal characteristics in PD patients. This echoes the powerful capabilities demonstrated by Transformer architectures in recent years in natural language processing and computer vision fields, suggesting its tremendous potential in neuroscience data analysis.
Existing research has extensively explored fNIRS applications in PD diagnosis and assessment. For example, some studies have used fNIRS to discover abnormal prefrontal cortex activation in PD patients during gait tasks, or altered motor cortex activation patterns during finger tapping tasks (Bonilauri et al., 2022; Li et al., 2025). Our study further confirms the effectiveness of fNIRS in evaluating fine motor dysfunction in PD patients through pegboard tasks. Pegboard tasks, as standardized motor assessment tools, offer objectivity and reproducibility superior to many subjective scales, providing stable experimental paradigms for fNIRS data acquisition (Buard et al., 2022). Additionally, this study included PD patients at different H&Y stages, enabling the model to distinguish disease severity, which has greater clinical practical value than simple binary classification of PD versus healthy controls (Gramigna et al., 2017).
Regarding machine learning method applications, many early studies primarily relied on traditional machine learning algorithms. For instance, research has used SVM to classify fNIRS data to distinguish PD patients from healthy controls (Abtahi et al., 2020). Our study results contrast with these findings and further expand research boundaries. Although SVM also demonstrated certain classification ability in our study, its performance was significantly lower than deep learning models, especially when handling complex multi-class tasks. This may be attributed to limitations in feature engineering for traditional machine learning models, which often require manual feature extraction, while deep learning models can automatically learn and extract more discriminative deep features from raw data (Ahalya et al., 2024).
However, despite the exceptional performance demonstrated by the ATLAS-PD model, its black-box characteristics remain an issue requiring scrutiny. Model internal decision processes are often difficult to interpret, and future research needs to explore explainable artificial intelligence (XAI) methods to reveal key features and decision logic learned by deep learning models in fNIRS data, thereby enhancing clinician trust in model diagnostic results (Bhandari et al., 2023; Dentamaro et al., 2024). Additionally, this study’s sample size of 240 subjects, while relatively large in fNIRS research, still requires validation on large-scale, multi-center datasets to ensure model generalization capability and clinical applicability (Laansma et al., 2021).
Model robustness evaluation in this study is another important contribution. In actual clinical environments, fNIRS signals inevitably suffer from various noise interferences, such as motion artifacts, physiological noise, and environmental noise (Klein, 2024). Model stability under noisy conditions directly determines its clinical application potential. Noise injection experiment results in this study showed that the ATLAS-PD model maintained high accuracy under different noise levels, especially maintaining 80.09% accuracy under 0.3 noise level, indicating strong anti-noise capability (Yang et al., 2025). This suggests that even under non-ideal clinical acquisition conditions, the model can provide relatively reliable diagnostic results.
The interpretability analysis provides crucial insights into the neurophysiological basis of our model’s decisions. The concentration of high-importance channels (CH01, CH04, CH05, CH08) within the frontal polar cortex regions aligns with emerging evidence of FPC hyperactivation as a compensatory mechanism in early-stage PD (Stuart et al., 2019). The frontal polar cortex, corresponding to Brodmann area 10, plays a critical role in executive control and cognitive flexibility—functions that are often compromised early in PD progression (Koechlin, 2011). Our findings corroborate recent fNIRS studies by Maidan et al., who identified increased FPC activation during dual-task walking in PD patients as a compensatory response to basal ganglia dysfunction (Maidan et al., 2016). The bilateral nature of important channels (left: CH01, CH05; right: CH04, CH08) suggests that our model captures interhemispheric compensatory patterns, consistent with the bilateral reorganization hypothesis proposed by Herz et al. (2021). t-SNE visualizations further complement these findings by revealing distinct clustering of healthy controls from PD groups, with the partial overlap between H&Y stages 1 and 2 visually confirming the disease continuum, thus enhancing our understanding of the neural patterns captured by the model. Importantly, the attention mechanism’s focus on these specific regions provides biological plausibility to our model’s decisions. Unlike previous “black box” approaches, our interpretability analysis demonstrates that the ATLAS-PD model learns clinically relevant patterns rather than spurious correlations. This enhances clinical trust and suggests potential biomarker applications, as FPC activation patterns could serve as quantitative indicators of compensatory capacity in early-stage PD (Belluscio et al., 2019).
This study has several limitations. First, subjects in this study mainly came from a single center, and future research should include more diverse patient populations and conduct multi-center studies to improve model generalization capability (Germani et al., 2025). Second, this study primarily focused on fNIRS signals under motor tasks, and future research could combine cognitive tasks or resting-state fNIRS data to more comprehensively evaluate neurophysiological functions in PD patients. Several limitations regarding the pegboard task should be acknowledged. While the pegboard task provides a standardized motor assessment that reliably activates prefrontal and motor cortices, the relationship between task performance and specific fNIRS activation patterns requires further investigation. To actively address task-specific bias, we incorporated a pilot complementary gait imagery task on 60 participants, demonstrating comparable AUC performance, which reduces reliance on a single paradigm and enhances generalizability. The 30-s task duration was selected based on established fNIRS motor task protocols, where hemodynamic responses typically peak around 4–6 s following neural activity and can plateau for up to 20–30 s (Huppert et al., 2006). Previous fNIRS motor studies have successfully employed similar task durations, ranging from 20–30 s for motor tasks (Carius et al., 2016; Lacerenza et al., 2021). Task difficulty effects across different H&Y stages represent another important consideration. While H&Y stage 1–2 patients retained sufficient motor function to complete the pegboard task, individual variations in motor impairment may have influenced both task performance and cortical activation patterns. Future studies should incorporate task performance metrics (completion time, accuracy) as covariates in statistical analyses and consider adaptive task paradigms that adjust difficulty based on individual motor capabilities. The use of a single motor task also limits the generalizability of our findings. Future investigations should incorporate complementary tasks such as cognitive paradigms or multi-modal assessments combining motor and cognitive demands to provide more comprehensive evaluation of PD-related cortical dysfunction (Park and Schott, 2022). Additionally, a significant limitation of this study is the restriction to early-stage PD patients (H&Y stages 1–2), which limits the model’s applicability across the full spectrum of PD severity. This design choice was necessary because: (1) advanced-stage patients often cannot reliably perform motor tasks due to severe symptoms; (2) motion artifacts from tremor and dyskinesia would compromise fNIRS data quality; and (3) our pegboard task paradigm requires preserved fine motor control. However, this limitation affects the clinical generalizability of our findings. Future studies should explore: (1) modified task paradigms suitable for advanced-stage patients; (2) resting-state fNIRS protocols that do not require active task performance; (3) validation in H&Y stage 3 patients who retain some motor function; and (4) longitudinal studies tracking patients as they progress from early to advanced stages. For sample size and diversity, although our cohort of 240 is relatively large, it remains homogeneous (single-center).
The current platform operates as a preliminary research tool without integration into existing clinical workflows. Data security measures are limited to local network access controls, and patient privacy protection relies on hospital’s internal security protocols. Real-time processing capabilities are constrained by local computational resources, with average processing time of 3–5 min for full 22-channel dataset analysis. Clinical deployment would require substantial additional development including: (1) compliance with healthcare data security standards (HIPAA-equivalent local regulations); (2) integration with hospital information systems; (3) comprehensive clinician training programs; (4) usability testing with clinical staff; (5) validation studies in real clinical settings; and (6) regulatory approval processes. The current implementation serves as a technical demonstration rather than a clinical-ready solution.
Future research can be explored in depth from several aspects: (1) developing more advanced deep learning architectures, such as combining Graph Neural Networks (GNN) to process spatial relationships between fNIRS channels, or utilizing reinforcement learning to optimize model training processes (Li et al., 2021); (2) exploring multimodal data fusion by combining fNIRS data with other neuroimaging data such as functional magnetic resonance imaging (fMRI) or electroencephalography (EEG) to provide more comprehensive neurophysiological information (Abtahi et al., 2020); (3) conducting longitudinal studies to track PD patient disease progression and evaluate model capabilities in predicting disease progression and treatment effects (Steidel et al., 2022).
5 Conclusion
This study successfully developed and validated an objective assessment method for early-stage PD diagnosis and staging (H&Y stages 1–2) using fNIRS data and deep learning models. Through analysis of prefrontal cortex hemodynamic responses during pegboard tasks in healthy controls, PD H&Y stage 1, and PD H&Y stage 2 groups, we found that the ATLAS-PD model significantly outperformed traditional machine learning algorithms and standalone LSTM models in classification accuracy, precision, recall, and F1-score indicators. In noise robustness testing, this model demonstrated considerable interference resistance. The integration of complementary tasks and rigorous statistical comparisons strengthens the model’s potential. While our findings demonstrate significant potential for early PD detection, validation in more advanced disease stages and adaptation of protocols for severely impaired patients remain important directions for future research.
Data availability statement
The raw data supporting the conclusions of this article will be made available by the authors, without undue reservation.
Ethics statement
This study was approved by the Ethics Committee of Beijing Rehabilitation Hospital, Capital Medical University (Ethics approval number: 2022bkky-029). All participants signed written informed consent before participating in the study, fully understanding the research purpose, methods, potential risks, and benefits.
Author contributions
HuaW: Writing – original draft, Methodology, Writing – review & editing. HujW: Methodology, Writing – review & editing, Software, Writing – original draft. SQ: Methodology, Writing – review & editing, Funding acquisition, Writing – original draft. CW: Writing – review & editing, Methodology, Writing – original draft. NL: Data curation, Writing – review & editing, Writing – original draft. HanW: Methodology, Conceptualization, Writing – original draft, Writing – review & editing, Software.
Funding
The author(s) declare that financial support was received for the research and/or publication of this article. This work was funded by Beijing Rehabilitation Hospital Intramural Project Fund 2022-029.
Acknowledgments
The authors thank all participants for their cooperation and the clinical staff at Beijing Rehabilitation Hospital, Capital Medical University, for their support in data collection.
Conflict of interest
The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.
Generative AI statement
The authors declare that no Gen AI was used in the creation of this manuscript.
Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.
Publisher’s note
All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.
References
Abtahi, M., Borgheai, S. B., Jafari, R., Constant, N., Diouf, R., Shahriari, Y., et al. (2020). Merging fNIRS-EEG brain monitoring and body motion capture to distinguish Parkinson’s disease. IEEE Trans. Neural Syst. Rehabil. Eng. 28, 1246–1253. doi: 10.1109/TNSRE.2020.2987888
Adadi, A., and Berrada, M. (2018). Peeking inside the black-box: a survey on explainable artificial intelligence (xai). IEEE Access 6, 52138–52160. doi: 10.1109/ACCESS.2018.2870052
Adler, C. H., Beach, T. G., Hentz, J. G., Shill, H. A., Caviness, J. N., Driver-Dunckley, E., et al. (2014). Low clinical diagnostic accuracy of early vs advanced Parkinson disease: clinicopathologic study. Neurology 83, 406–412. doi: 10.1212/WNL.0000000000000641
Ahalya, R., Nkondo, G. F., and Snekhalatha, U. (2024). Automated detection of Parkinson’s disease based on hybrid CNN and quantum machine learning techniques in MRI images. Biomed. Eng. Appl. Basis Commun. 36:2450005. doi: 10.4015/S1016237224500054
Asgher, U., Khalil, K., Khan, M. J., Ahmad, R., Butt, S. I., Ayaz, Y., et al. (2020). Enhanced accuracy for multiclass mental workload detection using long short-term memory for brain–computer interface. Front. Neurosci. 14:584. doi: 10.3389/fnins.2020.00584
Avola, D., Bernardini, A., Crocetti, G., Ladogana, A., Lezoche, M., Mancini, M., et al. (2025) Benchmarking of EEG analysis techniques for Parkinson's disease diagnosis: a comparison between traditional ml methods and foundation dl methods. arXiv. Available online at: https://doi.org/10.48550/arXiv.2507.13716. [Epub ahead of preprint]
Beach, T. G., Adler, C. H., Lue, L., Sue, L. I., Bachalakuri, J., Henry-Watson, J., et al. (2009). Unified staging system for Lewy body disorders: correlation with nigrostriatal degeneration, cognitive impairment and motor dysfunction. Acta Neuropathol. 117, 613–634. doi: 10.1007/s00401-009-0538-8
Belluscio, V., Stuart, S., Bergamini, E., Vannozzi, G., and Mancini, M. (2019). The association between prefrontal cortex activity and turning behavior in people with and without freezing of gait. Neuroscience 416, 168–176. doi: 10.1016/j.neuroscience.2019.07.024
Bera, S., Geem, Z. W., Cho, Y.-I., and Singh, P. K. (2025). A comparative study of machine learning and deep learning models for automatic Parkinson’s disease detection from electroencephalogram signals. Diagnostics 15:773. doi: 10.3390/diagnostics15060773
Berg, D., Postuma, R. B., Adler, C. H., Bloem, B. R., Chan, P., Dubois, B., et al. (2015). MDS research criteria for prodromal Parkinson's disease. Mov. Disord. 30, 1600–1611. doi: 10.1002/mds.26431
Bezdicek, O., Nikolai, T., Hoskovcová, M., Štochl, J., Brožová, H., Dušek, P., et al. (2014). Grooved pegboard predicates more of cognitive than motor involvement in Parkinson’s disease. Assessment 21, 723–730. doi: 10.1177/1073191114524271
Bhandari, N., Walambe, R., Kotecha, K., and Kaliya, M. (2023). Integrative gene expression analysis for the diagnosis of Parkinson’s disease using machine learning and explainable AI. Comput. Biol. Med. 163:107140. doi: 10.1016/j.compbiomed.2023.107140
Bonilauri, A., Sangiuliano Intra, F., Rossetto, F., Borgnis, F., Baselli, G., and Baglio, F. (2022). Whole-head functional near-infrared spectroscopy as an ecological monitoring tool for assessing cortical activity in Parkinson’s disease patients at different stages. Int. J. Mol. Sci. 23:14897. doi: 10.3390/ijms232314897
Buard, I., Yang, X., Kaizer, A., Lattanzio, L., Kluger, B., and Enoka, R. M. (2022). Finger dexterity measured by the grooved pegboard test indexes Parkinson’s motor severity in a tremor-independent manner. J. Electromyogr. Kinesiol. 66:102695. doi: 10.1016/j.jelekin.2022.102695
Camacho, M., Wilms, M., Mouches, P., Almgren, H., Souza, R., Camicioli, R., et al. (2023). Explainable classification of Parkinson’s disease using deep learning trained on a large multi-center database of T1-weighted MRI datasets. NeuroImage Clin. 38:103405. doi: 10.1016/j.nicl.2023.103405
Cao, K., Zhang, T., and Huang, J. (2024). Advanced hybrid LSTM-Transformer architecture for real-time multi-task prediction in engineering systems. Sci. Rep. 14:4890. doi: 10.1038/s41598-024-55483-x
Carius, D., Andrä, C., Clauß, M., Ragert, P., Bunk, M., and Mehnert, J. (2016). Hemodynamic response alteration as a function of task complexity and expertise—an fNIRS study in jugglers. Front. Hum. Neurosci. 10:126. doi: 10.3389/fnhum.2016.00126
Castillo-Barnes, D., Ramírez, J., Segovia, F., Martínez-Murcia, F. J., Salas-Gonzalez, D., and Górriz, J. M. (2018). Robust ensemble classification methodology for I123-ioflupane SPECT images and multiple heterogeneous biomarkers in the diagnosis of Parkinson's disease. Front. Neuroinform. 12:53. doi: 10.3389/fninf.2018.00053
Chen, H., Liu, X., Luo, X., Fu, J., Zhou, K., Wang, N., et al. (2024). An automated hybrid approach via deep learning and radiomics focused on the midbrain and substantia nigra to detect early-stage Parkinson’s disease. Front. Aging Neurosci. 16:1397896. doi: 10.3389/fnagi.2024.1397896
Clark, D. J., Rose, D. K., Ring, S. A., and Porges, E. C. (2014). Utilization of central nervous system resources for preparation and performance of complex walking tasks in older adults. Front. Aging Neurosci. 6:217. doi: 10.3389/fnagi.2014.00217
Delfan, N., Shahsavari, M., Hussain, S., Damaševičius, R., and Acharya, U. R. (2024). A hybrid deep spatiotemporal attention-based model for Parkinson's disease diagnosis using resting state EEG signals. Int. J. Imaging Syst. Technol. 34:e23120. doi: 10.1002/ima.23120
Dentamaro, V., Impedovo, D., Musti, L., Pirlo, G., and Taurisano, P. (2024). Enhancing early Parkinson’s disease detection through multimodal deep learning and explainable AI: insights from the PPMI database. Sci. Rep. 14:20941. doi: 10.1038/s41598-024-70165-4
Devlin, J., Chang, M.-W., Lee, K., and Toutanova, K. (2019). BERT: pre-training of deep bidirectional Transformers for language understanding. Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers) 4171–4186.
Dirkx, M. F., Shine, J. M., and Helmich, R. C. (2023). Integrative brain states facilitate the expression of Parkinson's tremor. Mov. Disord. 38, 1615–1624. doi: 10.1002/mds.29506
Dorsey, E. R., Elbaz, A., Nichols, E., Abbasi, N., Abd-Allah, F., Abdelalim, A., et al. (2018). Global, regional, and national burden of Parkinson’s disease, 1990–2016: a systematic analysis for the Global Burden of Disease Study 2016. Lancet Neurol. 17, 939–953. doi: 10.1016/S1474-4422(18)30295-3
Dosovitskiy, A., Beyer, L., Kolesnikov, A., Weissenborn, D., Zhai, X., Unterthiner, T., et al. (2020). An image is worth 16×16 words: Transformers for image recognition at scale. arXiv. Available online at: https://doi.org/10.48550/arXiv.2010.11929. [Epub ahead of preprint]
Ehlis, A.-C., Schneider, S., Dresler, T., and Fallgatter, A. J. (2014). Application of functional near-infrared spectroscopy in psychiatry. NeuroImage 85, 478–488. doi: 10.1016/j.neuroimage.2013.03.067
Eken, A., Nassehi, F., and Eroğul, O. (2024). Diagnostic machine learning applications on clinical populations using functional near infrared spectroscopy: a review. Rev. Neurosci. 35, 421–449. doi: 10.1515/revneuro-2023-0117
Fahn, S. (1987). “Unified Parkinson’s disease rating scale” in Recent developments in Parkinson’s disease (Florham Park: Macmillan Health Care Information), 153–163.
Fawcett, T. (2006). An introduction to ROC analysis. Pattern Recogn. Lett. 27, 861–874. doi: 10.1016/j.patrec.2005.10.010
Ferrari, M., and Quaresima, V. (2012). A brief review on the history of human functional near-infrared spectroscopy (fNIRS) development and fields of application. NeuroImage 63, 921–935. doi: 10.1016/j.neuroimage.2012.03.049
Fishburn, F. A., Ludlum, R. S., Vaidya, C. J., and Medvedev, A. V. (2019). Temporal derivative distribution repair (TDDR): a motion correction method for fNIRS. NeuroImage 184, 171–179. doi: 10.1016/j.neuroimage.2018.09.025
Frasca, M., Torre, D. L., Pravettoni, G., and Cutica, I. (2025). Combining convolution neural networks with long-short term memory layers to predict Parkinson's disease progression. Int. Trans. Oper. Res. 32, 2159–2188. doi: 10.1111/itor.13469
Fu, J., Chen, H., Xu, C., Jia, Z., Lu, Q., Zhang, H., et al. (2025). Harnessing routine MRI for the early screening of Parkinson’s disease: a multicenter machine learning study using T2-weighted flair imaging. Insights Imaging 16:92. doi: 10.1186/s13244-025-01961-3
Galna, B., Lord, S., Burn, D. J., and Rochester, L. (2015). Progression of gait dysfunction in incident Parkinson's disease: impact of medication and phenotype. Mov. Disord. 30, 359–367. doi: 10.1002/mds.26110
Germani, E., Bhagwat, N., Dugré, M., Gau, R., Montillo, A. A., Nguyen, K. P., et al. (2025). Predicting Parkinson’s disease trajectory using clinical and functional MRI features: a reproduction and replication study. PLoS One 20:e0317566. doi: 10.1371/journal.pone.0317566
Goetz, C. G., Tilley, B. C., Shaftman, S. R., Stebbins, G. T., Fahn, S., Martinez-Martin, P., et al. (2008). Movement Disorder Society-sponsored revision of the Unified Parkinson's Disease Rating Scale (MDS-UPDRS): scale presentation and clinimetric testing results. Mov. Disord. 23, 2129–2170. doi: 10.1002/mds.22340
Gramigna, V., Pellegrino, G., Cerasa, A., Cutini, S., Vasta, R., Olivadese, G., et al. (2017). Near-infrared spectroscopy in gait disorders: is it time to begin? Neurorehabil. Neural Repair 31, 402–412. doi: 10.1177/1545968317693304
Guevara, E., Kolosovas-Machuca, E. S., and Rodríguez-Leyva, I. (2024a). Exploring motor cortex functional connectivity in Parkinson's disease using fNIRS. Brain Organ. Syst. Neurosci. J. 2, 23–30. doi: 10.1016/j.bosn.2024.04.001
Guevara, E., Solana-Lavalle, G., and Rosas-Romero, R. (2024b). Integrating fNIRS and machine learning: shedding light on Parkinson's disease detection. EXCLI J. 23, 763–771. doi: 10.17179/excli2024-7151
Hastie, T., Tibshirani, R., Friedman, J., and Franklin, J. (2005). The elements of statistical learning: data mining, inference and prediction. Math. Intell. 27, 83–85. doi: 10.1007/BF02985802
Herz, D. M., Meder, D., Camilleri, J. A., Eickhoff, S. B., and Siebner, H. R. (2021). Brain motor network changes in Parkinson's disease: evidence from meta-analytic modeling. Mov. Disord. 36, 1180–1190. doi: 10.1002/mds.28468
Hochreiter, S., and Schmidhuber, J. (1997). Long short-term memory. Neural Comput. 9, 1735–1780. doi: 10.1162/neco.1997.9.8.1735
Hoehn, M. M., and Yahr, M. D. (1967). Parkinsonism: onset, progression, and mortality. Neurology 17:427. doi: 10.1212/wnl.17.5.427
Holzinger, A., Biemann, C., Pattichis, C. S., and Kell, D. B. (2017). What do we need to build explainable AI systems for the medical domain? arXiv. Available online at: https://doi.org/10.48550/arXiv.1712.09923. [Epub ahead of preprint]
Hong, K.-S., and Santosa, H. (2016). Decoding four different sound-categories in the auditory cortex using functional near-infrared spectroscopy. Hear. Res. 333, 157–166. doi: 10.1016/j.heares.2016.01.009
Huang, W., and Li, J. (2024). Enhancing fNIRS data analysis with a novel motion artifact detection algorithm and improved correction. Biomed. Signal Process. Control. 95:106496. doi: 10.1016/j.bspc.2024.106496
Hui, P., Jiang, Y., Wang, J., Wang, C., Li, Y., Fang, B., et al. (2024). Exploring the application and challenges of fNIRS technology in early detection of Parkinson’s disease. Front. Aging Neurosci. 16:1354147. doi: 10.3389/fnagi.2024.1354147
Huppert, T. J., Hoge, R. D., Diamond, S. G., Franceschini, M. A., and Boas, D. A. (2006). A temporal comparison of bold, ASL, and NIRS hemodynamic responses to motor stimuli in adult humans. NeuroImage 29, 368–382. doi: 10.1016/j.neuroimage.2005.08.065
Jha, K., Doshi, A., Patel, P., and Shah, M. (2019). A comprehensive review on automation in agriculture using artificial intelligence. Artif. Intell. Agric. 2, 1–12. doi: 10.1016/j.aiia.2019.05.004
Jibon, F. A., Tasbir, A., Talukder, M. A., Uddin, M. A., Rabbi, F., Uddin, M. S., et al. (2024). Parkinson's disease detection from EEG signal employing autoencoder and RBFNN-based hybrid deep learning framework utilizing power spectral density. Digit. Health. 10:20552076241297355. doi: 10.1177/20552076241297355
Kalia, L. V., and Lang, A. E. (2015). Parkinson's disease. Lancet 386, 896–912. doi: 10.1016/S0140-6736(14)61393-3
Karan, B., and Sahu, S. S. (2021). An improved framework for Parkinson’s disease prediction using variational mode decomposition-Hilbert spectrum of speech signal. Biocybern. Biomed. Eng. 41, 717–732. doi: 10.1016/j.bbe.2021.04.014
Khan, H., Noori, F. M., Yazidi, A., Uddin, M. Z., Khan, M. A., and Mirtaheri, P. (2021). Classification of individual finger movements from right hand using fNIRS signals. Sensors 21:7943. doi: 10.3390/s21237943
Klein, F. (2024). Optimizing spatial specificity and signal quality in fNIRS: an overview of potential challenges and possible options for improving the reliability of real-time applications. Front. Neuroergon. 5:1286586. doi: 10.3389/fnrgo.2024.1286586
Koechlin, E. (2011). Frontal pole function: what is specifically human? Trends Cogn. Sci. 15:241. doi: 10.1016/j.tics.2011.04.005
Laansma, M. A., Bright, J. K., Al-Bachari, S., Anderson, T. J., Ard, T., Assogna, F., et al. (2021). International multicenter analysis of brain structure across clinical stages of Parkinson's disease. Mov. Disord. 36, 2583–2594. doi: 10.1002/mds.28706
Lacerenza, M., Spinelli, L., Buttafava, M., Dalla Mora, A., Zappa, F., Pifferi, A., et al. (2021). Monitoring the motor cortex hemodynamic response function in freely moving walking subjects: a time-domain fNIRS pilot study. Neurophotonics. 8:015006. doi: 10.1117/1.NPh.8.1.015006
Lamba, R., Gulati, T., Alharbi, H. F., and Jain, A. (2022). A hybrid system for Parkinson’s disease diagnosis using machine learning techniques. Int. J. Speech Technol. 25, 583–593. doi: 10.1007/s10772-021-09837-9
Lei, V. L. C., Leong, T. I., Leong, C. T., Liu, L., Choi, C. U., Sereno, M. I., et al. (2024). Phase-encoded fMRI tracks down brainstorms of natural language processing with subsecond precision. Hum. Brain Mapp. 45:e26617. doi: 10.1002/hbm.26617
Li, W., Rao, Q., Dong, S., Zhu, M., Yang, Z., Huang, X., et al. (2025). PIDGN: an explainable multimodal deep learning framework for early prediction of Parkinson's disease. J. Neurosci. Methods 415:110363. doi: 10.1016/j.jneumeth.2025.110363
Li, Y., Zhang, X., and Ming, D. (2023). Early-stage fusion of EEG and fNIRS improves classification of motor imagery. Front. Neurosci. 16:1062889. doi: 10.3389/fnins.2022.1062889
Li, X., Zhang, Y., and Zhao, Q. (2023). Editorial: Deep learning in neuroimaging-based neurological disease analysis. Front. Neuroimaging 2:1127719. doi: 10.3389/fnimg.2023.1127719
Li, X., Zhou, Y., Dvornek, N., Zhang, M., Gao, S., Zhuang, J., et al. (2021). BrainGNN: interpretable brain graph neural network for fMRI analysis. Med. Image Anal. 74:102233. doi: 10.1016/j.media.2021.102233
Lipton, Z. C., Kale, D. C., Elkan, C., and Wetzel, R. (2015). Learning to diagnose with LSTM recurrent neural networks. arXiv. Available online at: https://doi.org/10.48550/arXiv.1511.03677. [Epub ahead of preprint]
Loh, H. W., Ooi, C. P., Palmer, E., Barua, P. D., Dogan, S., Tuncer, T., et al. (2021). GaborPDNet: Gabor transformation and deep neural network for Parkinson’s disease detection using EEG signals. Electronics 10:1740. doi: 10.3390/electronics10141740
Lu, J., Zhang, X., Wang, Y., Cheng, Y., Shu, Z., Wang, J., et al. (2023). An fNIRS-based dynamic functional connectivity analysis method to signify functional neurodegeneration of Parkinson’s disease. IEEE Trans. Neural Syst. Rehabil. Eng. 31, 1199–1207. doi: 10.1109/TNSRE.2023.3242263
Machado, A., Cai, Z., Vincent, T., Pellegrino, G., Lina, J., Kobayashi, E., et al. (2021). Deconvolution of hemodynamic responses along the cortical surface using personalized functional near infrared spectroscopy. Sci. Rep. 11:5964. doi: 10.1038/s41598-021-85386-0
Maidan, I., Nieuwhof, F., Bernad-Elazari, H., Reelick, M. F., Bloem, B. R., Giladi, N., et al. (2016). The role of the frontal lobe in complex walking among patients with Parkinson’s disease and healthy older adults: an fNIRS study. Neurorehabil. Neural Repair 30, 963–971. doi: 10.1177/1545968316650426
Marek, K., Jennings, D., Lasch, S., Siderowf, A., Tanner, C., Simuni, T., et al. (2011). The Parkinson progression marker initiative (PPMI). Prog. Neurobiol. 95, 629–635. doi: 10.1016/j.pneurobio.2011.09.005
Marras, C., Beck, J., Bower, J., Roberts, E., Ritz, B., Ross, G., et al. (2018). Prevalence of Parkinson’s disease across North America. npj Parkinsons Dis. 4:21. doi: 10.1038/s41531-018-0058-0
Martínez-Martín, P., Gil-Nagel, A., Gracia, L. M., Gómez, J. B., Martinez-Sarries, J., Bermejo, F., et al. (1994). Unified Parkinson's disease rating scale characteristics and structure. Mov. Disord. 9, 76–83. doi: 10.1002/mds.870090112
Michel, C. M., and Murray, M. M. (2012). Towards the utilization of EEG as a brain imaging tool. NeuroImage 61, 371–385. doi: 10.1016/j.neuroimage.2011.12.039
Miotto, R., Wang, F., Wang, S., Jiang, X., and Dudley, J. T. (2018). Deep learning for healthcare: review, opportunities and challenges. Brief. Bioinform. 19, 1236–1246. doi: 10.1093/bib/bbx044
Mughal, N. E., Khan, M. J., Khalil, K., Javed, K., Sajid, H., Naseer, N., et al. (2022). EEG-fNIRS-based hybrid image construction and classification using CNN-LSTM. Front. Neurorobot. 16:873239. doi: 10.3389/fnbot.2022.873239
Nieuwhof, F., Reelick, M. F., Maidan, I., Mirelman, A., Hausdorff, J. M., Olde Rikkert, M. G., et al. (2016). Measuring prefrontal cortical activity during dual task walking in patients with Parkinson’s disease: feasibility of using a new portable fNIRS device. Pilot Feasibility Stud. 2:59. doi: 10.1186/s40814-016-0099-2
Nilashi, M., Ibrahim, O., Ahmadi, H., and Shahmoradi, L. (2017). A knowledge-based system for breast cancer classification using fuzzy logic method. Telemat. Inform. 34, 133–144. doi: 10.1016/j.tele.2017.01.007
Pandey, P. V. K., Sahu, S. S., Karan, B., and Mishra, S. K. (2024). Parkinson disease prediction using CNN-LSTM model from voice signal. SN Comput. Sci. 5:381. doi: 10.1007/s42979-024-02728-1
Park, S.-Y., and Schott, N. (2022). The immediate and sustained effects of exercise-induced hemodynamic response on executive function during fine motor-cognitive tasks using functional near-infrared spectroscopy. J. Integr. Neurosci. 21:98. doi: 10.31083/j.jin2103098
Parnetti, L., Gaetani, L., Eusebi, P., Paciotti, S., Hansson, O., El-Agnaf, O., et al. (2019). Csf and blood biomarkers for Parkinson's disease. Lancet Neurol. 18, 573–586. doi: 10.1016/S1474-4422(19)30024-9
Pinti, P., Tachtsidis, I., Hamilton, A., Hirsch, J., Aichelburg, C., Gilbert, S., et al. (2020). The present and future use of functional near-infrared spectroscopy (fNIRS) for cognitive neuroscience. Ann. N. Y. Acad. Sci. 1464, 5–29. doi: 10.1111/nyas.13948
Poldrack, R. A., Baker, C. I., Durnez, J., Gorgolewski, K. J., Matthews, P. M., Munafò, M. R., et al. (2017). Scanning the horizon: towards transparent and reproducible neuroimaging research. Nat. Rev. Neurosci. 18, 115–126. doi: 10.1038/nrn.2016.167
Pollonini, L., Olds, C., Abaya, H., Bortfeld, H., Beauchamp, M. S., and Oghalai, J. S. (2014). Auditory cortex activation to natural speech and simulated cochlear implant speech measured with functional near-infrared spectroscopy. Hear. Res. 309, 84–93. doi: 10.1016/j.heares.2013.11.007
Postuma, R. B., Berg, D., Stern, M., Poewe, W., Olanow, C. W., Oertel, W., et al. (2015). MDS clinical diagnostic criteria for Parkinson's disease. Mov. Disord. 30, 1591–1601. doi: 10.1002/mds.26424
Proud, E. L., Miller, K. J., Bilney, B., Morris, M. E., and McGinley, J. L. (2020). Construct validity of the 9-hole peg test and Purdue Pegboard test in people with mild to moderately severe Parkinson’s disease. Physiotherapy 107, 202–208. doi: 10.1016/j.physio.2019.12.002
Qiu, L., Li, J., and Pan, J. (2022). Parkinson’s disease detection based on multi-pattern analysis and multi-scale convolutional neural networks. Front. Neurosci. 16:957181. doi: 10.3389/fnins.2022.957181
Rehman, A., Saba, T., Mujahid, M., Alamri, F. S., and ElHakim, N. (2023). Parkinson’s disease detection using hybrid LSTM-GRU deep learning model. Electronics 12:2856. doi: 10.3390/electronics12132856
Rizzo, G., Copetti, M., Arcuti, S., Martino, D., Fontana, A., and Logroscino, G. (2016). Accuracy of clinical diagnosis of Parkinson disease: a systematic review and meta-analysis. Neurology 86, 566–576. doi: 10.1212/WNL.0000000000002350
Sahota, A., Roguski, A., Jones, M. W., Rolinski, M., Whone, A., Santos-Rodriguez, R., et al. (2024). “Interpretable classification of early stage Parkinson’s disease from EEG” in AI for health equity and fairness: leveraging AI to address social determinants of health (Cham: Springer), 219–231.
Sappia, M. S., Hakimi, N., Colier, W. N., and Horschig, J. M. (2020). Signal quality index: an algorithm for quantitative assessment of functional near infrared spectroscopy signal quality. Biomed. Opt. Express 11, 6732–6754. doi: 10.1364/BOE.409317
Scholkmann, F., Kleiser, S., Metz, A. J., Zimmermann, R., Pavia, J. M., Wolf, U., et al. (2014). A review on continuous wave functional near-infrared spectroscopy and imaging instrumentation and methodology. NeuroImage 85, 6–27. doi: 10.1016/j.neuroimage.2013.05.004
Senturk, Z. K. (2020). Early diagnosis of Parkinson’s disease using machine learning algorithms. Med. Hypotheses 138:109603. doi: 10.1016/j.mehy.2020.109603
Shi, D., Zhang, H., Wang, G., Wang, S., Yao, X., Li, Y., et al. (2022). Machine learning for detecting Parkinson’s disease by resting-state functional magnetic resonance imaging: a multicenter radiomics analysis. Front. Aging Neurosci. 14:806828. doi: 10.3389/fnagi.2022.806828
Shibu, C. J., Sreedharan, S., Arun, K., Kesavadas, C., and Sitaram, R. (2023). Explainable artificial intelligence model to predict brain states from fNIRS signals. Front. Hum. Neurosci. 16:1029784. doi: 10.3389/fnhum.2022.1029784
Shu, Z., Wang, J., Cheng, Y., Lu, J., Lin, J., Wang, Y., et al. (2024). fNIRS-based graph frequency analysis to identify mild cognitive impairment in Parkinson’s disease. J. Neurosci. Methods 402:110031. doi: 10.1016/j.jneumeth.2023.110031
Steidel, K., Ruppert, M. C., Greuel, A., Tahmasian, M., Maier, F., Hammes, J., et al. (2022). Longitudinal trimodal imaging of midbrain-associated network degeneration in Parkinson’s disease. npj Parkinsons Dis. 8:79. doi: 10.1038/s41531-022-00341-8
Stuart, S., Belluscio, V., Quinn, J. F., and Mancini, M. (2019). Pre-frontal cortical activity during walking and turning is reliable and differentiates across young, older adults and people with Parkinson's disease. Front. Neurol. 10:536. doi: 10.3389/fneur.2019.00536
Sugden, R. J., and Diamandis, P. (2023). Generalizable electroencephalographic classification of Parkinson's disease using deep learning. Inform. Med. Unlocked 42:101352. doi: 10.1016/j.imu.2023.101352
Tolosa, E., Garrido, A., Scholz, S. W., and Poewe, W. (2021). Challenges in the diagnosis of Parkinson's disease. Lancet Neurol. 20, 385–397. doi: 10.1016/S1474-4422(21)00030-2
Tortora, S., Ghidoni, S., Chisari, C., Micera, S., and Artoni, F. (2020). Deep learning-based BCI for gait decoding from EEG with LSTM recurrent neural network. J. Neural Eng. 17:046011. doi: 10.1088/1741-2552/ab9842
Tuncer, T., Tasci, I., Tasci, B., Hajiyeva, R., Tuncer, I., and Dogan, S. (2025). TPat: transition pattern feature extraction based Parkinson’s disorder detection using fNIRS signals. Appl. Acoust. 228:110307. doi: 10.1016/j.apacoust.2024.110307
van der Maaten, L., and Hinton, G. (2008). Visualizing data using t-SNE. J. Mach. Learn. Res. 9, 2579–2605. Available online at: https://www.jmlr.org/papers/volume9/vandermaaten08a/vandermaaten08a.pdf
Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A. N., et al. (2017). Attention is all you need. Advances in Neural Information Processing Systems 30 (NIPS 2017)
Vitorio, R., Stuart, S., Rochester, L., Alcock, L., and Pantall, A. (2017). Fnirs response during walking—artefact or cortical activity? A systematic review. Neurosci. Biobehav. Rev. 83, 160–172. doi: 10.1016/j.neubiorev.2017.10.002
Vyas, T., Yadav, R., Solanki, C., Darji, R., Desai, S., and Tanwar, S. (2022). Deep learning-based scheme to diagnose Parkinson's disease. Expert. Syst. 39:e12739. doi: 10.1111/exsy.12739
Wan, Z., Li, M., Liu, S., Huang, J., Tan, H., and Duan, W. (2023). EEGformer: a Transformer-based brain activity classification method using EEG signal. Front. Neurosci. 17:1148855. doi: 10.3389/fnins.2023.1148855
Wang, J., Lu, J., Wang, Y., Shu, Z., Cheng, Y., Zhang, X., et al. (2024). Decrease in walking ability with increased functional connectivity between multiple brain areas in Parkinson’s disease: a functional near-infrared spectroscopy study. Front. Aging Neurosci. 16:1454598. doi: 10.3389/fnagi.2024.1454598
Weiller, C., May, A., Sach, M., Buhmann, C., and Rijntjes, M. (2006). Role of functional imaging in neurological disorders. J. Magn. Reson. Imaging 23, 840–850. doi: 10.1002/jmri.20591
Welton, T., Hartono, S., Lee, W., Teh, P. Y., Hou, W., Chen, R. C., et al. (2024). Classification of Parkinson’s disease by deep learning on midbrain MRI. Front. Aging Neurosci. 16:1425095. doi: 10.3389/fnagi.2024.1425095
Wickramaratne, S. D., and Mahmud, M. S. (2020). A ternary bi-directional lstm classification for brain activation pattern recognition using fNIRS. 2020 5th International Conference on Intelligent Informatics and Biomedical Sciences (ICIIBMS). 202–207.
Wilken, M., Andres, D. S., Bianchi, G., Hallett, M., and Merello, M. (2024). Persistence of basal ganglia oscillatory activity during tremor attenuation by movement in Parkinson's disease patients. Mov. Disord. 39, 768–777. doi: 10.1002/mds.29679
Wilkes, B. J., Tobin, E. R., Arpin, D. J., Wang, W.-e., Okun, M. S., Jaffee, M. S., et al. (2023). Distinct cortical and subcortical predictors of Purdue Pegboard decline in Parkinson’s disease and atypical parkinsonism. npj Parkinsons Dis. 9:85. doi: 10.1038/s41531-023-00521-0
Wu, T., and Hallett, M. (2013). The cerebellum in Parkinson’s disease. Brain 136, 696–709. doi: 10.1093/brain/aws360
Yang, W., Hamilton, J. L., Kopil, C., Beck, J. C., Tanner, C. M., Albin, R. L., et al. (2020). Current and projected future economic burden of Parkinson’s disease in the US. npj Parkinsons Dis. 6:15. doi: 10.1038/s41531-020-0117-1
Yang, P., Wang, J., Wang, T., Li, L., Xu, D., and Xi, X. (2025). Motion artifact removal in functional near-infrared spectroscopy based on long short-term memory-autoencoder model. Eur. J. Neurosci. 61:e16679. doi: 10.1111/ejn.16679
Ye, J. C., Tak, S., Jang, K. E., Jung, J., and Jang, J. (2009). NIRS-SPM: statistical parametric mapping for near-infrared spectroscopy. NeuroImage 44, 428–447. doi: 10.1016/j.neuroimage.2008.08.036
Zhang, Z.-X., Roman, G. C., Hong, Z., Wu, C.-B., Qu, Q.-M., Huang, J.-B., et al. (2005). Parkinson's disease in China: prevalence in Beijing, Xian, and Shanghai. Lancet 365, 595–597. doi: 10.1016/S0140-6736(05)17909-4
Keywords: Parkinson’s disease, functional near-infrared spectroscopy, deep learning, Transformer, LSTM
Citation: Wang H, Wang H, Qie S, Wang C, Li N and Wang H (2025) Attention-based Transformer-LSTM architecture for early diagnosis and staging of early-stage Parkinson’s disease using fNIRS data. Front. Aging Neurosci. 17:1677722. doi: 10.3389/fnagi.2025.1677722
Edited by:
Ramesh Kandimalla, Indian Institute of Chemical Technology (CSIR), IndiaReviewed by:
Niloufar Delfan, University of Tehran, IranSaif Al-jumaili, Altınbaş University, Türkiye
Copyright © 2025 Wang, Wang, Qie, Wang, Li and Wang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.
*Correspondence: Hanming Wang, d2FuZ2hhbm1pbmc2NjZAMTYzLmNvbQ==
†These authors have contributed equally to this work