Next Article in Journal
Electroacupuncture Attenuates Fibromyalgia Pain Through Increased PD-1 Expression in Female Mice
Previous Article in Journal
The Association Between Schizophrenia and Cardiovascular Diseases: A Retrospective Cohort Study of Primary Care Routine Data in Germany
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Brain Connectivity Estimation Network for the Identification of Dementia

1
School of Computer Information Engineering, Changzhou Institute of Technology, No. 666, Liaohe Road, Changzhou 213022, China
2
School of Information Science and Engineering, Southeast University, Nanjing 210096, China
*
Author to whom correspondence should be addressed.
Brain Sci. 2025, 15(9), 975; https://doi.org/10.3390/brainsci15090975
Submission received: 18 July 2025 / Revised: 31 August 2025 / Accepted: 4 September 2025 / Published: 10 September 2025

Abstract

Objectives: The brain network serves as a reliable tool for diagnosing neurological disorders. However, the current modeling algorithms for brain networks often rely on several assumptions regarding the interactions between brain regions, which can be inaccurate. For instance, some studies assume linear relationships among brain regions. Additionally, some research suggests that certain brain regions do not significantly influence outcomes when assessing directional influence between paired regions. Methods: To address this issue, we introduced a novel method for modeling brain connectivity structures that estimates interactions among regions from a different perspective. More importantly, this method considers all the relevant brain regions during evaluation rather than isolating individual relationships. Results: To validate its effectiveness, we conducted extensive experiments using publicly available datasets. The proposed method achieved superior performance across all tasks. Conclusions: The results demonstrate that our method not only excels in identifying various brain disorders but also uncovers new biomarkers, providing fresh insights into neurological disorder research.

1. Introduction

Alzheimer’s Disease (AD) affects millions of people worldwide and has emerged as a significant public health concern [1,2]. Despite extensive research efforts, an effective clinical treatment for AD remains elusive. Mild cognitive impairment (MCI) serves as a transitional stage between the normal cognitive decline associated with aging and the more severe decline observed in dementia. Numerous studies indicate that individuals with MCI are at an increased risk of developing AD, with over half likely to progress to AD within five years [3,4]. Clinical trials have shown that early interventions, such as medication and cognitive exercises, can moderately delay the progression of MCI, thereby reducing the risk of developing AD [5]. Consequently, accurately diagnosing MCI has attracted considerable attention and has become a central focus of academic research in recent years. However, differentiating MCI from normal aging poses challenges due to their subtle distinctions [6].
Functional magnetic resonance imaging (fMRI) is a non-invasive technique that has demonstrated significant potential in diagnosing neuropsychiatric disorders, providing robust support for the detailed analysis of brain activity [7]. Research indicates that functional brain networks can capture the temporal correlations between different brain regions, aiding in the identification of areas closely associated with functional impairments resulting from neurological conditions [8,9]. In the analysis of brain imaging, several modeling approaches for brain networks have been introduced, which can be categorized into three types: Pearson correlation (PC) brain networks [10], high-order brain networks [11], and sparse brain networks [12]. Specifically, PC-based methods, which are widely employed to estimate functional brain networks, assess the interaction strength between brain regions by calculating the correlation of Blood Oxygenation Level-Dependent (BOLD) signals. However, PC-constructed brain networks often exhibit high density, complicating the accurate identification of disease-relevant connections [13]. As an advancement over PC methods, high-order brain networks also tend to generate dense graph structures. In contrast, sparse brain network methods can more effectively highlight strongly correlated interaction patterns by excluding weakly correlated connections. Studies have demonstrated that sparse brain networks are more efficient in identifying brain disorders [14,15].
However, it is essential to recognize that the aforementioned methods are limited to defining interactions between brain regions solely through correlation. A significant drawback of these approaches is their inability to ascertain the directional influence between brain areas. Given the brain’s exceptional complexity as a neural system, the internal transfer of information heavily depends on neuronal activity and connectivity patterns [16]. This highlights the necessity for a brain network modeling framework that incorporates directional factors to accurately represent interaction patterns among brain regions. Considering the importance of directional influence in understanding brain organization, many directionality-based methods are receiving increasing attention from researchers in brain network modeling as they facilitate the clear identification of directional influences between brain regions. Advances in this field have led to the development and application of various directionality-based algorithms, with Granger causality (GC) being a prominent example [17].
To address the limitations of the current dementia recognition methods, we present a novel framework that we named the Brain Connectivity Estimation Network (BCEN) to estimate the directional influences among various brain regions, as illustrated in Figure 1. Furthermore, to improve recognition accuracy for brain disorders, we have integrated a widely used graph pooling layer to develop hierarchical representations of brain networks. Tests conducted on the Alzheimer’s Disease Neuroimaging Initiative (ADNI) database demonstrate that our method surpasses existing techniques. In conclusion, our framework offers several significant advantages:
  • The proposed BCEN is a flexible approach for inferring directional influences between brain regions.
  • The employed graph pooling layer effectively captures critical substructures and helps to enhance the identification performance of neurological disorders.
  • The estimated brain network generated by our method exhibits nonlinear interactions between brain regions, surpassing traditional linear approaches.
The layout of this paper is organized as follows: Initially, in Section 2, we examine the most relevant techniques associated with this research. Subsequently, Section 3 outlines the method for estimating brain networks and the guidelines for updating the graph pooling layer. Then, Section 4 describes the materials and procedures involved in training the model. Section 5 and Section 6 present the experimental results and conclusions of our study. Lastly, Section 8 summarizes the research findings.

2. Related Work

