Abstract
Generative models, such as Variational Autoencoders (VAEs), are increasingly employed for atypical pattern detection in brain imaging. During training, these models learn to capture the underlying patterns within “normal” brain images and generate new samples from those patterns. Neurodivergent states can be observed by measuring the dissimilarity between the generated/reconstructed images and the input images. This paper leverages VAEs to conduct Functional Connectivity (FC) analysis from functional Magnetic Resonance Imaging (fMRI) scans of individuals with Autism Spectrum Disorder (ASD), aiming to uncover atypical interconnectivity between brain regions. In the first part of our study, we compare multiple VAE architectures—Conditional VAE, Recurrent VAE, and a hybrid of CNN parallel with RNN VAE—aiming to establish the effectiveness of VAEs in application FC analysis. Given the nature of the disorder, ASD exhibits a higher prevalence among males than females. Therefore, in the second part of this paper, we investigate if introducing phenotypic data could improve the performance of VAEs and, consequently, FC analysis. We compare our results with the findings from previous studies in the literature. The results showed that CNN-based VAE architecture is more effective for this application than the other models.
Keywords: fMRI, functional connectivity, autism spectrum disorder, autoencoders, conditional variational autoencoders
1. Introduction
Autism Spectrum Disorder (ASD) is a neurodevelopmental disorder/condition in which individuals experience difficulties in social communication and interaction and exhibit limited or repetitive behaviors and interests. Additionally, autistic individuals may have alternative learning styles, movements, and attention patterns [1]. Several studies have consistently shown that ASD is more commonly found in males than females, with an approximate ratio of 3 to 1 [2]. One of the approaches used to investigate neurodivergence associated with ASD is Functional Connectivity (FC) analysis of functional Magnetic Resonance Imaging (fMRI) data. FC analysis helps to examine statistical dependence between the activity of different brain regions based on their blood oxygenation levels measured by fMRI [3]. Hence, FC represents the extent to which various brain regions exhibit synchronized activity over a period of time, which is commonly believed to be representative of the structural and functional organization of the brain [3].
Functional Connectivity (FC) studies in ASD have led to the development of two main theories about the connectivity of the brains of individuals with ASD: under-connectivity and over-connectivity [4]. Under-connectivity is defined as a decrease in brain activity between brain regions compared to a neurotypical population [5]. Conversely, over-connectivity is understood as higher statistical correlations between different areas of the brain appearing in affected individuals compared to unaffected individuals [6]. Finally, as more recent studies indicate, it is more likely that both over- and under-connectivity patterns are present in the brains of individuals with ASD [4]. Traditional methods for FC analysis include Seed-Based Correlation Analysis (SCA) [7], Independent Component Analysis (ICA) [8], graph-theory-based analysis [9], clustering-based approaches [10], dynamic connectivity analysis [11], Granger causality analysis [12], and dynamic causal modeling [13]. While these approaches have helped uncover neurodivergent patterns in fMRI data, they entail certain limitations, such as inherent biases or limited interpretability. Several inconsistencies have been reported in studies using these methods when examining functional connectivity patterns in fMRI in ASD. The discrepancies are mainly attributed to the varied age and sex compositions within the study samples and the diverse nature of ASD [4]. Notably, an apparent trend of under-representation of females with ASD in FC studies of fMRI can be seen [4]. Limited interpretability arises from technical constraints inherent to each of these methods, which are comprehensively examined in Section 2.1.
To address the issues of limited interpretability and under-representation, we propose a novel approach to FC analysis of fMRI data using Variational Autoencoders and Conditional Variational Autoencoders. The Variational Autoencoder (VAE) is a deep generative model that learns to encode data into a low-dimensional latent space and then decodes low-dimensional features back to the original data [14]. The Conditional Variational Autoencoder (CVAE) is an extension of the standard VAE, which incorporates conditional information, such as additional class features or attributes, into the generative model to enable targeted data synthesis [15]. This study examines the application of three different VAE architectures for FC analysis for individuals with ASD. We then apply phenotypic data to VAEs in an attempt to reduce sex-related bias. For a more quantitative and structured analysis, we have employed three commonly used VAE architectures in the fMRI domain: Convolutional Neural Network (CNN), Recurrent Neural Network (RNN), and a hybrid model combining CNN and RNN in parallel. Our evaluation of the VAE and CVAE includes comparing the performance in the reconstruction of neurotypical samples and the efficacy in conducting FC analysis for fMRI samples of individuals with ASD. Our evaluation compares the identified FC divergences between female and male populations for both VAE and CVAE. We aim to provide a structural and systemic investigation with diverse AE architecture variations in the fMRI domain, specifically addressing the issues of dynamic processing of highly complex brain imaging data and sex under-representation with statistical modeling.
This paper is structured as follows: we first discuss the pertinent literature on traditional FC methods and the utilization of VAEs and CVAEs in the fMRI domain. Additionally, we provide a concise overview of previously investigated FC divergences in ASD. Subsequently, in Section 3, we introduce the dataset, explain the data preprocessing techniques employed, elaborate on the VAE and CVAE architectures utilized, and detail our FC analysis approach. In Section 4, we present our findings and the results of our experiments, and in Section 5, we draw comparisons between our findings and those of previous studies. In Section 6, we summarize our findings and discuss possible future directions.
2. Related Works
2.1. Traditional Approaches to FC Analysis
Various methods have been developed to examine brain functional connectivity using fMRI data [16], which includes Seed-Based Correlation Analysis (SCA) [7], independent component analysis (ICA) [8], and graph-theory based analysis [9]. SCA involves selecting a Region of Interest (ROI) and computing its correlations with other brain regions over time series. High correlations indicate over-connectivity, and low correlation under-connectivity. However, SCA can potentially introduce bias due to ROI selection, overlooking important connectivity patterns outside the chosen regions [17]. On the other hand, ICA is a data-driven, multivariate method that decomposes fMRI data into spatially independent components, each representing a unique spatial pattern associated with a distinct time course [8,18]. ICA has been applicable in revealing lower-level spatial and temporal patterns in brain connectivity. Nevertheless, the drawback of ICA analysis is that the signal from a single brain region may appear in multiple components within lower-dimensional space, complicating the identification of high-level correlations [4]. Graph theory provides a framework for investigating local and global connectivity patterns. However, effectively capturing the temporal dynamics inherent in fMRI data presents a significant challenge. More advanced traditional approaches to Functional Connectivity Analysis (FC) include clustering-based approaches [10], dynamic connectivity analysis [11], Granger causality analysis [12], and dynamic causal modeling [13]. Most studies using traditional methods have focused on male fMRI data with ASD, and there has been a lack of research specifically exploring females with ASD. When the dataset is imbalanced, SCA, ICA, and graph-based analyses face several challenges. For example, SCA is often used to compare connectivity patterns between different subgroups; thus, an imbalance in the studied data can influence the statistical power and robustness of the comparisons. In ICA, while the analysis is not inherently affected by class imbalance, subsequent classifiers that use ICA-derived features may favor the majority class, affecting classification performance. In graph-based methods, graph construction could also be hindered by the greater presence of certain populations. Therefore, there is a need for an approach that encompasses both the spatial and temporal distribution of the data and is robust to under-representations in the dataset.
2.2. Application of VAEs in fMRI Domain
To address some of the challenges mentioned in Section 2.1, recently, there has been a surge in the utilization of VAEs to identify brain connectivity patterns within affected populations or fMRI signal patterns related to specific tasks. VAEs offer the advantage of allowing for the studying of both low- and high-level features of fMRI data, setting them apart from techniques such as ICA and SCA. Several papers used VAEs to extract meaningful features to classify the data [19,20,21]; some studies also researched the abilities of VAEs to identify task-related activities [22,23], and finally, some utilized VAEs for FC analysis of the fMRI data [24,25].
The most closely related to our works is the paper by Zuo et al., in which the researchers utilized a disentangled VAE to identify structural and functional connectivity differences between control, individuals with early mild cognitive impairment (MCI), and individuals with late mild cognitive impairment [24]. Using a graph convolutional VAE, researchers have identified under- and over-connectivity patterns associated with the progression of MCI. Likewise, another study by Choi et al. applied a Deep Neural Network (DNN)-based VAE to analyze connectivity patterns in ASD [25]. The study has also presented under- and over-connectivity patterns correlated with the full-scale IQ scores.
A considerable number of encoder and decoder architectures have been studied in the application of fMRIs, which vary depending on the main objective of the application. However, the most common architectures include convolutional layers (CNN), recurrent layers (RNN), and a combination of the two in sequence and parallel. CNN layers have proven to be helpful in identifying spatial correlations; however, the temporal patterns of the decoded data are not meaningful since the convolution is not capable of capturing the temporal dynamics. And vice versa, recurrent layers have shown to have better temporal feature extraction, but spatial patterns could not be well preserved. Therefore, we believe that there is a need to evaluate different model architectures.
2.3. Application of CVAEs in fMRI Domain
Conditional Variational Autoencoders (CVAEs) are an extension of the VAEs that incorporate additional information into the generative model [15]. The generative process in a CVAE is improved by considering additional information, such as class labels, attributes, or any other relevant data. Conditional variables are then passed into both the encoder and decoder parts of the VAE (Figure 1). Therefore, the encoder takes the input data and associated conditional variables and maps them to a distribution in the latent space. The decoder then uses the sampled latent distribution from the encoder along with the conditional variables to reconstruct the input data point. By adding additional information to the generation process, CVAEs allow for more targeted and controlled data generation. In the context of fMRI imaging, CVAEs have been used for image synthesis and data augmentation [26], brain image segmentation [27], classification [28], and connectivity network detection [29]. The most closely related to our study is the study by Wang et al., which used adverse CVAE to identify high-level neurodivergent patterns associated with Alzheimer’s Disease (AD) in fMRI data [30]. Researchers have demonstrated that applying conditions to the network helps reduce the effect of age and sex bias in the latent vectors. Another paper that used CVAE is the study by Gao et al., where researchers integrate age and sex attributes through an attention mechanism that optimizes VAE for the classification of brain connectivity from fMRI data of individuals with attention-deficit/hyperactivity disorder from multiple sites [31]. The study showed that phenotypic information has improved learning discriminative embedding and helped identify affected brain regions functionally by reconstructing the latent features.
Figure 1.
Summary of the difference between VAE and CVAE. In CVAE, both the encoder and decoder part receive conditional attributes; in our study, it is an embedding consisting of age, sex, and group label.
2.4. Functional Connectivity in ASD
The most commonly studied brain networks in ASD include Default Mode Network (DMN), limbic, visual, somatomotor, and salience networks. The regional components of each of these networks have a tendency to slightly change study by study. The DMN is a large-scale brain network that is most active during rest periods or when the mind is wandering [32]. It is involved in various cognitive processes such as self-thinking, episodic memory recovery, and social cognition [32]. In most studies, the DMN includes regions such as the medial prefrontal cortex, the posterior cingulate cortex, and the medial temporal lobes [4]. The limbic network is a group of interconnected structures that play a critical role in emotion, motivation, and memory processing [33]. The limbic network is closely associated with the management of emotional responses, the processing of reward and punishment, and the formation and recovery of memories. Key structures in the limbic system include the amygdala, hippocampus, and cingulate gyrus [34]. The visual network is responsible for processing visual stimuli, and its nodes are located primarily in the occipital lobe [35]. The somatomotor network is involved in the planning, enactment, and management of voluntary movements [3]. It includes the primary motor cortex, the supplementary motor area, and the primary somatosensory cortex, all located in the frontal and parietal lobes. Finally, the salience network is a large-scale brain network that is involved in catching and focusing attention to relevant internal and external stimuli [36]. Key regions within the salience network include the anterior insula and the dorsal anterior cingulate cortex [37].
Previous findings suggest that under-connectivity between various brain networks is associated with social impairments and deficits observed in ASD. Most under-connectivity patterns were associated with DMN, including decreased interconnectivity between DMN-limbic, DMN-visual, and DMN-somatomotor. For example, in the study by Abrams et al., the researchers reported under-connectivity between DMN (pSTS with orbitofrontal, temporal lobe) and limbic networks (amygdala), suggesting that ASD individuals experience a less pleasant response to human voice processing [38]. Under-connectivity between the DMN (Precuneus (PrC)) and the visual cortex has also been previously reported [39]. However, the study reported that this under-connectivity pattern was not found to be related to socio-behavior deficits. Finally, under-connectivity between DMN and several regions in somatomotor has also been reported in multiple studies [40,41].
Over-connectivity patterns are primarily associated with salience networks. For example, a study by Green et al. has demonstrated the over-connectivity of the salience network with sensory processing areas, such as the visual and limbic networks, in individuals with ASD. It is believed that this over-connectivity may contribute to heightened responsiveness to irrelevant stimuli and deficits in social interactions [42]. DMN-salience network was shown to have higher interconnectivity in ASD subjects compared to TD in work by Yerys et al. [40], which has been hypothesized to be attributed to the ability to switch between intra-person and extra-person processing.
A handful of studies specifically looked into the difference between female and male functional connectivity. One of the few studies of specifically sex-related differences revealed that commonly associated DMN hypoconnectivities are primarily present in male populations [43]. Increased connectivity in the female population compared to males has also been supported by the studies by Lawerence et al. [44] and Smith et al. [45].
3. Materials and Methods
3.1. Dataset
The ABIDE-I (Autism Brain Imaging Data Exchange) dataset is a publicly available, large-scale collection of resting-state fMRI data of individuals with ASD [46]. The ABIDE-I dataset consists of 1035 rs-fMRI scans, including 505 individuals with ASD and 530 neurotypical control subjects. The data were collected from 17 different imaging sites, each with its own scanning protocol. The dataset has undergone various preprocessing steps, including motion correction, spatial normalization, and noise reduction, to ensure uniform data quality and comparability across different sites. However, different imaging sites had different default fMRI scanners; therefore, Repetition Time (TR), Echo Time (TE), and flip angle degree are varied across sites. The subset of scans with TR of 2000 (ms) from the ABIDE-I dataset has been extracted. Thus, for this study, we have only used data samples collected from 9 out of 17 sites, resulting in 236 ASD samples, 276 typically developing samples. The subjects were then randomly split into training and testing sets. The training and testing sets consisted of 231 control and 235 neurodivergent samples and 35 and 41 samples, respectively. In Figure 2, phenotypic data distributions for the studied data could be found. It could be noted that there are a higher number of male samples than females in both typically developing and neurodivergent subgroups.
Figure 2.
Summary of phenotypic data is presented. In particular, the number of male samples is higher than that of females in both subjects with typically developing ASD and subjects with ASD.
3.2. Data Preprocessing
Schaefer’s 200-parcel functional deterministic atlas has been used for brain parcellation of the original fMRI scans, which divided the cerebral cortex into 200 distinct, non-overlapping regions based on the derived functional connectivity patterns (Figure 3A) [47]. The resulting 200 parcels are distributed across both hemispheres and cover the entire cortex. Time-series data were extracted from each of the 200 parcels, resulting in a 2D matrix consisting of signals from 200 parcels with 200 time steps ( ms). As the length of scans varied across imaging sights, each scan was augmented into multiple samples using a sliding window of 200 time steps with a step size of 10 applied to each voxel per time matrix. The sliding window was then applied to each sample in training and testing subsets, resulting in disjoint 3472 neurotypical and 2973 neurodivergent samples for the training set and 364 and 364 samples for the testing set. The testing and training fMRI splitting, described in Section 3.1, have not been mixed during data augmentation to ensure fairness. Finally, the parcel versus time matrices were normalized to the range of 0 to 1.
Figure 3.
Details on different structures of the model architecture for our FC analysis with fMRI data. (A) The overall signal processing framework. (B) CNN CVAE. (C) RNN CVAE. (D) Hybrid CVAE with CNN and RNN in parallel.
3.3. Variational Autoencoder (VAE)
The Autoencoder (AE) is a type of neural network architecture commonly employed for capturing low-dimensional representations of fMRI data. AE comprises an encoder and a decoder [48]. The encoder part of the AE transforms the input data into a set of low-dimensional latent variables, and the decoder part subsequently reconstructs those latent variables into the original data space [48]. During training, the encoder and decoder aim to minimize the reconstruction error between the input data and the reconstructed output [48]. A unique subtype of AEs is the Variational Autoencoder (VAE). Similar to the AE, the VAE also consists of an encoder and a decoder, but the encoder maps the input data to a set of latent variables that are assumed to be drawn from a prior distribution. The decoder randomly samples from the latent distribution and learns to map these latent variables back to the original data space to reconstruct the sample. Sampling from a learned latent space and decoding these latent features into the original data space allows for the generation of new data samples.
In our study, the VAE is deployed as a deep generative model using different architectures of the encoder and the decoder . The encoder learns to compress the high-dimensional input (parcels versus time matrix) into lower-dimensional latent representations , and and are both hyperparameters of the networks. The VAE aims to learn a model for the true data distribution, denoted by . The latent space dimensionality is denoted as d (i.e., ). The variational posterior distribution is denoted by , which is an approximation of the true posterior. The network is trained using the Evidence Lower Bound (ELBO) loss, consisting of the reconstruction and KL divergence terms. The reconstruction term aims to ensure that the VAE can accurately reconstruct the input data, which is represented as the expected negative log-likelihood , where is modeled by the decoder part of the VAE. The KL divergence term is used to make the variational posterior distribution, , as close to the prior distribution, , as possible.
The ELBO loss, denoted as , can be written as:
(1) |
During training, the encoder network models the variational posterior distribution . The encoder outputs the parameters of a Gaussian distribution, and , which represent the mean and log-variance of the latent space distribution, respectively. Sampling from allows us to generate new data samples similar to those present in the training data distribution.
3.4. Conditional VAE
We propose using a CVAE for a more controlled fMRI sample reconstruction. The CVAE is an extension of the VAE that allows the generation of data samples conditioned on certain attributes or labels [15]. In our CVAE design, both the encoder and decoder receive additional input variables, which is an embedding (denoted as ) containing age, sex (M or F), and subgroup (TD or ASD) labels, with the assumption that all conditions are statistically independent of each other. This can be viewed as concatenating the embedding to the input of the encoder and the input of the decoder . The changes made in comparison to the generative process of a VAE can be understood as introducing an identity function with respect to into the model. In the CVAE, the encoder learns to extract hidden representations of an image while taking into account conditional variables (represented by the distribution ). The decoder then translates this data representation in the form of to the input space (i.e., ).
Specifically, the generative process of the CVAE takes the form
(2) |
And the ELBO loss can then be written as:
(3) |
In the CVAE model, the reconstruction of a sample is dependent on the given set of input conditions. To generate a TD-like output for an atypical sample, the conditional variable must be adjusted to a control condition while retaining the remaining conditions unchanged. Consequently, when calculating the discrepancy between the atypical input and the reconstructed output, the difference is assumed to be solely attributed to the modified conditions. This ensures that the identified divergence depends exclusively on the altered conditional variable.
3.5. Experimental Setup
Three commonly used VAE architectures in the fMRI domain were trained to learn a compact representation of the data from neurotypical control fMRI samples. A Convolutional Neural Network (CNN) variational autoencoder, Recurrent Neural Network (RNN) variational autoencoder, and a hybrid of CNN and RNN VAEs in parallel (Figure 3). For all CNN VAEs in this study, the CNN encoder consisted of three convolution layers with 32, 64, and 128 filters, respectively, followed by a fully connected layer. Subsequently, the CNN decoder comprised transposed convolution layers with 128, 64, and 32 filters, followed by a fully connected layer. Batch normalization and the leaky ReLU activation functions were utilized. The RNN encoder contained three unidirectional Long-Short-Term Memory (LSTM) layers followed by a fully connected layer. Decoder, respectively, consisted of a fully connected layer followed by three LSTM layers as well. Finally, the parallel structure model was built as a combination of those CNN and RNN structures in parallel. Latent features are fused using element-by-element multiplication. A more detailed summary of the structures of VAEs can be found in Figure 3. All three VAEs have 2000 latent features extracted by the encoding part (), and the latent space was modeled using a mixture of Gaussian assumptions. Furthermore, all VAEs were optimized using the Adam algorithm with a learning rate of . In the context of the CVAE, all the architectures of the models remain the same; however, the phenotypic data embedding is incorporated by concatenating it with both the input of the encoder and the input of the decoder. The embedding dimensionality is specifically set to 200, allowing for concatenation as another parcel feature to the input matrix, resulting in a total dimensionality of . Concatenation to the latent vector resulted in the dimensionality of 2200. It is important to note that for the training of VAEs, only a neurotypical sample has been used; however, due to the conditional embedding, the CVAE allows for training on both neurotypical and neurodivergent samples. All of the experiments that are reported in this paper were performed on the server that contains an NVIDIA RTX 3090 running CUDA version and PyTorch [49]. We believe that this is the first study in the fMRI domain comparing different encoding and decoding architectures.
3.6. VAE Performance Evaluations
Evaluation of VAE performance consisted of analysis of the reconstruction of the neurotypical samples, analysis of latent space features, and analysis of the regeneration abilities of the decoder.
Upon completion of the training, assessment of the VAE and CVAE reconstruction abilities involved three evaluation methods. The cosine similarity score was computed to capture the overall resemblance between the input and the reconstructed output. However, cosine similarity does not explicitly account for positional information. Thus, Pearson’s correlation coefficient (R, PCC) was additionally calculated for the validation subsets of the data. Finally, the difference between the input and decoded output was evaluated through (Mean Absolute Error (MAE)). quantified the average absolute difference between the reconstructed BOLD signal intensity and the intensity of the original signal. To compute the error, we leveraged the validation samples of the subgroup present during the training phase. We believe that a combination of these metrics will help us quantify the ability of VAEs and CVAEs to reconstruct samples from lower-dimensional data within the validation dataset.
To assess the encoding abilities of each model, we encode both populations and conduct a comparative analysis of their latent representations. To determine the statistical significance of the differences in the encoding feature, a two-sided t-test is employed (). The null hypothesis is that the mean of the neurotypical subgroup is equal to the mean of the neurodivergent. It is believed that the optimal encoder architecture will have a pronounced distinction in the latent space, meaning that the encoder learned to extract meaningful features from the input samples. Consequently, our objective is to reject the null hypothesis in favor of the alternative hypothesis, which is that the mean latent representations of the TD and ASD groups are different.
Evaluating the performance of accuracy of synthetic data outputted by VAEs poses a significant challenge, especially when the ground-truth effects are unknown in real data. Therefore, to provide an initial assessment of atypical pattern detection, we calculate of synthetic samples. In the context of VAE experiments, where the model is trained on TD samples only, we formulate a hypothesis that the error would be more pronounced when reconstructing ASD validation samples in comparison to the TD validation samples. For the CVAE experiments, where model architecture accommodates training on both TD and ASD samples, synthetic outputs were generated for the ASD validation dataset with target conditional embedding of TD samples. Consequently, the error is computed between the input ASD samples and the synthetically generated outputs.
3.7. Functional Connectivity Analysis
In this study, we conducted FC analysis of the ASD subgroup alongside FC analysis for female and male populations within the ASD group. The FC analysis was performed using trained VAEs and CVAEs in three steps.
In VAE experiments, we first processed each neurodivergent sample from the validation subset through all three architectures. We hypothesized that since VAEs were trained to reconstruct neurotypical samples only, the output of the neurodivergent sample from the decoding process would resemble the features of the training data (Figure 4A). Next, we grouped the brain parcels into five prominent brain networks—the Default Mode Network (DMN), Limbic, Visual, Somatomotor, and Salience. Due to limitations in Schaefer’s atlas, we could only analyze connectivity within these five networks. We then calculated pairwise connectivity using Pearson correlation coefficients between these networks (Figure 4B). The resulting averaged correlation matrices were then subjected to a two-sided Welch t-test to compare interconnectivity within networks between the two subgroups. Statistically significant results () were then visualized using chord diagrams. A negative Welch t-value indicated that the mean of the neurodivergent input was lower than that of the neurotypical-like synthetically generated group, while a positive Welch t-value suggested that the mean of the input group was higher than the generated group. As depicted in Figure 4C, the color of the connecting line between the outer circles of the chord diagram corresponds to the Welch t-value. In this representation, blue shades indicate negative t-values (lower connectivity), while yellow hues correspond to positive t-values (higher connectivity).
Figure 4.
Summary of functional connectivity analysis steps. (A) Process neurodivergent samples from the validation subset through VAE or CVAE. Adjust the condition to the target in CVAE. (B) Compute pairwise connectivity between networks. (C) Perform a two-sided Welch t-test and visualize statistically significant results using a chord diagram.
For the CVAEs, the training data included both neurodivergent and neurotypical data, which allows for a more targeted generation of the synthetic output. The overall steps for FC with CVAEs were similar to those with VAEs, but the input embedding of the condition was adjusted to the desired output. For instance, if the input sample was a female with ASD, 12 years old, the embedding was adjusted to generate a neurotypical-like female, 12 years old, sample. The remaining FC analysis steps—grouping parcels, calculating pairwise connectivity, conducting two-sided Welch t-tests, and visualizing chord diagrams—are the same as with VAEs.
To explore sex-related neurodivergence, we performed separate analyses for female and male samples from the validation dataset. To assess the influence of the conditions on the FC results, we calculate cosine similarity between VAE and CVAE pairwise correlation matrix between networks (Figure 4B). We believe that the cosine similarity score should be higher for CVAE than VAE, indicating reduced sex-related bias.
4. Results
4.1. VAE Performance Evaluations
As detailed in Section 3.6, we begin by evaluating the reconstruction performance of all VAEs and CVAEs. Upon visual inspection of Figure 5, we observe that all models have adeptly learned to reconstruct the data from the low-dimensional representation. In Figure 6, one can observe the decoded signal from one parcel of the validation sample, and the decoded signal closely follows the input signal, demonstrating a high level of reconstruction. Additional quantitative results are summarized in Table 1 and Table 2. It i worth highlighting that integrating conditional variables into the models has increased the accuracy in reconstructing latent features, as indicated by both the cosine similarity and PCC metrics. The CNN architecture has outperformed other architectures in terms of reconstruction across both the VAE and CVAE experiments as evidenced by the highest PCC scores in Table 1 and Table 2. Moreover, the increase in PCC by adding conditional embedding to the CNN model (9.37%) is higher compared to the increases in other models (4.54% in RNN and 3.18% in CNN+RNN).
Figure 5.
Sample reconstruction of parcels vs. time matrix for a neurotypical control sample from validation subset. LH: Left Hemisphere, RH: Right Hemisphere, Vis: Visual, SM: Somatomotor, Lim: Limbic, Sal: Salience, Def: Default.
Figure 6.
Sample reconstruction of one parcel for the neurotypical control sample from validation subset. PCC and MSE are also stated for the displayed parcel reconstruction.
Table 1.
Summary of reconstruction performance of VAE experiments: cosine similarity scores and PCC for the neurotypical samples in the validation dataset. The average L1 reconstruction error for both neurotypical and neurodivergent samples within the validation dataset is presented.
Model | Cosine Similarity | PCC | L1 TD | L1 ASD |
---|---|---|---|---|
CNN | 0.9930 | 0.6551 | 0.0693 | 0.0781 |
RNN | 0.9817 | 0.6105 | 0.0728 | 0.0819 |
CNN and RNN | 0.9820 | 0.6356 | 0.0717 | 0.0803 |
Table 2.
Summary of reconstruction performance of CVAE experiments: cosine similarity scores and PCC for the neurotypical samples in the validation dataset. Additionally, the average L1 reconstruction error for validation neurodivergent samples and synthetically generated neurotypical-like samples.
Model | Cosine Similarity | PCC | L1 ASD | L1 TD |
---|---|---|---|---|
Conditional CNN | 0.9961 | 0.7165 | 0.0643 | 0.0733 |
Conditional RNN | 0.9818 | 0.6382 | 0.0681 | 0.077 |
Conditional CNN and RNN | 0.9825 | 0.6558 | 0.0687 | 0.0778 |
To evaluate the encoding capabilities of each model, a comprehensive analysis was conducted on both neurotypical and neurodivergent samples from the validation dataset. Figure 7 depicts the resulting means of latent distribution. Notably, among the VAE models, the CNN architecture and the hybrid CNN with RNN models exhibit statistically significant differences in their latent features between affected and unaffected samples. Therefore, the models have successfully learned to extract meaningful features from the input data. As anticipated, adding conditional embedding to the models resulted in a higher degree of separation within the latent space than unconditional models. All the CVAE models display statistically significant differences in latent space between the two subgroups.
Figure 7.
Summary of mean distribution of the latent space for validation subsets for each model. T-test significance is also reported on each of the subplots.
To further assess the performance of VAEs, we conducted a preliminary evaluation of atypical pattern detection by calculating the reconstruction error on both neurotypical and neurodivergent samples from our validation datasets, summarized in Table 1. The reconstruction error for the ASD validation set is higher than that of the TD set. This difference implies that VAEs can reconstruct ASD samples in a manner that makes them resemble TD samples. For the CVAEs, we conducted a similar analysis. Given that the CVAE was trained on both ASD and TD samples, our approach involved computing the reconstruction error for the ASD samples first. Subsequently, we compared this with the synthetically generated outputs, employing a target conditional embedding based on a TD sample. The results, presented in Table 2, show that the construction error for the synthetic samples exceeds that of the reconstructed ASD samples. This disparity serves as an indication that the conditioning mechanism is effective in detecting certain divergences within the data.
4.2. Functional Connectivity Analysis
Figure 8 and Figure 9 present the results of the FC analysis, following the steps outlined in Section 3.7. In Figure 8 and Figure 9, the top row is the connectivity trends for both female and male samples of the testing data, the middle row is the trends for the male population, and the bottom is female. We first highlight results shared consistently across all rows, which indicates the trends that are unaffected by the sex imbalance within the dataset. Subsequently, we summarize the identified patterns in functional connectivity that were affected by this sex bias.
Figure 8.
Statistically significant results of FC analysis presented as the chord diagram from VAE experiments (two-sided Welch’s, ). The bluish color of the lines indicates lower connectivity, while yellowish colors represent higher connectivity of ASD samples compared to neurotypical-like synthetic samples. The top row displays combined results for both female and male populations, the middle row focuses on the male population only, and the bottom row pertains to female samples.
Figure 9.
Statistically significant results of FC analysis presented as the chord diagram from CVAE experiments (two-sided Welch’s, ). The bluish color of the lines indicates lower connectivity, while yellowish colors represent higher connectivity of ASD samples compared to neurotypical-like synthetic samples. The top row displays combined results for both female and male populations, the middle row focuses on the male population only, and the bottom row pertains to female samples.
In the VAE experiments (Figure 8, top row), a consistent trend of under-connectivity between the Limbic and DMN networks emerges across all models for the combined male and female populations. This pattern remains evident in both the female and male subpopulations, except for the RNN female results (Figure 8, bottom row). Similarly, CNN and hybrid models identified under-connectivity between the salience and visual networks, which has remained similarly apparent in both male and female populations. Finally, the trend that is found to be common across males subpopulation and females subpopulation (middle and bottom rows) is the under-connectivity between limbic and somatomotor networks.
One notable consequence of the dataset’s bias is exemplified by the consistent trend of over-connectivity between the salience and limbic networks in the male population, which is reversed in females for all of the models (Figure 8, middle and bottom rows). Thus, connectivity between the salience and limbic networks for the combined populations (top row) reveals contrasting outcomes. Furthermore, a noteworthy difference between males and females lies in the connectivity between the somatomotor and DMN networks. In females, the connectivity between the somatomotor and DMN networks exhibits a notably stronger presence in comparison to males. This can be concluded by higher Welch t-values observed within the female population for the connections between the somatomotor and DMN networks.
In the CVAE experiments, some trends are similar to those identified with VAE models. For example, in Figure 9, a trend of under-connectivity between limbic and DMN is apparent for both the male and female populations, with the exception of the CNN model. In RNN-based and hybrid models, the trend of under-connectivity between limbic and DMN in males and females remains true for CVAE experiments. Remarkably, the trend of increased connectivity between the Somatomotor and DMN networks in females, as opposed to males, persists in CVAE experiments as well.
Interpreting the chord plots and discerning the extent to which the CVAE mitigated sex-related influences presents a challenge. As outlined in Section 3.4, the identified neurodivergence in the CVAE is expected to have a lower correlation with sex labels compared to the VAE. To measure this, we quantitatively assess the similarity between the pairwise correlations underpinning these chord plots (Table 3). This similarity score revealed that all the conditional models have a higher overlap between male and female neurodivergence compared to the unconditional models. Conditional hybrid model had the highest values for the similarity between female and male pairwise correlation matrices, suggesting the most unbiased FC neurodivergence patterns in relation to sex. However, it is important to note that the CNN model compared to the rest of the models had the highest increase in similarity by adding conditional embedding, which is indicative of the fact that CNN layers are particularly sensitive to the inclusion of conditional embedding.
Table 3.
Similarity between male and female FC pairwise correlations for VAE and CVAE experiments.
Model Architecture | Unconditional FC Similarity | Conditional FC Similarity |
---|---|---|
CNN | 0.35 | 0.70 |
RNN | 0.66 | 0.80 |
CNN parallel with RNN | 0.78 | 0.85 |
5. Discussion
In this study, we investigated the application of generative models to FC analysis in the context of ASD with fMRI data. Our exploration began with a comprehensive assessment of the reconstructive abilities of various VAE architectures, using neurotypical samples as the input data.
We believe that the CNN-based VAE and CVAE are more effective in reconstruction and conditional generation of synthetic data. This conclusion has been derived from the combination of the metrics and results provided in Section 4. First and foremost, cosine similarity and PCC measures for CNN VAE and CNN CVAE reconstruction are higher compared to the other models. Even though introducing phenotype data has improved both reconstruction in higher dimensional space and discrimination in lower-dimensional space for all of the models, it i worth highlighting that the CNN model has demonstrated superior reconstruction performance with conditioning, as evidenced by the highest observed increase in PCC by comparing Table 1 and Table 2. Secondly, in Table 3, the CNN model stands out with the highest increase in similarity between female and male connectivity, almost doubling the improvement seen in other models. These findings collectively indicate that the CNN model exhibits heightened sensitivity to conditioning mechanisms in comparison to other models. One plausible explanation for this could lie in the way the condition is introduced to the model. In all models, conditional embedding is concatenated as another feature, resulting in the absence of explicit temporal ordering within conditional embeddings. Consequently, CNN demonstrated superior performance in handling this conditioning mechanism when contrasted with the RNN model. We interpret this as it is more effective for the VAE to model spatial patterns rather than temporal ones. We believe that unconditional CNN in parallel with RNN is better for classification applications.As shown in Figure 7, the degree of separation for the unconditional hybrid model is higher than the other models. Secondly, the addition of conditional information to the hybrid model resulted in the most unbiased results in relation to sex labels results, as indicated by the highest values in Table 3. Nevertheless, the hybrid model has reduced sex-related bias the most, the results were accompanied by poorer reconstruction performance compared to the CNN-based model.
To provide initial validation for the decoder architectures, we calculated the Mean Absolute Error for the reconstruction of the subgroup that was present during the training and the new sample subgroup. VAEs had higher reconstruction errors for ASD samples compared to TD samples, indicating their ability to model ASD samples resembling TD ones. For CVAEs, which were trained on both ASD and TD samples, we computed reconstruction loss for ASD samples. Comparing this loss of synthetically generated outputs using a TD-based target conditional embedding, we found higher reconstruction errors for synthetic samples. This finding also suggests the conditioning mechanism effectively detects neurodivergence and can make the generation process more targeted. Moreover, in comparison to the work of Kim et al. [22], our VAE models demonstrate better performance in data reconstruction, showcasing a lower range of reconstruction errors ranging from to , while Kim et al. reported a range of to .
Next, we proceeded further to FC analysis with trained VAEs and CVAEs. We consistently identified under-connectivity between the limbic and DMN networks across most VAE experiments, which is consistent with previous findings in the literature [38]. The trend of higher connectivity between salience and limbic networks in the male population compared to female has been identified by all VAEs and CVAEs. In the study by Green et al. [42], where the studied group consisted predominantly of the male population, they concluded that male individuals tend to exhibit over-connectivity between salience and limbic networks. However, we extend these findings and show this trend does not hold true in the female population.
One of the findings in the previous literature is that males tend to have decreased under-connectivity with the DMN network compared to females [44]. Based on our analysis, both the VAE and CVAE revealed this pattern as well, specifically between DMN and somatomotor networks. Due to the limitations of Schaefer’s atlas, we have focused on exploring network connectivity. However, in future works, we aim to expand the investigation to other atlas configurations and within network analysis. All of the above are consistent with the connectivity patterns that have been reported previously in other literature, summarized in Section 2.4.
It was hypothesized that adjusting conditional embedding would reduce sex-related bias in the models and potentially result in sex-independent FC. By evaluating the pairwise connectivity matrix overlap between female and male subgroups, it is concluded that patterns discerned through CVAE have reduced correlation with sex labels. We believe the remaining differences shown in the chord plot between male and females in CVAE experiments are primarily due to the age difference and diverse nature of the disorder.
In recent years, many studies have explored the capabilities of generative models (including VAEs, GANs, and Diffusion flow models) in the medical domain. However, many models are found to struggle with at least one of the following: high-quality outputs, mode coverage, sample diversity, and computational costs [50]. VAEs are probabilistic models, which makes them well-suited for modeling and generating complex distributions. As shown in this paper, VAEs can learn the underlying probability distribution of the input data, allowing for probabilistic sampling and interpolation. However, as stated in previous works, VAEs tend to suffer from comparatively low quality in generation compared to GANs or Diffusion flow models [50]. Therefore, our future work will also investigate different generative frameworks to improve the quality of generated samples and develop methods for assessing them.
6. Conclusions
This paper presents a novel approach to FC analysis of fMRI data using a generative model such as the VAE. We also attempted to study if introducing additional phenotype data to the model would reduce bias and increase the generalizability of the FC analysis. Our main finding includes that the CNN-based model has been shown to be the most effective architecture for the FC analysis, as it showed superior performance in reconstruction with and without conditional information. We show that introducing phenotypic data to the model generally improves reconstruction performance and reduces bias in FC analysis. Conditioning of the CNN model has shown to have the most effect on the results; however, the CNN model parallel with RNN has shown to be the least biased with respect to sex labels.
Acknowledgments
The authors would like to thank Taha Gholipour for acquainting us with the fMRI data structure and related approaches.
Abbreviations
The following abbreviations are used in this manuscript:
ASD | Autism Spectrum Disorder |
TD | Typically Developing |
FC | Functional Connectivity |
fMRI | functional Magnetic Resonance Imaging |
BOLD | Blood-Oxygen-Level-Dependent |
CNN | Convolutional Neural Network |
RNN | Recurrent Neural Network |
VAE | Variational Autoencoder |
CVAE | Conditional Variational Autoencoder |
DMN | Default Mode Network |
PCC | Pearson’s Correlation Coefficient |
Author Contributions
Conceptualization, M.S. and C.H.P.; methodology, M.S. and C.H.P.; software, M.S.; validation, M.S; formal analysis, M.S.; investigation, M.S. and C.H.P.; resources, C.H.P.; data curation, M.S.; writing—original draft preparation, M.S.; writing—review and editing, C.H.P.; visualization, M.S.; supervision, C.H.P.; funding acquisition, C.H.P.; project administration, C.H.P. All authors have read and agreed to the published version of the manuscript.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
This study used publicly available dataset that can be found at https://fcon_1000.projects.nitrc.org/indi/abide/ accessed on 18 August 2023.
Conflicts of Interest
The authors declare no conflict of interest.
Funding Statement
This research was partially supported by the NSF #1846658: “CAREER: Social Intelligence with Contextual Ambidexterity for Long-Term Human-Robot Interaction and Intervention (LT-HRI2)”.
Footnotes
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.
References
- 1.Lord C., Elsabbagh M., Baird G., Veenstra-Vanderweele J. Autism spectrum disorder. Lancet. 2018;392:508–520. doi: 10.1016/S0140-6736(18)31129-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 2.Loomes R., Hull L., Mandy W.P.L. What Is the Male-to-Female Ratio in Autism Spectrum Disorder? A Systematic Review and Meta-Analysis. J. Am. Acad. Child Adolesc. Psychiatry. 2017;56:466–474. doi: 10.1016/j.jaac.2017.03.013. [DOI] [PubMed] [Google Scholar]
- 3.Biswal B., Zerrin Yetkin F., Haughton V.M., Hyde J.S. Functional connectivity in the motor cortex of resting human brain using echo-planar MRI. Magn. Reson. Med. 1995;34:537–541. doi: 10.1002/mrm.1910340409. [DOI] [PubMed] [Google Scholar]
- 4.Hull J.V., Dokovna L.B., Jacokes Z.J., Torgerson C.M., Irimia A., Van Horn J.D. Resting-state functional connectivity in autism spectrum disorders: A review. Front. Psychiatry. 2017;7:205. doi: 10.3389/fpsyt.2016.00205. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5.Just M.A., Cherkassky V.L., Keller T.A., Kana R.K., Minshew N.J. Functional and anatomical cortical underconnectivity in autism: Evidence from an FMRI study of an executive function task and corpus callosum morphometry. Cereb. Cortex. 2007;17:951–961. doi: 10.1093/cercor/bhl006. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Courchesne E., Pierce K. Why the frontal cortex in autism might be talking only to itself: Local over-connectivity but long-distance disconnection. Curr. Opin. Neurobiol. 2005;15:225–230. doi: 10.1016/j.conb.2005.03.001. [DOI] [PubMed] [Google Scholar]
- 7.Cherkassky V.L., Kana R.K., Keller T.A., Just M.A. Functional connectivity in a baseline resting-state network in autism. Neuroreport. 2006;17:1687–1690. doi: 10.1097/01.wnr.0000239956.45448.4c. [DOI] [PubMed] [Google Scholar]
- 8.Calhoun V.D., Liu J., Adalı T. A review of group ICA for fMRI data and ICA for joint inference of imaging, genetic, and ERP data. Neuroimage. 2009;45:S163–S172. doi: 10.1016/j.neuroimage.2008.10.057. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Farahani F.V., Karwowski W., Lighthall N.R. Application of graph theory for identifying connectivity patterns in human brain networks: A systematic review. Front. Neurosci. 2019;13:585. doi: 10.3389/fnins.2019.00585. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 10.Chen G., Ward B.D., Xie C., Li W., Chen G., Goveas J.S., Antuono P.G., Li S.J. A clustering-based method to detect functional connectivity differences. NeuroImage. 2012;61:56–61. doi: 10.1016/j.neuroimage.2012.02.064. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Hutchison R.M., Womelsdorf T., Allen E.A., Bandettini P.A., Calhoun V.D., Corbetta M., Della Penna S., Duyn J.H., Glover G.H., Gonzalez-Castillo J., et al. Dynamic functional connectivity: Promise, issues, and interpretations. Neuroimage. 2013;80:360–378. doi: 10.1016/j.neuroimage.2013.05.079. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Havlicek M., Jan J., Brazdil M., Calhoun V.D. Dynamic Granger causality based on Kalman filter for evaluation of functional network connectivity in fMRI data. Neuroimage. 2010;53:65–77. doi: 10.1016/j.neuroimage.2010.05.063. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 13.Stephan K.E., Kasper L., Harrison L.M., Daunizeau J., den Ouden H.E., Breakspear M., Friston K.J. Nonlinear Dynamic Causal Models for fMRI. Neuroimage. 2008;42:649–662. doi: 10.1016/j.neuroimage.2008.04.262. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Kingma D.P., Welling M. Auto-Encoding Variational Bayes. arXiv. 2022 doi: 10.48550/arXiv.1312.6114.1312.6114 [DOI] [Google Scholar]
- 15.Sohn K., Lee H., Yan X. Learning Structured Output Representation using Deep Conditional Generative Models. In: Cortes C., Lawrence N., Lee D., Sugiyama M., Garnett R., editors. Advances in Neural Information Processing Systems. Volume 28 Curran Associates, Inc.; Red Hook, NY, USA: 2015. [Google Scholar]
- 16.Lee M.H., Smyser C.D., Shimony J.S. Resting-state fMRI: A review of methods and clinical applications. Am. J. Neuroradiol. 2013;34:1866–1872. doi: 10.3174/ajnr.A3263. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 17.Neha, Gandhi T.K. Resting state fMRI analysis using seed based and ICA methods; Proceedings of the 2016 3rd International Conference on Computing for Sustainable Global Development (INDIACom); New Delhi, India. 16–18 March 2016; pp. 2551–2554. [Google Scholar]
- 18.Erhardt E.B., Rachakonda S., Bedrick E.J., Allen E.A., Adali T., Calhoun V.D. Comparison of multi-subject ICA methods for analysis of fMRI data. Hum. Brain Mapp. 2011;32:2075–2095. doi: 10.1002/hbm.21170. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 19.Almuqhim F., Saeed F. ASD-SAENet: A sparse autoencoder, and deep-neural network model for detecting autism spectrum disorder (ASD) using fMRI data. Front. Comput. Neurosci. 2021;15:654315. doi: 10.3389/fncom.2021.654315. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 20.Kang L., Chen J., Huang J., Jiang J. Autism spectrum disorder recognition based on multi-view ensemble learning with multi-site fMRI. Cogn. Neurodyn. 2023;17:345–355. doi: 10.1007/s11571-022-09828-9. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Qiang N., Dong Q., Liang H., Ge B., Zhang S., Sun Y., Zhang C., Zhang W., Gao J., Liu T. Modeling and augmenting of fMRI data using deep recurrent variational auto-encoder. J. Neural Eng. 2021;18:0460b6. doi: 10.1088/1741-2552/ac1179. [DOI] [PubMed] [Google Scholar]
- 22.Kim J.H., Zhang Y., Han K., Wen Z., Choi M., Liu Z. Representation learning of resting state fMRI with variational autoencoder. NeuroImage. 2021;241:118423. doi: 10.1016/j.neuroimage.2021.118423. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 23.Huang H., Hu X., Zhao Y., Makkie M., Dong Q., Zhao S., Guo L., Liu T. Modeling task fMRI data via deep convolutional autoencoder. IEEE Trans. Med. Imaging. 2017;37:1551–1561. doi: 10.1109/TMI.2017.2715285. [DOI] [PubMed] [Google Scholar]
- 24.Zuo Q., Zhu Y., Lu L., Yang Z., Li Y., Zhang N. Fusing Structural and Functional Connectivities using Disentangled VAE for Detecting MCI. arXiv. 20232306.09629 [Google Scholar]
- 25.Choi H. Functional connectivity patterns of autism spectrum disorder identified by deep feature learning. arXiv. 2017 doi: 10.48550/arXiv.1707.07932.1707.07932 [DOI] [Google Scholar]
- 26.Zhuang P., Schwing A.G., Koyejo O. fMRI Data Augmentation Via Synthesis; Proceedings of the 2019 IEEE 16th International Symposium on Biomedical Imaging (ISBI 2019); Venice, Italy. 8–11 April 2019; Piscataway, NJ, USA: IEEE; 2019. pp. 1783–1787. [DOI] [Google Scholar]
- 27.Zhang Y., Liu X., Wa S., Liu Y., Kang J., Lv C. GenU-Net++: An Automatic Intracranial Brain Tumors Segmentation Algorithm on 3D Image Series with High Performance. Symmetry. 2021;13:2395. doi: 10.3390/sym13122395. [DOI] [Google Scholar]
- 28.Tashiro T., Matsubara T., Uehara K. Deep neural generative model for fMRI image based diagnosis of mental disorder. IEICE Proc. Ser. 2017;29:700–703. doi: 10.34385/proc.29.C2L-D-6. [DOI] [Google Scholar]
- 29.Zou A., Ji J. Learning brain effective connectivity networks via controllable variational autoencoder; Proceedings of the 2021 IEEE International Conference on Bioinformatics and Biomedicine (BIBM); Houston, TX, USA. 9–12 December 2021; pp. 284–287. [DOI] [Google Scholar]
- 30.Wang X., Zhao K., Zhou R., Leow A., Osorio R., Zhang Y., He L. Normative Modeling via Conditional Variational Autoencoder and Adversarial Learning to Identify Brain Dysfunction in Alzheimer’s Disease. arXiv. 2022 doi: 10.48550/arXiv.2211.08982.2211.08982 [DOI] [Google Scholar]
- 31.Gao M.S., Tsai F.S., Lee C.C. Learning a Phenotypic-Attribute Attentional Brain Connectivity Embedding for ADHD Classification using rs-fMRI; Proceedings of the 2020 42nd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC); Montreal, QC, Canada. 20–24 July 2020; pp. 5472–5475. [DOI] [PubMed] [Google Scholar]
- 32.Broyd S.J., Demanuele C., Debener S., Helps S.K., James C.J., Sonuga-Barke E.J. Default-mode brain dysfunction in mental disorders: A systematic review. Neurosci. Biobehav. Rev. 2009;33:279–296. doi: 10.1016/j.neubiorev.2008.09.002. [DOI] [PubMed] [Google Scholar]
- 33.Rajmohan V., Mohandas E. The Limbic System. Indian J. Psychiatry. 2007;49:132. doi: 10.4103/0019-5545.33264. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 34.Rolls E.T. The cingulate cortex and limbic systems for emotion, action, and memory. Brain Struct. Funct. 2019;224:3001–3018. doi: 10.1007/s00429-019-01945-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 35.Yang Y.L., Deng H.X., Xing G.Y., Xia X.L., Li H.F. Brain functional network connectivity based on a visual task: Visual information processing-related brain regions are significantly activated in the task state. Neural Regen. Res. 2015;10:298–307. doi: 10.4103/1673-5374.152386. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 36.Menon V., Uddin L.Q. Saliency, switching, attention and control: A network model of insula function. Brain Struct. Funct. 2010;214:655–667. doi: 10.1007/s00429-010-0262-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 37.Chand G.B., Dhamala M. The salience network dynamics in perceptual decision-making. Neuroimage. 2016;134:85–93. doi: 10.1016/j.neuroimage.2016.04.018. [DOI] [PubMed] [Google Scholar]
- 38.Abrams D.A., Lynch C.J., Cheng K.M., Phillips J., Supekar K., Ryali S., Uddin L.Q., Menon V. Underconnectivity between voice-selective cortex and reward circuitry in children with autism. Proc. Natl. Acad. Sci. USA. 2013;110:12060–12065. doi: 10.1073/pnas.1302982110. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 39.Lynch C.J., Uddin L.Q., Supekar K., Khouzam A., Phillips J., Menon V. Default mode network in childhood autism: Posteromedial cortex heterogeneity and relationship with social deficits. Biol. Psychiatry. 2013;74:212–219. doi: 10.1016/j.biopsych.2012.12.013. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 40.Yerys B.E., Gordon E.M., Abrams D.N., Satterthwaite T.D., Weinblatt R., Jankowski K.F., Strang J., Kenworthy L., Gaillard W.D., Vaidya C.J. Default mode network segregation and social deficits in autism spectrum disorder: Evidence from non-medicated children. NeuroImage Clin. 2015;9:223–232. doi: 10.1016/j.nicl.2015.07.018. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 41.Buch A.M., Vértes P.E., Seidlitz J., Kim S.H., Grosenick L., Liston C. Molecular and network-level mechanisms explaining individual differences in autism spectrum disorder. Nat. Neurosci. 2023;26:650–663. doi: 10.1038/s41593-023-01259-x. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 42.Green S.A., Hernandez L., Bookheimer S.Y., Dapretto M. Salience network connectivity in autism is related to brain and behavioral markers of sensory overresponsivity. J. Am. Acad. Child Adolesc. Psychiatry. 2016;55:618–626. doi: 10.1016/j.jaac.2016.04.013. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 43.Ypma R.J., Moseley R.L., Holt R.J., Rughooputh N., Floris D.L., Chura L.R., Spencer M.D., Baron-Cohen S., Suckling J., Bullmore E.T., et al. Default Mode Hypoconnectivity Underlies a Sex-Related Autism Spectrum. Biol. Psychiatry Cogn. Neurosci. Neuroimaging. 2016;1:364–371. doi: 10.1016/j.bpsc.2016.04.006. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 44.Lawrence K.E., Hernandez L.M., Bowman H.C., Padgaonkar N.T., Fuster E., Jack A., Aylward E., Gaab N., Van Horn J.D., Bernier R.A., et al. Sex differences in functional connectivity of the salience, default mode, and central executive networks in youth with ASD. Cereb. Cortex. 2020;30:5107–5120. doi: 10.1093/cercor/bhaa105. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 45.Smith R.E., Avery J.A., Wallace G.L., Kenworthy L., Gotts S.J., Martin A. Sex differences in resting-state functional connectivity of the cerebellum in autism spectrum disorder. Front. Hum. Neurosci. 2019;13:104. doi: 10.3389/fnhum.2019.00104. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 46.Craddock C., Benhajali Y., Chu C., Chouinard F., Evans A., Jakab A., Khundrakpam B.S., Lewis J.D., Li Q., Milham M., et al. The neuro bureau preprocessing initiative: Open sharing of preprocessed neuroimaging data and derivatives. Front. Neuroinform. 2013;7:27. [Google Scholar]
- 47.Schaefer A., Kong R., Gordon E.M., Laumann T.O., Zuo X.N., Holmes A.J., Eickhoff S.B., Yeo B.T. Local-global parcellation of the human cerebral cortex from intrinsic functional connectivity MRI. Cereb. Cortex. 2018;28:3095–3114. doi: 10.1093/cercor/bhx179. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 48.Rumelhart D.E., Hinton G.E., Williams R.J. Learning Internal Representations by Error Propagation. Parallel Distrib. Process. 1985;1:318–362. [Google Scholar]
- 49.Paszke A., Gross S., Massa F., Lerer A., Bradbury J., Chanan G., Killeen T., Lin Z., Gimelshein N., Antiga L., et al. Advances in Neural Information Processing Systems 32. Curran Associates, Inc.; Red Hook, NY, USA: 2019. PyTorch: An Imperative Style, High-Performance Deep Learning Library; pp. 8024–8035. [Google Scholar]
- 50.Xiao Z., Kreis K., Vahdat A. Tackling the generative learning trilemma with denoising diffusion gans. arXiv. 2021 doi: 10.48550/arXiv.2112.07804.2112.07804 [DOI] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
This study used publicly available dataset that can be found at https://fcon_1000.projects.nitrc.org/indi/abide/ accessed on 18 August 2023.