Unravelling the Topographical Organization of Brain Lesions in Variants of Alzheimer’s Disease Progression
Abstract
In this study, we proposed and evaluated a graph-based framework to assess variations in Alzheimer’s disease (AD) neuropathologies, focusing on classic (cAD) and rapid (rpAD) progression forms. Histopathological images are converted into tau-pathology-based (i.e., amyloid plaques and tau tangles) graphs, and derived metrics are used in a machine-learning classifier. This classifier incorporates SHAP value explainability to differentiate between cAD and rpAD. Furthermore, we tested graph neural networks (GNNs) to extract topological embeddings from the graphs and use them in classifying the progression forms of AD. The analysis demonstrated denser networks in rpAD and a distinctive impact on brain cortical layers: rpAD predominantly affects middle layers, whereas cAD influences both superficial and deep layers of the same cortical regions. These results suggest a unique neuropathological network organization for each AD variant.
Keywords:
Alzheimer Graph Neural Network XAI.1 Introduction
Alzheimer’s disease (AD), a leading neurodegenerative disorder, is characterized by memory loss, cognitive decline, and behavioral changes, mainly in the elderly. The disease is believed to be caused by the accumulation of beta-amyloid proteins forming amyloid plaques and altered tau proteins leading to neurofibrillary tangles, disrupting neuronal communication. AD’s complexity stems from the brain’s intricate structure and the disease’s heterogeneity, with patients experiencing either a rapid, aggressive pathology (rpAD) or a slower classical decline (cAD). Diagnosing AD, often similar to senile dementia, is typically confirmed through histopathological examination, identifying amyloid plaques and tau tangles in brain tissue, a method limited by its postmortem nature, high costs, and potential for inconsistencies in manual annotations.
Whole Slide Images (WSI) are high-resolution scans crucial in Alzheimer’s disease research as they allow the examination of the cerebral cortex’s six distinct layers. Despite AI’s success in disease pattern analysis, the large size of WSIs poses processing challenges, which can be addressed through innovative graph representation. A graph-based approach significantly reduces data size while preserving spatial integrity and offers an unbiased, orientation-agnostic representation. Furthermore, we can analyze tissue structure using metrics from the graphs’ topological information, providing insights into the disease characteristics as reported in [1].
Graph Neural Networks (GNNs) have emerged as critical tools in bioinformatics and neurobiology, particularly for their effectiveness with graph-structured data, key in interpreting biological networks and neurodegenerative diseases [15, 16]. In AD research, GNNs have shown promise in patient classification and staging, with applications like the multi-class Graph Convolutional Neural Network (GCNN) for categorizing disease progression [13, 12, 6, 7]. Their growing significance in AD detection and prognosis is also evident [5], alongside their role in patient stratification and the advancement of individualized treatments [3, 4, 3]. Further reports on the performance and potential of various GNN architectures have contributed significantly to AD research [14, 2, 11], with applications also in tissue abnormality characterization [17, 8, 10], enhancing our understanding of AD’s pathology.
The primary objective of this study is to discern the underlying distinctions between rapid and classic Alzheimer’s disease progression by focusing on the distribution patterns of plaques and tangles across different brain tissue layers. Moving beyond the morphological characteristics of these elements [1], we emphasize their topographical arrangement within the tissue. This approach offers novel insights into the physiopathology of AD’s onset and progression, potentially leading to improved diagnostic methods and targeted therapeutic interventions (precision medicine).
2 Dataset and Graph Construction
For this study, we used a dataset of semi-automatically annotated WSI, featuring samples from 18 patients—12 diagnosed with cAD and 6 with rpAD. These images were sourced from the Anonymous Institution, with requisite consent from patients or their next of kin. Frontal lobe sections, stained using AT8 antibody to accentuate phosphorylated tau, were digitized via Hamamatsu scanners at 227 nm/pixel and 221 nm/pixel resolutions. The WSIs display a spectrum of AD pathology, varying in tau pathology severity, staining quality, and tissue preservation. The dataset also includes detailed features like the object’s coordinates, area, size of plaques and tangles, and the layers to which they belong. Notably, the dataset presents a wide variance in the WSIs’ and ROIs’ size and the count of tangles and plaques, ranging from dozens to thousands. Despite its small size, the dataset’s high quality and expert annotations form a solid base for our analysis. Figure 1 illustrates sample annotations for ROI, layers, and objects (i.e., plaques and tangles).
The graphs generated focused on the spatial relationships of plaques and tangles, excluding morphological characteristics. We used the Delaunay triangulation approach, connecting points to their nearest neighbors, thereby minimizing hyperparameter selection bias. This method is ideal for biological studies due to its natural adaptation to point density and resilience against noise and outliers. In addition, we applied erosion to the graphs to isolate core structures and components within the graph. The erosion is guided by an optimal alpha value [9] derived from the data, controlling the level of granularity in the graph representation. This alpha value, set at half the median of all values from the Delaunay graph (), ensured consistent erosion, emphasizing biologically pertinent structures and omitting less significant elements.
Regarding the edges, those exceeding were excluded to align with the biological understanding that cellular interactions beyond this range are improbable. Also, we applied edge weighting inversely proportional to the square root of the distance between nodes, emphasizing the significance of proximity in cellular interactions. This approach in non-directed graphs reflects the bidirectional nature of these interactions, offering a more authentic representation of the biological networks under study.
Finally, to counter the imbalance between cAD and rpAD cases in the dataset, rpAD cases were oversampled. This strategy maintained balance in model training without altering the intrinsic properties of the data, avoiding the pitfalls of conventional data augmentation methods.
3 Methods
3.1 Explainable Machine Learning
Following the procedure described in the previous section, we created two sets of graphs for this study: one representing patient-level data and the other at the layer level representing each of the six layers in the brain cortex. Plaques and tangles were independently represented in these graphs. To effectively examine the underlying structural patterns at the patient level, each WSI-associated graph is segmented into distinct clusters, and multiple metrics (or graph features) are computed for each cluster. Analyzing data at this granular cluster level, instead of the entirety of the graph, allows for a more nuanced understanding of local spatial patterns and relationships. This granular analysis can potentially reveal differences in the spatial dispositions of plaques and tangles that might be overlooked when examining the entire graph.
Classical clustering methods such as KMeans, DBSCAN, and spectral clustering were considered inappropriate for our purposes. These algorithms primarily operate on point-based data and do not inherently consider the connectivity or relationships between nodes represented by edges in a graph. Instead, we use two alternative clustering strategies more appropriate for graph data.
-
•
Connected Components Method: By eroding the graph (i.e., removing certain edges), we could identify clusters or subgraphs based on direct connectivity. The benefits of this approach include its simplicity, visual clarity, and computational efficiency. However, its drawback lies in its basic clustering nature, which might miss more subtle relationships between nodes.
-
•
Markov Clustering: This method simulates random walks on a graph to pinpoint densely connected regions. While it can discern intricate clusters, the underlying mechanism can be opaque, and it’s often challenging to rationalize why certain nodes are clustered together.
We computed a range of metrics for the entire graph, layers subgraphs, and individual clusters. These metrics are essential for comparison and understanding the underlying structural and spatial relationships within the WSIs. Among the graph metrics, we computed the total number of nodes and edges, total length of edges, number of clusters, total area, and the ratio of clustered nodes to isolated nodes. Regarding the cluster metrics, we found the size of the cluster, number of edges, area, density, mean degree, dispersion, radius, inertia, alpha value optimal, and alpha value optimal normalized to the ROI.
All the metrics mentioned above are normalized relative to the ROI size (except for the raw and normalized values). This ensures consistent interpretation and minimizes potential biases introduced by size differences among WSIs. Additionally, all cluster metrics have a counterpart normalized with respect to the value, offering a different perspective and ensuring the analysis captures nuances dependent on the alpha parameter’s scale. Normalizing by the values plays a significant role when comparing metrics on a graph-level representation. This normalization considers the used to create the graph connections. For instance, as the number of nodes in a graph increases, the graph’s area also increases. However, by normalizing using the value, the correlation between the size of the graph and the area will vary.
These metrics were then used as features in a Random Forest (RF) classifier to distinguish between cAD and rpAD. The classifier’s accuracy was enhanced by recursive feature elimination, analyzing feature importance, and applying SHAP values for in-depth data and model decision interpretation. We also meticulously addressed potential data leakage by recognizing and handling dependencies among clusters from the same graph.
3.2 Deep Learning Methods
We also used deep learning to create meaningful clusters with node embeddings from Graph Neural Network (GNN) latent spaces, employing explainable AI (XAI) to discern model-relevant structures. A variational graph auto-encoder (VGAE) was deemed unsuitable due to the artificial nature of graph construction, leading to the selection of a GNN classifier.
3.2.1 GNN Classifier:
The focus was on the spatial arrangement of plaques and tangles within the WSI, independent of their morphological attributes. Therefore, 4 graph-theoretic features were introduced: the node degree, the clustering coefficient, the betweenness, and the closeness. These characteristics capture various topological properties and roles of nodes within the graph, allowing the GNN to use node-specific information for its operations. For training our GNNs, we used PyTorch Geometric and 5-fold cross-validation to ensure our results were reliable. Various GNN architectures were tested, including Graph Attention Network (GAT), Graph Convolution Network (GCN), Graph Sample and Aggregation (GraphSAGE), Weighted GraphSAGE, and Chebyshev Spectral (ChebNet). The models provided node embeddings or classifications with an early stopping mechanism to avoid overfitting. Optimal parameters were determined through hyperparameter tuning. We evaluate our model based on a weighted score of accuracy and loss from the training and validation sets (). This approach helps address the limitations of our small dataset and reduces the chance of overfitting, ensuring that good validation performance is not achieved by chance only. The weights from the epoch with the highest score are saved.
3.2.2 Clustering on node embeddings:
We used the 12-dimensional node embeddings extracted from the final convolution layer of our GNN for clustering purposes. These embeddings are complex representations of the nodes, reflecting the features and interrelations the GNN learned during its training. The precision with which each node’s role within the network is captured is reflected in the model’s accuracy. Clusters derived from these node embeddings offer greater significance and reliability than those formed directly from the graph data. This approach notably augments the Random Forest classifier’s precision and depth of analysis, particularly in distinguishing between cAD and rpAD cases.
3.2.3 GNN Explainer:
GNNExplainer and PGExplainer are applied post-training to analyze the model’s decision-making process. The GNNExplainer offered instance-level explanations identifying the nodes and edges relevant to the prediction. On the other hand, PGExplainer provided a broader probabilistic perspective by identifying relevant subgraphs within the input graph that contribute to the model’s predictions. This dual analysis served as a form of cross-validation, building trust in the validity of our findings.
4 Results and discussion
Our results showed that tangle clusters from patient-level graphs offer a more accurate classification between cAD and rpAD. We found an accuracy of and using Markov clustering and connected components clustering, respectively, compared to the and accuracy found when using plaques clusters and the same clustering methods respectively. When analyzing the feature importance, we found that only the tangle graphs had some features (i.e., the number of nodes and length of edges normalized to ) with importance higher than 10%. Further analysis of these features using SHAP values revealed a predominantly low feature value influence on the model’s impact, although some inconsistencies were observed with higher feature values.
Layer-specific results using RF provide an intriguing insight. Table 1 summarizes the accuracy obtained per layer. For plaques, the middle layers demonstrate higher accuracy than the outer layers, with the 3rd layer showing a 20% increase in accuracy over the 1st and 6th layers. In contrast, the last layers, particularly the 4th, exhibit higher accuracy for tangles than the initial three layers. This variance in accuracy reveals that the most substantial differences lie in the middle layers of the brain cortex region.
Layers | 1 | 2 | 3 | 4 | 5 | 6 |
---|---|---|---|---|---|---|
Plaques | ||||||
Tangles |
Both analyses, per-cluster and per-layer, offered valuable insights when discerning subtle differences between patient classes. In comparison, the classification using patient-level graphs yields poor performance with an accuracy of for plaques and for tangles. We attribute this decrease in performance to the small dataset, highlighting the limitations of studying patient-level graphs rather than more refined layer-level ones following the biological hypothesis of tau-protein aggregates progression on the brain.
Among the five GNN models tested, GCN, GAT, SAGE, SAGE with weighted edges, and CHEBnet, only GCN, SAGE, and CHEBnet yielded satisfactory performance. The GAT network provided poor results due to a lack of node features for attention calculations. On the other hand, our implementation of weighted edges in the SAGE network resulted in highly inconsistent performance, swinging between very high and very low scores due to model instability. Since each model computes the latent space differently, resulting in different node embedding clustering; all three models with satisfactory performance were retained to test various embeddings and explore a broader range of potential clusters.
Analyzing the scores across multiple runs showed that plaque graphs yield better classification results compared to tangle graphs. While most runs for tangles score around accuracy, plaques achieve a higher average score of . Consequently, analyzing clusters derived from the node embeddings of plaque graphs will likely yield more insightful results. In fact, using these embeddings increased the RF classifier’s performance to accuracy compared to the using the Markov clustering approach. This significant improvement emphasizes the node embeddings’ ability to capture key distinctions between cAD and rpAD. In addition, SHAP analysis revealed that certain features, notably the lower number of nodes and edge lengths combined with a higher mean degree (normalized by the alpha optimal value), strongly indicated rpAD.
The congruence in node and edge importance metrics, as identified by both GNN Explainer and PGExplainer, adds validity to our findings, suggesting they accurately represent underlying patterns. As shown in Figure 2, the importance distribution across different brain layers corroborated insights from the RF classifier, indicating that intermediate layers hold crucial discriminative information. Furthermore, the analysis revealed distinct importance levels across layers, with outer layers (2, 5, and 6) being more significant for cAD and inner layers (3 and 4) for rpAD. This observation implies unique structural or informational characteristics pertinent to each Alzheimer’s Disease subtype at various brain depths.
5 Conclusion
This research presents one of the first analyses of tau aggregates in layers of the brain cortex using graphs. One key observation is the denser and more interconnected graph structures in rpAD compared to cAD. Specifically, rpAD exhibits compact clusters as the number of objects increases, contrasting with the expanding clusters in cAD. Additionally, we observed distinct effects on brain layers: rpAD predominantly affects middle layers, whereas cAD primarily influences outer layers. These findings imply divergent cognitive impacts and clinical presentations between the two AD subtypes, mirroring each variant’s unique neuropathology.
GNN methodologies proved advantageous over traditional analysis techniques, offering enriched, reliable insights into complex disease patterns. While traditional methods provide a foundational comparison, GNNs facilitate a more profound understanding of AD’s intricate dynamics. For instance, GNN embeddings, as depicted in Figure 3, present a more coherent spatial distribution, aligning with the brain’s layered structure, in contrast to the arbitrary groupings typical of classical clustering.
In conclusion, our approach combined statistical precision, machine learning’s predictive capabilities, and deep learning’s analytical depth to explore the nuances of AD progression. By employing a multi-faceted methodology, we aimed to ensure a thorough, wide-ranging analysis capable of discerning the subtle variances between cAD and rpAD in brain tissue. Although constrained by the dataset’s size, our findings and methodologies lay the groundwork for more expansive studies, emphasizing GNNs’ potential in elucidating complex neurological disorders.
Acknowledgments
This research was supported by Mr Jean-Paul Baudecroux and The Big Brain Theory Program - Paris Brain Institute (ICM). The human samples were obtained from the Neuro-CEB brain bank (https://www.neuroceb.org/en/) (BRIF Number 0033-00011), partly funded by the patients’ associations ARSEP, ARSLA, “Connaître les Syndromes Cérébelleux,” France-DFT, France Parkinson and by Vaincre Alzheimer Foundation, to which we express our gratitude. We are also grateful to the patients and their families.
G. Jimenez and L. Hebert-Stevens contributed equally to this work. L. Stimmer is the pathologist in charge of the annotation procedure of tangles and plaques of the entire dataset used in this study.
References
- [1] authors, A.: Anonymous title. Anonymous Journal xy, xyz (abcd)
- [2] Corso, G., Cavalleri, L., Beaini, D., Liò, P., Veličković, P.: Principal neighbourhood aggregation for graph nets. Advances in Neural Information Processing Systems 33, 13260–13271 (2020)
- [3] Fabrizio, C., Termine, A., Caltagirone, C., Sancesario, G.: Artificial intelligence for alzheimer’s disease: promise or challenge? Diagnostics 11(8), 1473 (2021)
- [4] Fisher, C.K., Smith, A.M., Walsh, J.R.: Machine learning for comprehensive forecasting of alzheimer’s disease progression. Scientific reports 9(1), 13622 (2019)
- [5] Khazaee, A., Ebrahimzadeh, A., Babajani-Feremi, A.: Identifying patients with alzheimer’s disease using resting-state fmri and graph theory. Clinical Neurophysiology 126(11), 2132–2141 (2015)
- [6] Kim, S.Y.: Personalized explanations for early diagnosis of alzheimer’s disease using explainable graph neural networks with population graphs. Bioengineering 10(6) (2023). https://doi.org/10.3390/bioengineering10060701, https://www.mdpi.com/2306-5354/10/6/701
- [7] Klepl, D., He, F., Wu, M., Blackburn, D.J., Sarrigiannis, P.: Eeg-based graph neural network classification of alzheimer’s disease: An empirical evaluation of functional connectivity methods. IEEE Transactions on Neural Systems and Rehabilitation Engineering 30, 2651–2660 (2022)
- [8] Levy, J., Haudenschild, C., Barwick, C., Christensen, B., Vaickus, L.: Topological feature extraction and visualization of whole slide images using graph neural networks. In: BIOCOMPUTING 2021: Proceedings of the Pacific Symposium. pp. 285–296. World Scientific (2020)
- [9] Loménie, N., Racoceanu, D.: Point set morphological filtering and semantic spatial configuration modeling: Application to microscopic image and bio-structure analysis. Pattern Recognition 45(8), 2894–2911 (2012)
- [10] Nair, A., Arvidsson, H., Gatica V, J.E., Tudzarovski, N., Meinke, K., Sugars, R.V.: A graph neural network framework for mapping histological topology in oral mucosal tissue. BMC bioinformatics 23(1), 506 (2022)
- [11] Oniani, D., Wang, C., Zhao, Y., Wen, A., Liu, H., Shen, F.: Comparisons of graph neural networks on cancer classification leveraging a joint of phenotypic and genetic features. arXiv preprint arXiv:2101.05866 (2021)
- [12] Sampathkumar, V.R.: Adiag: Graph neural network based diagnosis of alzheimer’s disease. arXiv preprint arXiv:2101.02870 (2021)
- [13] Song, T.A., Chowdhury, S.R., Yang, F., Jacobs, H., El Fakhri, G., Li, Q., Johnson, K., Dutta, J.: Graph convolutional neural networks for alzheimer’s disease classification. In: 2019 IEEE 16th international symposium on biomedical imaging (ISBI 2019). pp. 414–417. IEEE (2019)
- [14] Xu, K., Hu, W., Leskovec, J., Jegelka, S.: How powerful are graph neural networks? arXiv preprint arXiv:1810.00826 (2018)
- [15] Zhang, X.M., Liang, L., Liu, L., Tang, M.J.: Graph neural networks and their current applications in bioinformatics. Frontiers in genetics 12, 690049 (2021)
- [16] Zhang, X.M., Liang, L., Liu, L., Tang, M.J.: Graph neural networks and their current applications in bioinformatics. Frontiers in genetics 12, 690049 (2021)
- [17] Zhou, Y., Graham, S., Alemi Koohbanani, N., Shaban, M., Heng, P.A., Rajpoot, N.: Cgc-net: Cell graph convolutional network for grading of colorectal cancer histology images. In: Proceedings of the IEEE/CVF international conference on computer vision workshops. pp. 0–0 (2019)