In this section, we begin by outlining the latest developments in estimating brain networks in Section 2.1. Subsequently, we examine the advancements achieved by graph neural networks (GNNs) in identifying neurological disorders in Section 2.2.

2.1. Causality for Brain Network Estimation

Granger causality and its modified versions are powerful tools for identifying directional influences between variables [18]. The fundamental assumption is that, if historical data from one time series, X, improves the prediction of future values in another series, Y, then X is considered the Granger cause of Y. Over the decades, numerous researchers have utilized Granger causality and its derivatives to investigate interactions between brain regions, leading to significant findings. For example, Su and colleagues developed an advanced nonlinear Granger causality method to map brain networks [19]. Their research revealed that patients with amnesic mild cognitive impairment exhibited significant declines in global efficiency and average clustering coefficients of their brain networks compared to healthy subjects. Yi et al. employed a novel approach known as nonparametric Granger causality to evaluate time-evolving directional influences between brain regions [20]. They identified distinct brain activity patterns between individuals with left and right hemiplegia.
In addition to GC, several alternative methods are employed to infer effective connectivity between brain regions. Partial Directed Coherence (PDC) is a frequency-domain Granger-causality-based approach that evaluates directional influences among multivariate time series by extending the concept of partial coherence [21]. Similarly, the Directed Transfer Function (DTF) quantifies the directional influences between brain regions in the frequency domain, utilizing a normalized version of the multivariate autoregressive (MVAR) model coefficients to enhance interpretability [22]. Transfer Entropy (TE), an information-theoretic measure, assesses the directed transfer of information between two time series by quantifying how knowledge of past states in one system reduces uncertainty about future states in another, making it particularly suitable for capturing nonlinear interactions [23]. Dynamic Causal Modeling (DCM) employs a Bayesian framework to infer effective connectivity by explicitly modeling how neural activity in one region causally influences another under experimentally controlled conditions, providing mechanistic insights into neural dynamics [24]. Finally, Dynamic Bayesian Networks (DBNs) extend static Bayesian networks to model time-varying probabilistic dependencies between brain regions, incorporating hidden Markov models (HMMs) or state-space models to capture dynamic connectivity changes across brain regions [25].
However, when inferring directional influences between brain regions, the aforementioned methods generally rely on implicit assumptions about the input data, which may limit their applicability and the reliability of the results. For instance, models such as PDC, DTF, and DCM are all based on linear system theory, implicitly assuming that the input time-series data satisfy conditions such as stationarity and linear additivity. If the actual data do not meet these assumptions, systematic biases may arise, leading to erroneous identification of spurious connections. In particular, DCM’s methodology centers on characterizing the causal mechanisms of neural activity through generative models (such as neural mass models). This process not only requires the pre-specification of precise neural dynamic equations but also demands a deep understanding of the biophysical significance of model parameters. Consequently, this imposes high demands on researchers’ prior knowledge and model tuning experience, potentially limiting its general applicability in exploring neural phenomena. To address these challenges, we have developed a novel generative adversarial network (GAN) designed to estimate directional influences among brain regions. This network incorporates all relevant factors for a comprehensive analysis.

2.2. Graph Neural Network for Brain Disorder Identification

Brain networks depict the interplay among different brain regions in the form of graphs, forming a highly interconnected system. Given the substantial benefits of graph neural networks (GNNs) in handling reasoning tasks involving graph-based data, various GNN models have been devised and utilized in identifying neurological diseases. In particular, Zhang and colleagues designed an innovative GNN to improve the performance of traditional recognition frameworks by integrating additional clinical data [26]. This model achieved outstanding classification results on public datasets. Zheng et al. introduced an interpretable GNN model for identifying neurological disorders, demonstrating exceptional performance on both simulated and real-world datasets [27].
Several studies have demonstrated that neurological disorders primarily lead to localized disruptions in brain function rather than uniformly affecting the entire brain [11,12,15]. However, the current graph neural network (GNN)-based classification frameworks overlook the significance of these localized effects in their design. Therefore, it is essential to accurately identify the substructures of brain networks that are most closely associated with neurological disorders. To address this limitation, we have integrated graph pooling operations into our framework to obtain hierarchical representations of brain networks, thereby improving the recognition accuracy of subsequent tasks.

3. Methodology

In this section, we first introduce the approach for estimating brain networks in Section 3.1. Subsequently, we explain the updating mechanism for learning hierarchical graph representations in Section 3.2.

3.1. Brain Structure Inference

As mentioned in Section 2.1, the traditional algorithm imposes many constraints on the input time-series data when analyzing directional influences among brain regions. To address the limitations of the traditional Granger causality method, we introduce a new Brain Connectivity Estimation Network (BCEN) that can estimate directional influences among all brain regions while concurrently considering all relevant factors.
The specific architecture of BCEN is illustrated in Figure 2, which consists of multiple generative modules that evaluate directional influences among brain regions using time-series data X R t × v . Here, t represents the length of the time points, and v denotes the number of brain regions. In the domain of causal inference, it is widely accepted that causes precede effects. Based on this principle, the directional influence of other brain regions on the i-th brain region can be expressed as follows:
X ^ : , i = σ ( m = 1 , m i v G m , i X : , m )
where the symbol σ ( · ) is a nonlinear function, and G m , i denotes the directional influences of the m-th brain region on the i-th brain region. v equals the number of brain regions.
To assess the directional influences among all brain regions, we have developed an innovative generative network composed of v generative modules. The i-th module, denoted as f i , includes a causal gate G : , i R v , which is designed to retain the directional influences from all other brain regions on the i-th brain region. The generator network, consisting of v modules, facilitates the simultaneous inference of directional influences among all brain regions.
For the i-th generative module, we can obtain the estimated BOLD signal for the i-th brain region, denoted as X ^ : , i . A synthetic sample, X ˜ i , is generated by replacing the actual BOLD signal of a specific brain region, X : , i , with its predicted signal, X ^ : , i . Since the generator network comprises v generative modules, each individual can produce v synthetic samples through one-to-one substitution, specifically X ˜ 1 , X ˜ 2 , , X ˜ v .
To enhance the realism of the predicted Blood Oxygenation Level-Dependent (BOLD) signals, denoted as X ^ , in comparison to the actual signals, represented as X , we integrated a discriminative network. This approach guarantees that, even after extensive training, the model is unable to consistently differentiate between synthetic and authentic samples. The loss function of the BCEN can be formulated as follows:
G l o s s = | | X ^ X | | 2 2 + 1 v i = 1 v C : , i D l o s s = s = 1 v D K L ( X | | X ˜ i )
where G l o s s is the generator loss, and the introduction of the sum of directional influences C : , i aims to achieve optimal fitting performance while maintaining low complexity. D l o s s denotes the discriminator loss, which is used to minimize the differences in data distribution between the synthetic sample X ˜ i and the real sample X by reducing the Kullback–Leibler divergence.

3.2. Hierarchical Graph Representation Learning

Graph neural networks (GNNs) have garnered significant attention for their exceptional ability to model graph-structured data. Numerous studies indicate that obtaining multi-level representations can enhance the effectiveness of subsequent tasks. Consequently, we introduced a novel GNN called the hierarchical representation graph neural network (HRGNN), which is designed to derive hierarchical representations from brain networks. Figure 1 illustrates the HRGNN architecture, which consists of three graph convolution layers and three graph pooling layers.
The graph convolution operation for the k-th layer is defined as follows:
N k + 1 = σ ( D ˜ 1 2 G ˜ k D ˜ 1 2 N k W k )
where G ˜ k represents the subgraph of the brain network G after k 1 layers, and N k denotes the node feature matrix subsequent to k 1 layers. Both G ˜ k and N k serve as inputs to the k-th graph convolution layer. The function σ ( · ) is a nonlinear activation function. Additionally, D ˜ is the diagonal degree matrix of G ˜ k , and W k is a trainable weight matrix.
The objective of the graph pooling process is to preserve the crucial structure of the graph while reducing its size. In this context, we utilize the widely adopted TopK pooling method to facilitate subsequent operations [28]. The formulation for graph pooling in the k-th layer can be expressed as follows:
i n d e x = TopRank ( N k , p ) G k + 1 = G i n d e x , i n d e x k
where the function TopRank ( · ) returns the indices of the top p nodes according to node importance. G k + 1 is the updated brain network following the k-th graph pooling layer.
Ultimately, the representations of various subgraphs are combined to create a unified representation for diagnosing dementia in patients. The aggregation rule is expressed as follows:
G r = r 1 | | r 2 | | r 3 r i = | | N k | | 1
where r i denotes the k-th subgraph representation, and | | represents the concatenation operation. The notation | | · | | 1 indicates the computation of the L 1 norm on a row-wise basis. The aggregated graph representation G r is subsequently input into a Multi-Layer Perceptron (MLP) layer with a softmax classifier for graph classification. The cross-entropy loss function is employed for training the HRGNN.

4. Experimental Setup

In this section, we first present the demographic information of the dataset used in this study in Section 4.1, followed by the training details of BCEN and HRGCN in Section 4.2.

4.1. Data and Preprocessing

For this study, we utilized resting-state fMRI data from 214 participants obtained from the publicly accessible Alzheimer’s Disease Neuroimaging Initiative (ADNI) database (https://adni.loni.usc.edu, accessed on 31 August 2025). The participants included normal controls (NCs), individuals with early mild cognitive impairment (eMCIs), and those with late mild cognitive impairment (LMCIs). Demographic details are presented in Table 1. All human subjects provided written informed consent after receiving a comprehensive explanation of the study, both in writing and verbally. The research received approval from the ADNI Research Ethics Board (https://adni.loni.usc.edu/data-samples/adni-data/study-cohort-information/, accessed on 31 August 2025).
During the preprocessing of fMRI data, we adhered to standard protocols, which are detailed below. Initially, we removed the first 5 volumes from each participant to minimize noise, retaining 135 volumes for further analysis. The functional images were then aligned to the first image and transformed into Montreal Neurological Institute (MNI) space, with a voxel size of 3 × 3 × 3 mm3. Subsequently, we utilized the Conn Toolbox (https://web.conn-toolbox.org/, accessed on 31 August 2025) for various tasks, including direct segmentation, normalization, linear detrending, and functional smoothing. Ultimately, we extracted time-series data for each brain region from the preprocessed images, using the AAL atlas as a reference.

4.2. Model Training

For the BCEN, each generative module f i is configured as a one-hidden-layer neural network with 100 tanh units. The causal gate C : , i is randomly initialized, except for the self-loop terms C i , i , which are set to 0. The shared discriminator network is designed as a two-hidden-layer neural network with 100 hidden ReLU units. The Adam optimizer, with a learning rate of 0.001, is employed to optimize the model. The generator network is trained for 3000 epochs, while the discriminator network is trained for 1000 epochs.
For the HRGNN, the Adam optimizer is utilized to optimize the network. The learning rate is set to 0.001, and the model is trained for 1000 epochs. The pooling parameter p in Equation (4) is explored within the range of { 0.1 , 0.2 , , 0.9 } . The MLP consists of two fully connected layers, with the number of units in each layer set to 64 and 32, respectively, followed by a softmax classifier.

5. Results

In this section, we provide a comprehensive explanation of the comparison techniques introduced in Section 5.1. Following this, we present the experimental results in Section 5.2. Finally, we conduct an ablation study in Section 5.3 to demonstrate the effectiveness of our proposed approach.

5.1. Comparison Methods

In this paper, we design two neural networks: BCEN and HRGNN, used to advance the traditional framework for recognizing neurological disorders. BCEN is employed to evaluate directional influences among brain regions, thereby enhancing conventional brain network modeling techniques. Conversely, HRGNN represents an improved graph neural network (GNN) that can derive multi-level representations of brain networks, signifying a significant advancement over traditional classifiers.
To evaluate the effectiveness of our proposed brain network modeling algorithm, BCEN, we conducted a comparative analysis against nine widely used brain network modeling algorithms: (1) Pearson correlation (PC) [8], (2) sparse brain network (SBN) [29], (3) low-rank brain network (LRBN) [12], (4) sparse low-rank brain network (SLRBN) [12], (5) Granger causality (GC) [30], (6) multivariate Granger causality (mGC) [17], Partial Directed Coherence (PDC) [21], Directed Transfer Function (DTF) [22], and Transfer Entropy (TE) [23]. The first four methods define interactions between brain regions based on correlation, while the latter two, along with our BCEN, analyze these interactions from the perspective of directionality. In this study, the classifier utilized the weights of brain network edges as features to generate predictive results.
To evaluate the performance of the advanced graph classifier HRGNN in identifying dementia, we compared it with two widely used classifiers: Random Forest (RF) [31] and Support Vector Machine (SVM) [32]. The RF was configured with 500 trees and a maximum depth of 3. For the SVM, we set 200 iterations, employed a linear kernel, and used a regularization coefficient of 1.0. The pooling parameter p for HRGNN was determined to be 40, with the rationale detailed in Section 5.3.
To evaluate the effectiveness of various algorithms in identifying dementia cases, we employ four widely used metrics: accuracy (ACC), sensitivity (SEN), specificity (SPE), and the F1 score. To enhance the reliability of the classification results, we implement a 10-fold cross-validation method.

5.2. Experimental Results

Table 2 presents the recognition performance of all the methods across three classifiers. Additionally, we conducted a two-sample t-test to compare the results generated by the proposed method with those obtained from suboptimal approaches. Statistically significant differences between the two sets of results are indicated by an asterisk (*) placed in the upper right corner of the corresponding values. Our proposed method consistently achieves superior classification accuracy in most scenarios, demonstrating its effectiveness in estimating directional influences among brain regions. Furthermore, two key observations warrant attention. First, among the four correlation-based methods, LRBN often produces the best results, likely due to the integration of prior information [12]. In contrast, SLRBN frequently underperforms, probably because it imposes numerous constraints that lead to an overly sparse estimation of the brain network, thereby excluding valuable features. Second, directionality-based methods generally outperform correlation-based methods, achieving accuracy levels exceeding 80% in many instances. This suggests that directionality-based methods are more adept at estimating interaction relationships among brain regions, potentially due to their ability to eliminate spurious connections [17,33,34].
When comparing the three classifiers, it is evident that our proposed HRGNN model outperforms the traditional classifiers in a variety of scenarios. This advantage arises from two key factors. First, HRGNN is a versatile graph neural network (GNN) with robust feature extraction capabilities. Second, our method effectively extracts hierarchical features from brain regions, further enhancing classification performance. The classification results presented in Table 2 clearly demonstrate the superiority of our framework.

5.3. Ablation Study

It is essential to highlight that the graph pooling operation in the HRGNN model includes a hyperparameter, specifically the pooling parameter p, which significantly impacts the performance of downstream tasks. A high p may retain excessive unnecessary and irrelevant information, while a low p could result in the loss of critical information. To identify the optimal p value, we conducted ablation experiments within the range of [10, 20, 30, 40, 50, 60, 70, 80].
Figure 3 illustrates how recognition performance varies as the value of p is adjusted across three tasks. As depicted in Figure 3, the HRGNN model’s recognition performance exhibits a distinct pattern in these tasks. As p increases from 10 to 40, the model’s performance steadily improves, reaching its peak at p = 40 . However, as p continues to rise beyond this point, performance gradually declines. This indicates that p = 40 represents an optimal balance. When comparing the three trends, we observe that the decline in recognition performance is relatively minor for the task that contrasts normal controls (NCs) with patients experiencing late mild cognitive impairment (LMCIs) when p ranges from 40 to 80. This may be attributed to the significant differences between these two groups. Although very high p values could introduce irrelevant information, the substantial disparities between the groups mitigate the negative impact on subsequent classification.
In summary, the ablation experiments demonstrate the significant impact of varying p values on the recognition performance of the HRGNN model. Specifically, setting p to 40 enables the HRGNN model to retain sufficient information for the subsequent task.

6. Discussion

Most Discriminative Patterns

Figure 4 illustrates the most distinctive connectivity patterns across the three tasks. The Sankey diagram displays the top 10 weighted connections identified by the SVM classifier. Here are three important aspects to consider when interpreting the circos plot. The color of each line in Figure 4 is randomly assigned only for better visualization. From Figure 4, we observe that several brain regions highlighted in the circos plot correspond with previous research findings. For instance, the inferior temporal gyrus [35,36], lenticular nucleus [35,36,37], and amygdala [38,39] have consistently been reported to have strong associations with dementia. Furthermore, our results suggest that Vermis10 may also be closely linked to the development of dementia as abnormalities in its connections were noted across all three tasks.

7. Limitations and Future Work

Although the BCEN model proposed in this study effectively improves diagnostic accuracy for MCI patients and may and can more accurately infer directional influences between brain regions, it still has certain limitations that present opportunities for future research. Specifically, these limitations include the following two points:

7.1. Interpretability of Model Results

While the proposed method, BCEN, demonstrates excellent performance in inferring directional influences between brain regions, its inherent “black-box” nature presents challenges in precisely interpreting how the model reaches specific conclusions. Although this study has provided some interpretability through weight visualization, this approach remains insufficient for fully understanding the model’s decision-making process. Future work will focus on employing more advanced interpretability techniques, such as saliency mapping, layer-wise relevance propagation (LRP), or attention mechanisms, to clearly identify which parts of the input data contribute most significantly to the prediction results. This will enhance both the credibility of the model’s findings and the depth of neuroscientific interpretation.

7.2. External Validation

The findings of this study are based solely on the ADNI dataset, and their generalizability remains to be validated using additional independent populations and datasets. The model’s ability to generalize is crucial for assessing its practical value. Future research will focus on externally validating the model developed in this study using other large-scale public databases (such as AIBL, OASIS, NACC, etc.) to determine whether the findings are applicable across different scanning devices, acquisition protocols, and population samples. Additionally, we will further investigate the correlations between the identified abnormal connections and specific clinical indicators (such as ADAS-Cog and CDR-SB scores), and biomarkers (such as A β and pTau levels). This work will facilitate the transition of the method proposed in this study from an analytical tool to one with potential clinical applications.

8. Conclusions

The existing algorithms employ a pairwise matching technique to estimate directional influences between brain regions. However, this approach often neglects the potential influence of other brain regions on the results. To address this limitation, we propose a novel network model that considers all the relevant brain regions when assessing directional influences. Compared to the existing methods, our approach demonstrates superior performance across various tasks with different classifiers, highlighting its effectiveness. Furthermore, this study validates commonly reported biomarkers and uncovers new ones, such as Vermis10, offering fresh perspectives and insights into related research areas. In the future, we will concentrate on optimizing the proposed network model by integrating multimodal neuroimaging data (e.g., fMRI combined with EEG or DTI) to improve the accuracy of directional influences across brain regions. Additionally, we will systematically evaluate the model’s robustness against noise and individual variability.

Author Contributions

Conceptualization, J.X. and Z.X.; methodology, J.X. and Z.X.; coding, W.Z.; validation, J.X.; investigation, Z.X.; writing—original draft preparation, J.X. and Z.X.; writing—review and editing, J.X. and Z.X.; visualization, W.Z.; supervision, J.X.; project administration, L.Z.; funding acquisition, Z.X. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Science and Technology Plan Project of Changzhou (CJ20220151), Natural Science Foundation of the Jiangsu Higher Education Institutions of China (23KJA520001).

Data Availability Statement

Data available in a publicly accessible repository.

Acknowledgments

Thanks to the anonymous reviewers and editor from the journal.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Better, M.A. Alzheimer’s disease facts and figures. Alzheimers Dement 2023, 19, 1598–1695. [Google Scholar]
  2. Steinmetz, J.D.; Seeher, K.M.; Schiess, N.; Nichols, E.; Cao, B.; Servili, C.; Cavallera, V.; Cousin, E.; Hagins, H.; Moberg, M.E.; et al. Global, regional, and national burden of disorders affecting the nervous system, 1990–2021: A systematic analysis for the Global Burden of Disease Study 2021. Lancet Neurol. 2024, 23, 344–381. [Google Scholar] [CrossRef] [PubMed]
  3. Lee, M.W.; Kim, H.W.; Choe, Y.S.; Yang, H.S.; Lee, J.; Lee, H.; Yong, J.H.; Kim, D.; Lee, M.; Kang, D.W.; et al. A multimodal machine learning model for predicting dementia conversion in Alzheimer’s disease. Sci. Rep. 2024, 14, 12276. [Google Scholar] [CrossRef] [PubMed]
  4. Wang, Y.; Li, M.; Haughton, D.; Kazis, L.E. Transition of mild cognitive impairment to Alzheimer’s disease: Medications as modifiable risk factors. PLoS ONE 2024, 19, e0306270. [Google Scholar] [CrossRef] [PubMed]
  5. Liu, Y.; Xiao, X.; Yang, Y.; Yao, R.; Yang, Q.; Zhu, Y.; Yang, X.; Zhang, S.; Shen, L.; Jiao, B. The risk of Alzheimer’s disease and cognitive impairment characteristics in eight mental disorders: A UK Biobank observational study and Mendelian randomization analysis. Alzheimer’s Dement. 2024, 20, 4841–4853. [Google Scholar] [CrossRef]
  6. Luo, M.; He, Z.; Cui, H.; Ward, P.; Chen, Y.P.P.; Alzheimer’s Disease Neuroimaging Initiative. Dual attention based fusion network for MCI Conversion Prediction. Comput. Biol. Med. 2024, 182, 109039. [Google Scholar] [CrossRef]
  7. Ma, Y.; Mu, X.; Zhang, T.; Zhao, Y. MAFT-SO: A novel multi-atlas fusion template based on spatial overlap for ASD diagnosis. J. Biomed. Inform. 2024, 157, 104714. [Google Scholar] [CrossRef]
  8. Juan, Q.; Shiwan, T.; Yurong, S.; Jiabo, S.; Yu, C.; Shui, T.; Zhijian, Y.; Qing, L. Brain structural and functional abnormalities in affective network are associated with anxious depression. BMC Psychiatry 2024, 24, 533. [Google Scholar] [CrossRef]
  9. Wang, Y.; Li, Q.; Yao, L.; He, N.; Tang, Y.; Chen, L.; Long, F.; Chen, Y.; Kemp, G.J.; Lui, S.; et al. Shared and differing functional connectivity abnormalities of the default mode network in mild cognitive impairment and Alzheimer’s disease. Cereb. Cortex 2024, 34, bhae094. [Google Scholar] [CrossRef]
  10. Yang, C.; Wang, X.K.; Ma, S.Z.; Lee, N.Y.; Zhang, Q.R.; Dong, W.Q.; Zang, Y.F.; Yuan, L.X. Abnormal functional connectivity of the reward network is associated with social communication impairments in autism spectrum disorder: A large-scale multi-site resting-state fMRI study. J. Affect. Disord. 2024, 347, 608–618. [Google Scholar] [CrossRef]
  11. Guo, H.; Huang, X.; Wang, C.; Wang, H.; Bai, X.; Li, Y. High-Order line graphs of fMRI data in major depressive disorder. Med. Phys. 2024, 51, 5535–5549. [Google Scholar] [CrossRef]
  12. Qiao, L.; Zhang, H.; Kim, M.; Teng, S.; Zhang, L.; Shen, D. Estimating functional brain networks by incorporating a modularity prior. Neuroimage 2016, 141, 399–407. [Google Scholar] [CrossRef] [PubMed]
  13. Koike, S.; Sakakibara, E.; Satomura, Y.; Sakurada, H.; Yamagishi, M.; Matsuoka, J.; Okada, N.; Kasai, K. Shared functional impairment in the prefrontal cortex affects symptom severity across psychiatric disorders. Psychol. Med. 2022, 52, 2661–2670. [Google Scholar] [CrossRef] [PubMed]
  14. Yu, R.; Qiao, L.; Chen, M.; Lee, S.W.; Fei, X.; Shen, D. Weighted graph regularized sparse brain network construction for MCI identification. Pattern Recognit. 2019, 90, 220–231. [Google Scholar] [CrossRef] [PubMed]
  15. Xue, Y.; Zhang, L.; Qiao, L.; Shen, D. Estimating sparse functional brain networks with spatial constraints for MCI identification. PLoS ONE 2020, 15, e0235039. [Google Scholar] [CrossRef]
  16. Kverková, K.; Marhounová, L.; Polonyiová, A.; Kocourek, M.; Zhang, Y.; Olkowicz, S.; Straková, B.; Pavelková, Z.; Vodička, R.; Frynta, D.; et al. The evolution of brain neuron numbers in amniotes. Proc. Natl. Acad. Sci. USA 2022, 119, e2121624119. [Google Scholar] [CrossRef]
  17. Wang, X.; Wang, R.; Li, F.; Lin, Q.; Zhao, X.; Hu, Z. Large-scale granger causal brain network based on resting-state fMRI data. Neuroscience 2020, 425, 169–180. [Google Scholar] [CrossRef]
  18. Granger, C.W. Investigating causal relations by econometric models and cross-spectral methods. Econom. J. Econom. Soc. 1969, 37, 424–438. [Google Scholar] [CrossRef]
  19. Su, R.; Yin, B.; Jing, J.; Xie, P.; Yuan, Y.; Han, Y.; Liang, Z.; Li, X. Information segregation and integration of aMCI based on genuine symbolic nonlinear Granger causality brain network. Biomed. Signal Process. Control 2024, 95, 106314. [Google Scholar] [CrossRef]
  20. Yi, C.; Zhang, J.; Weng, Z.; Chen, W.; Yao, D.; Li, F.; Cao, Z.; Li, P.; Xu, P. Nonparametric Dynamic Granger Causality based on Multi-Space Spectrum Fusion for Time-varying Directed Brain Network Construction. IEEE J. Biomed. Health Inform. 2024. [Google Scholar] [CrossRef]
  21. Sato, J.R.; Takahashi, D.Y.; Arcuri, S.M.; Sameshima, K.; Morettin, P.A.; Baccalá, L.A. Frequency domain connectivity identification: An application of partial directed coherence in fMRI. Hum. Brain Mapp. 2009, 30, 452–461. [Google Scholar] [CrossRef]
  22. Zhang, T.; Li, M.; Zhang, L.; Biswal, B.; Yao, D.; Xu, P. The time-varying network patterns in motor imagery revealed by adaptive directed transfer function analysis for fMRI. IEEE Access 2018, 6, 60339–60352. [Google Scholar] [CrossRef]
  23. Li, W.X.; Lin, Q.H.; Zhang, C.Y.; Han, Y.; Calhoun, V.D. A new transfer entropy method for measuring directed connectivity from complex-valued fMRI data. Front. Neurosci. 2024, 18, 1423014. [Google Scholar] [CrossRef]
  24. Frässle, S.; Harrison, S.J.; Heinzle, J.; Clementz, B.A.; Tamminga, C.A.; Sweeney, J.A.; Gershon, E.S.; Keshavan, M.S.; Pearlson, G.D.; Powers, A.; et al. Regression dynamic causal modeling for resting-state fMRI. Hum. Brain Mapp. 2021, 42, 2159–2180. [Google Scholar] [CrossRef] [PubMed]
  25. Wu, X.; Wen, X.; Li, J.; Yao, L. A new dynamic Bayesian network approach for determining effective connectivity from fMRI data. Neural Comput. Appl. 2014, 24, 91–97. [Google Scholar] [CrossRef]
  26. Zhang, H.; Song, R.; Wang, L.; Zhang, L.; Wang, D.; Wang, C.; Zhang, W. Classification of brain disorders in rs-fMRI via local-to-global graph neural networks. IEEE Trans. Med. Imaging 2022, 42, 444–455. [Google Scholar] [CrossRef] [PubMed]
  27. Zheng, K.; Yu, S.; Chen, B. Ci-gnn: A granger causality-inspired graph neural network for interpretable brain network-based psychiatric diagnosis. Neural Netw. 2024, 172, 106147. [Google Scholar] [CrossRef]
  28. Bacciu, D.; Di Sotto, L. A non-negative factorization approach to node pooling in graph convolutional neural networks. In Proceedings of the AI* IA 2019—Advances in Artificial Intelligence: XVIIIth International Conference of the Italian Association for Artificial Intelligence, Rende, Italy, 19–22 November 2019; Proceedings 18. Springer: Cham, Switzerland, 2019; pp. 294–306. [Google Scholar]
  29. Xu, L.; Wu, X.; Chen, K.; Yao, L. Multi-modality sparse representation-based classification for Alzheimer’s disease and mild cognitive impairment. Comput. Methods Programs Biomed. 2015, 122, 182–190. [Google Scholar] [CrossRef]
  30. Jiao, Q.; Lu, G.; Zhang, Z.; Zhong, Y.; Wang, Z.; Guo, Y.; Li, K.; Ding, M.; Liu, Y. Granger causal influence predicts BOLD activity levels in the default mode network. Hum. Brain Mapp. 2011, 32, 154–161. [Google Scholar] [CrossRef]
  31. Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
  32. Cortes, C. Support-Vector Networks. Mach. Learn. 1995, 20, 273–297. [Google Scholar] [CrossRef]
  33. Gillies, D. Causality: Models, reasoning, and inference judea pearl. Br. J. Philos. Sci. 2001, 52, 613–622. [Google Scholar] [CrossRef]
  34. Peters, J.; Janzing, D.; Schölkopf, B. Elements of Causal Inference: Foundations and Learning Algorithms; The MIT Press: Cambridge, MA, USA, 2017. [Google Scholar]
  35. Jie, B.; Liu, M.; Shen, D. Integration of temporal and spatial properties of dynamic connectivity networks for automatic diagnosis of brain disease. Med Image Anal. 2018, 47, 81–94. [Google Scholar] [CrossRef] [PubMed]
  36. Song, X.; Zhou, F.; Frangi, A.F.; Cao, J.; Xiao, X.; Lei, Y.; Wang, T.; Lei, B. Graph convolution network with similarity awareness and adaptive calibration for disease-induced deterioration prediction. Med. Image Anal. 2021, 69, 101947. [Google Scholar] [CrossRef]
  37. Qiu, T.; Luo, X.; Shen, Z.; Huang, P.; Xu, X.; Zhou, J.; Zhang, M.; Alzheimer’s Disease Neuroimaging Initiative. Disrupted brain network in progressive mild cognitive impairment measured by eigenvector centrality mapping is linked to cognition and cerebrospinal fluid biomarkers. J. Alzheimer’s Dis. 2016, 54, 1483–1493. [Google Scholar] [CrossRef] [PubMed]
  38. Chen, X.; Zhang, H.; Gao, Y.; Wee, C.Y.; Li, G.; Shen, D.; Alzheimer’s Disease Neuroimaging Initiative. High-order resting-state functional connectivity network for MCI classification. Hum. Brain Mapp. 2016, 37, 3282–3296. [Google Scholar] [CrossRef]
  39. Khazaee, A.; Ebrahimzadeh, A.; Babajani-Feremi, A.; Alzheimer’s Disease Neuroimaging Initiative. Classification of patients with MCI and AD from healthy controls using directed graph measures of resting-state fMRI. Behav. Brain Res. 2017, 322, 339–350. [Google Scholar] [CrossRef]
Figure 1. Illustration of the proposed framework for dementia identification. Initially, signals from each brain region are extracted using the Automated Anatomical Labeling (AAL) atlas. Subsequently, the extracted time-series data, referred to as X , is then input into the BCEN model to estimate the directional influences among brain regions, resulting in the generation of a brain network as output. Ultimately, the estimated brain network is fed into the hierarchical representation graph neural network (HRGNN) to obtain the prediction results.
Figure 1. Illustration of the proposed framework for dementia identification. Initially, signals from each brain region are extracted using the Automated Anatomical Labeling (AAL) atlas. Subsequently, the extracted time-series data, referred to as X , is then input into the BCEN model to estimate the directional influences among brain regions, resulting in the generation of a brain network as output. Ultimately, the estimated brain network is fed into the hierarchical representation graph neural network (HRGNN) to obtain the prediction results.
Brainsci 15 00975 g001
Figure 2. The detailed structure of BCEN. First, the time-series data X is input into the generative module to identify the directionality associated with the corresponding brain region. Next, each column of the time-series data X is replaced with the estimated signal, denoted as X ˜ i . Finally, a discriminator network is utilized to distinguish between real samples and synthetic samples.
Figure 2. The detailed structure of BCEN. First, the time-series data X is input into the generative module to identify the directionality associated with the corresponding brain region. Next, each column of the time-series data X is replaced with the estimated signal, denoted as X ˜ i . Finally, a discriminator network is utilized to distinguish between real samples and synthetic samples.
Brainsci 15 00975 g002
Figure 3. The impact of various p values on the classification performance of HRGNN across three classification tasks.
Figure 3. The impact of various p values on the classification performance of HRGNN across three classification tasks.
Brainsci 15 00975 g003
Figure 4. The discriminative connectivity patterns for different tasks (from left to right: NC vs. eMCI, NC vs. LMCI, and eMCI vs. LMCI).
Figure 4. The discriminative connectivity patterns for different tasks (from left to right: NC vs. eMCI, NC vs. LMCI, and eMCI vs. LMCI).
Brainsci 15 00975 g004
Table 1. Demographic information about ADNI.
Table 1. Demographic information about ADNI.
GroupNCeMCILMCI
Male/Female28/3932/4550/20
Age (mean ± STD)74.1 ± 6.271.2 ± 6.971.2 ± 8.3
Table 2. Recognition performance of all methods across three different classifiers. The asterisk in the upper right corner of the value indicates a significant difference between the results of the proposed method and the suboptimal comparison method.
Table 2. Recognition performance of all methods across three different classifiers. The asterisk in the upper right corner of the value indicates a significant difference between the results of the proposed method and the suboptimal comparison method.
ClassifierModelNC vs. eMCINC vs. LMCIeMCI vs. LMCI
ACC SEN SPE F1 ACC SEN SPE F1 ACC SEN SPE F1
RFPC69.4467.1671.4367.1676.6471.6481.4375.0074.8376.6272.8676.13
SBN72.2262.6980.5267.7475.1873.1377.1474.2465.3172.7357.1468.71
LRBN80.5676.1284.4278.4678.1074.6381.4376.9278.2384.4271.4380.25
SLRBN69.4459.7077.9264.5278.1077.6178.5777.6164.6376.6251.4369.41
GC80.5670.1589.6177.0581.7577.6185.7180.6265.3168.8361.4367.52
mGC79.1768.6688.3175.4182.4879.1085.7181.5462.5972.7351.4367.07
PDC75.6977.6174.0374.8278.8373.1384.2977.1769.3971.4367.1470.97
DTF76.3974.6377.9274.6380.2976.1284.2979.1070.7574.0367.1472.61
TE75.0073.1376.6273.1379.5677.6181.4378.7970.0775.3264.2972.50
Ours81.2576.1285.7179.0783.2177.6188.57 *81.8976.8785.7167.1479.52
SVMPC70.1467.1672.7367.6774.4570.1578.5772.8767.3564.9470.0067.57
SBN75.0070.1579.2272.3177.3774.6380.0076.3470.0781.8257.1474.12
LRBN82.6479.1085.7180.9283.9479.1088.5782.8181.6385.7177.1483.02
SLRBN73.6170.1576.6271.2176.6474.6378.5775.7665.3181.8247.1471.19
GC80.5679.1081.8279.1080.2979.1081.4379.7069.3974.0364.2971.70
mGC81.9474.6388.3179.3782.4885.0780.0082.6180.9577.9284.2981.08
PDC75.6977.6174.0374.8279.5676.1282.8678.4671.4375.3267.1473.42
DTF77.0876.1277.9275.5681.0277.6184.2980.0072.7975.3270.0074.36
TE77.0877.6176.6275.9180.2977.6182.8679.3973.4774.0372.8674.51
Ours83.3379.1087.0181.5485.40 *82.0988.5784.62 *82.99 *87.01 *78.5784.28
HRGNNPC75.6973.1377.9273.6876.6482.0971.4377.4671.4366.2377.1470.83
SBN78.4771.6484.4275.5978.1082.0974.2978.5775.5184.4265.7178.31
LRBN79.8676.1283.1277.8681.0276.1285.7179.6979.5984.4274.2981.25
SLRBN73.6171.6475.3271.6474.4568.6680.0072.4471.4372.7370.0072.73
GC82.6480.6084.4281.2081.0276.1285.7179.6977.5580.5274.2978.98
mGC81.9477.6185.7180.0083.2179.1087.1482.1778.2383.1272.8680.00
PDC77.7879.1076.6276.8181.0274.6387.1479.3772.7975.3270.0074.36
DTF79.8679.1080.5278.5280.2976.1284.2979.1074.8374.0375.7175.50
TE78.4776.1280.5276.6981.7577.6185.7180.6275.5175.3275.7176.32
Ours84.03 *82.09 *85.7182.7184.6782.0987.1483.97 *83.67 *85.7181.43 *84.62 *
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

Xi, J.; Xia, Z.; Zhang, W.; Zhao, L. Brain Connectivity Estimation Network for the Identification of Dementia. Brain Sci. 2025, 15, 975. https://doi.org/10.3390/brainsci15090975

AMA Style

Xi J, Xia Z, Zhang W, Zhao L. Brain Connectivity Estimation Network for the Identification of Dementia. Brain Sciences. 2025; 15(9):975. https://doi.org/10.3390/brainsci15090975

Chicago/Turabian Style

Xi, Ji, Zhengwang Xia, Weiqi Zhang, and Li Zhao. 2025. "Brain Connectivity Estimation Network for the Identification of Dementia" Brain Sciences 15, no. 9: 975. https://doi.org/10.3390/brainsci15090975

APA Style

Xi, J., Xia, Z., Zhang, W., & Zhao, L. (2025). Brain Connectivity Estimation Network for the Identification of Dementia. Brain Sciences, 15(9), 975. https://doi.org/10.3390/brainsci15090975

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