Skip to main content

ORIGINAL RESEARCH article

Front. Neurosci., 22 November 2022
Sec. Brain Imaging Methods
This article is part of the Research Topic Advanced Machine Learning Approaches for Brain Mapping View all 16 articles

Exploring high-order correlations with deep-broad learning for autism spectrum disorder diagnosis

\r\nXiaoke Hao*Xiaoke Hao1*Qijin AnQijin An1Jiayang LiJiayang Li1Hongjie MinHongjie Min1Yingchun GuoYingchun Guo1Ming YuMing Yu1Jing Qin*Jing Qin2*
  • 1School of Artificial Intelligence, Hebei University of Technology, Tianjin, China
  • 2School of Nursing, Centre for Smart Health, The Hong Kong Polytechnic University, Hong Kong, Hong Kong SAR, China

Recently, a lot of research has been conducted on diagnosing neurological disorders, such as autism spectrum disorder (ASD). Functional magnetic resonance imaging (fMRI) is the commonly used technique to assist in the diagnosis of ASD. In the past years, some conventional methods have been proposed to extract the low-order functional connectivity network features for ASD diagnosis, which ignore the complexity and global features of the brain network. Most deep learning-based methods generally have a large number of parameters that need to be adjusted during the learning process. To overcome the limitations mentioned above, we propose a novel deep-broad learning method for learning the higher-order brain functional connectivity network features to assist in ASD diagnosis. Specifically, we first construct the high-order functional connectivity network that describes global correlations of the brain regions based on hypergraph, and then we use the deep-broad learning method to extract the high-dimensional feature representations for brain networks sequentially. The evaluation of the proposed method is conducted on Autism Brain Imaging Data Exchange (ABIDE) dataset. The results show that our proposed method can achieve 71.8% accuracy on the multi-center dataset and 70.6% average accuracy on 17 single-center datasets, which are the best results compared with the state-of-the-art methods. Experimental results demonstrate that our method can describe the global features of the brain regions and get rich discriminative information for the classification task.

Introduction

Autism spectrum disorder (ASD) is a neurologically heterogeneous disorder that is difficult to diagnose. The main characteristics of ASD patients are social interaction disorders and neurodevelopmental disorders of stereotyped behavior. The life expectancy of ASD patients is much lower than that of normal controls (NC) (Perkins and Berkman, 2012). The current psychiatric diagnosis for ASD refers only to symptomatic behavioral observations (DSM-5/ICD-10), which may be misdiagnosed (Nickel and Huang-Storms, 2017). However, the cause and pathogenesis of ASD are unclear. There is an urgent need to identify biomarkers associated with brain imaging data to assist medical diagnosis.

Recently, various non-invasive brain imaging techniques such as magnetic resonance imaging (MRI), positron emission tomography (PET), and functional magnetic resonance imaging (fMRI) are widely used in the study of neurodegenerative diseases such as ASD. In particular, several studies in recent years have shown that using the blood oxygen level-dependent (BOLD) signal as a neurophysiological indicator can effectively identify potential biomarkers in ASD patients (Dekhil et al., 2018). Many studies have been conducted based on low-order brain functional connectivity obtained from fMRI, which reflects the correlation relationship between signals from paired brain regions (Liang et al., 2012; Li et al., 2014). Due to the spontaneous aberrations generated in the functional connectivity status of brain disease patients (Hahamy et al., 2015), there is a significant variability compared to NC.

Many studies explore the low-order brain functional connectivity to diagnose ASD. Stacked multiple sparse autoencoders (SSAE) is applied to learn the discriminative feature representation of low-order brain functional connectivity and subsequently diagnose ASD (Kong et al., 2019). Dekhil et al. (2018) construct an ASD diagnostic system consisting of sparse autoencoders and spatially activated regions, which similarly learn low-order brain functional connectivity features. Wang et al. (2020) propose a multi-site domain adaptation method based on low-order brain network for ASD diagnosis. Wang et al. (2022) propose a multi-site clustering and nested feature extraction method for fMRI-based ASD detection. However, current methods only reflect correlations between pairs of brain regions. The connections between brain regions are complex, and studies that only reflect pairwise relationships between brain regions are still limited. In contrast to the traditional approaches to characterize lower-order brain functional connectivity (Yu et al., 2017; Li et al., 2019), high-order feature representation of brain connectivity can characterize complex patterns of interactions between multiple brain regions and correlations across brain regions. Feng et al. (2020) regard the second-order functional connectivity network as a higher-order brain network, in which brain connectivity patterns are only obtained by repeatedly computing first-order correlations between pairs of brain regions, and some features may be lost in the process of repeated computing. Gao et al. (2020) exploit clustering of functional connectivity time series to reveal high-order relationships among multiple regions of interest (ROIs), but global brain functional connectivity features have not been considered.

To overcome the above-mentioned drawbacks and to form high-order feature information that can characterize the global structure of the brain, we introduce the hypergraph structure to inscribe the high-order brain functional connectivity. Hypergraph (Ktena et al., 2018) is a novel tool for inscribing high-order structures, and the features of the hypergraph structure are distinguished from the traditional graph structure features. Unlike normal graphs, hypergraphs are composed of nodes and hyperedges. One hyperedge can connect two or more nodes. Hypergraph learning is flexible and powerful in modeling complex data dependencies such as brain networks. It has received more attention that using hypergraph to describe the brain connection pattern can more accurately describe the complex high-order connection relationship of the brain network.

Due to the complex features of brain networks, several recent studies use deep learning-based approaches to diagnose patients with autism spectrum disorders (Ktena et al., 2018; Gao et al., 2020; Yao et al., 2021). For example, Eslami et al. (2019) propose a self-encoder-based model for ASD classification. Heinsfeld et al. (2017) use two stacked denoising autoencoders to identify ASD patients from fMRI data. Xing et al. (2019) propose a novel convolutional neural network with elemental filters for the diagnosis of ASD. Huang et al. (2021) use Long Short-Term Memory Networks (LSTM) for the classification of ASD patients. Guo et al. (2017) and Khodatars et al. (2021) propose a deep neural network model for the study and diagnosis of ASD patients. Zhang et al. (2022) propose a feature selection method based on variational autoencoder pre-training using a multilayer perceptron for ASD classification. Jiang et al. (2020) propose a hierarchical GCN framework to learn brain network graph feature embeddings while considering both network topology information and subject associations. However, all these deep learning-based methods and graph neural network-based methods are based on low-order brain functional connectivity networks for subsequent feature extraction and classification, which have non-negligible drawbacks. Firstly, there are limitations in using low-order brain network features to represent brain connectivity patterns. Secondly, the models based on deep learning will become more complex as the number of model layers increases, the training process is time-consuming and the deep network features are not scalable. The number of parameters to be learned is huge, and it often faces the problem of insufficient single-center data, resulting in overfitting. It is not until the emergence of the Broad Learning System (BLS) (Chen and Liu, 2018) that traditional artificial intelligence methods are revolutionized. It represents a step towards building more effective machine learning methods that can further extend models based on deep learning methods and improve the learning efficiency of the models (Chen and Liu, 2018; Gong et al., 2022). Recently, some studies have introduced BLS and its variant algorithms into medical image analysis (Han et al., 2020), providing an effective tool for diagnosing AD in MRI images. However, there are no studies based on BLS to diagnose ASD in fMRI. Benefiting from the superiority of BLS, we use it for further feature selection and classification.

Compared with traditional deep learning-based diagnostic models, our proposed deep-broad learning method can learn complex and high-dimensional brain connectivity network features more accurately. We use the functional connectivity and hypergraph structure of fMRI to characterize the high-order connectivity characteristics of the brain. The feature learning process is further extended by using the structure fused by the autoencoder and the BLS, and an efficient and accurate brain network learning structure is obtained. The main contributions of this paper are summarized as follows:

Firstly, we construct a high-order brain functional connectivity network of the functional connectivity structure of fMRI based on hypergraph structure, which improves the ability of traditional brain functional connectivity networks to express brain structure.

Secondly, we propose a novel combinatorial deep-broad learning method to extract high-dimensional discriminative features of high-order brain functional connectivity networks.

Compared with other ASD classification models, our model not only takes into account the global functional connectivity features of the brain but also provides a feature-learning classification module with fewer parameters using BLS.

The purpose of this paper is to propose an effective model for portraying the global functional connectivity structure of the brain. The BLS further enhances the feature learning capability and computational speed of deep learning models for ASD diagnosis. The rest of the paper is structured as follows. In section 3, we introduce the dataset materials and the details of our proposed method. In section 4, we perform an experimental evaluation and experimental analysis of the proposed method. In section 5, we summarize the work presented in this paper.

Materials

In this study, we use 505 patients with ASD and 530 healthy controls from 17 sites in the ABIDE- I [ABIDE (http://fcon_1000.projects.nitrc.org/indi/abide/)] dataset for our experiments. Our study uses data pre-processed by the C-PAC pipeline (Agastinose Ronicko et al., 2020) with the following pre-processing processes: motion correction, slice timing correction, removal of interfering signals, low-frequency drift and voxel intensity normalization. ABIDE provides a variety of ROI segmentation options. In this study, we use 200 uniform ROIs generated by the spatially constrained spectral clustering algorithm (Craddock et al., 2012).

Method

We propose a deep-broad learning method to explore high-order brain functional connectivity network features for ASD classification. The specific structure of the model is shown in Figure 1. The model consists of four parts. (1) Firstly, the low-order brain functional connectivity network is constructed by calculating the time-series Pearson correlation matrix of the fMRI data. It is used to portray the low-order local features of the brain shown in Figure 1 as Lo-FCN. (2) We introduce the hypergraph structure to construct high-order brain functional connectivity network to inscribe the global features of the brain shown in Figure 1 as Ho-FCN. (3) Initial feature learning of high-dimensional high-order brain functional connectivity network is performed using an autoencoder. (4) Finally, the initial features learned by autoencoder are fed into the BLS for further learning and classification. The details of each step will be given in the following sections.

FIGURE 1
www.frontiersin.org

Figure 1. The illustration of our proposed method.

Construction of high-order brain functional connectivity network

We obtain the high-order brain functional connectivity network based on time series of fMRI and coactivation level signals based on hypergraph to effectively characterize the global brain connectivity pattern. Specifically, we first calculate the correlations between pairs of brain regions using Pearson correlation coefficients, which are widely used to calculate the functional connectivity of fMRI (Liang et al., 2012; Baggio et al., 2014; Zhang et al., 2017), as shown in Equation (1). u and v represent the time series of two ROIs, the length of each series is T, u¯ and v¯ represent the average values of the time series u and v, respectively. Calculating the pairwise correlation of all time series will get the paired brain regions correlation matrix CorrM×M, where M is the number of ROIs, so as to obtain the low-order brain functional connectivity network.

ρ u v = t = 1 T ( u t - u ¯ ) ( v t - v ¯ ) t = 1 T ( u t - u ¯ ) 2 t = 1 T ( v t - v ¯ ) 2 (1)

Each element in the low-order brain functional connectivity matrix depicts the correlation between local pairwise ROIs. When the paired ROIs are highly correlated, the element value approaches 1, and when the paired brain interval is inversely correlated, the element value is close to -1. Since pairwise relationships between brain regions only characterize local features of the brain, we use the hypergraph to represent correlations in the interaction of multiple brain regions rather than pairwise correlations, resulting in a hypergraph-based high-order brain network. Specifically, we first recall the basics of hypergraph (Schölkopf et al., 2007), where we denote a hypergraph as G = {V,E,W}, the set of hypergraph vertex of the hypergraph V = {v1,v2,…,vn} represents the n brain regions, hyperedge E = {e1,e2,…,em} represents the correlation between brain regions, each hyperedge is assigned a weight w(ei),1 ≤ iM. The weight vector of a hyperedge is expressed as W = {we1,we1,…,wem}. The hypergraph structure can be represented simply as an association matrix H ∈ {0,1}|V| × |E|, each element in H indicates whether the vertex v is in the hyperedge e,denoted as H(v,e)={1if ve 0if ve . The elements in the association matrix represent the probability value of the importance of the node to the hyperedge. Based on the constructed association matrix, the degree of the hypergraph node and the degree of the hyperedge can be obtained, which are expressed as: d(vi) = ∑ej∈ε wejHij for 1 ≤ iN, δ (ej) = ∑vi∈vHij for 1 ≤ jM. The degree matrix of the hypergraph vertex and the hyperedge are described as DegreeeR|E| × |E| and DegreevR|V| × |V|. DeR|E| × |E|and DvR|V| × |V| are the diagonal matrices containing the hypergraph vertex and the hyperedge. In graph theory, the graph Laplacian matrix plays an important role in graph learning. Based on the graph Laplacian matrix, by calculating its eigenvalues and eigenvectors, According to previous research (Schölkopf et al., 2007), we can perform a spectral analysis of the graph. For simple graphs, the graph Laplacian is defined as △ = DA, D is the diagonal matrix of vertex degrees, and A is the adjacency matrix, while for hypergraphs, the graph Laplacian is defined as =Dv-HWDe-1HT. The normalized Laplace matrix is =I-Dv-12HWDe-1HTDv-12. We summarize the symbols and definitions in Table 1.

TABLE 1
www.frontiersin.org

Table 1. Symbols and definitions of hypergraph.

In order to obtain a hypergraph-based high-order brain functional connectivity network, we construct the hypergraph using the method proposed by the previous work (Schölkopf et al., 2007). We treat each hypergraph node as a brain region and use each brain region as a central region to calculate the Euclidean distance between the selected central region and other brain regions. Specifically, we first take each vertex (ROI) as a center node and calculate the Euclidean distance between the center and other vertices. Then we construct a hypergraph by connecting the center and its K nearest vertex. We regard the k brain regions closest to the central node Euclidean space dij=|vi-vj|22 as the nearest neighbors of central brain region. We refer to correlations between nodes as a hyperedge, dij represents the Euclidean distance between brain region v_i and v_j. Based on the above mentioned process, we construct the hypergraph based high-order brain connectivity network to represent the global features of brain.

The novel feature extraction and classification method based on deep-broad learning

Due to the high dimensionality of the constructed high-order brain functional connectivity network features, we utilize a non-linear dimensionality reduction approach to reduce the feature dimension. Specifically, we use an autoencoder to reconstruct the features of the constructed hypergraph-based high-order brain feature representation. We obtain low-dimensional discriminative features of the high-order brain network by minimizing the reconstruction error between the input network features and the output features through self-supervised learning. The autoencoder consists of an encoder and a decoder.

= e n c e n c ( x ) = τ ( W e n c x + b e n c ) (2)

We use the original high-order brain feature representation x as input to the autoencoder to obtain discriminative lower-dimensional feature henc via the encoder, denoted as Equation (2) where τ is the hyperbolic tangent activation function (tanh), and Wenc and benc represent the weight matrix and bias of encoder. Once we have obtained the low-dimensional feature representation henc of the high-order brain function connectivity network, we use the decoder to reconstruct the original input data x, expressed as Equation (3). The low-dimensional feature representation henc is input into the decoder, where Wdec and bdec represent the weight matrix and bias of the decoder, respectively. We use Mean Squared Error (MSE) as the reconstruction loss, which represents the discrepancy between the reconstructed brain function connectivity network features x′ and the original features x. After completing the training of the autoencoder, we obtain the low-dimensional feature representation of the new high-order brain functional connectivity network as the effective feature. And we use it as the valid discriminative high-order brain function connectivity feature input broad learning system for further learning.

x = d e c ( h e n c ) = W d e c h e n c + b d e c (3)

Analyzing higher-order brain functional connectivity using existing machine learning methods is challenging due to the high-dimensional, large-scale, and complex interdependencies between brain regions. Moreover, a large number of iterative processes during traditional model training requires huge amounts of time and computational resources. The Broad Learning System (BLS) (Chen and Liu, 2017, 2018; Chen et al., 2019) has recently become one of the most popular networks due to its excellent performance in machine learning tasks (Gong et al., 2022). BLS can map samples to a more suitable space to handle the large volume of high order brain functional network features and is suitable for processing time-varying data. BLS first map the inputs to construct a set of mapped features. A group of mapping nodes defined in our work is a mapped feature in original BLS. Given that the feature extraction at this step uses randomly generated weights, calculating multiple mapping features can enhance the stability of the extracted feature information and simplify the operations. Figure 2 illustrates the basic structure of the BLS, which consists of a three-layer network defined as the feature mapping layer, the enhancement layer and the output layer, where XRN×m denotes the discriminative high-order brain function connectivity matrix learned by autoencoder, which is taken as the input to the BLS. N is the number of samples, and m is the feature dimension of each sample, YRN×c(c < m) is the output layer of BLS, c is the feature dimension after the feature extraction by BLS of each sample, and WBLS is the weight of the feature mapping layer and the enhancement layer to the output layer. Specifically, we first input the high-order brain function connectivity matrix X to the feature mapping layer to generate the i-th group of mapping nodes Z_i, denoted as Equation (4):

FIGURE 2
www.frontiersin.org

Figure 2. The structure of the broad learning system.

Z i = ( X W e i + β e i ) , i = 1 , , n (4)

Wei and βei are the weight and bias from X to the feature mapping layer. Similarly, the m-th group of enhancement layer nodes H_m is generated by taking the mapping node as the input of the enhancement layer, which is expressed as Equation (5):

H m δ ( Z n W h m + β h m ) (5)

Whm and βhm are the weights and biases from the feature mapping layer to the enhancement layer. It should be noted that ∅ and δ are nonlinear functions, such as tanh and tansig, we compose all mapping nodes as Z = [Z1, Z2, …, Zn], and enhance the nodes as H = [H1, H2, …, Hm].

The BLS model can be expressed as Equation (6):

Y = [ Z 1 , Z 2 , , Z n | δ ( Z n W h 1 + β h 1 ) , , δ ( Z n W h m + β h m ) ]
W B L S = [ Z 1 , Z 2 , , Z n | H 1 , H 2 , , H m ] W B L S
= [ Z | H ] W B L S (6)

To summarize, we further learn the features extracted by autoencoder via BLS and finally get the ASD classification result.

Experiments

In this section, we conduct two-stage experiments of our proposed method. In the first stage, we conduct experiments on 1,035 samples from 17 multi-centers and each single-center to demonstrate the effectiveness of our proposed method. In the second stage, we compare with the state-of-the-art methods using another atlas that divides the brain into 264 ROIs. The robustness and scalability of our proposed method are further verified by experiments on multi-atlas data.

In our experiments, we use 10-fold cross-validation to evaluate the classification accuracy of the prediction model. This means that we first randomly divide the dataset into 10 disjoint subsets of data, and then select a single subset as the test set, with the remaining 9 subsets used as the training set. In particular, for multi-center experiments, we mixed all samples from 17 centers, and then divided the dataset into 10 disjoint subsets. We selected 1 of the K_e parts as the test set and the remaining K_e-1 parts as the training set, finally took the average of the K_e verification results as the verification error of this model. The process is repeated 10 times to reduce the effect of sampling bias on the experimental results. The classification performance of the model is evaluated by comparing the accuracy (ACC), sensitivity (SEN), and specificity (SPE), and the mean of the experimental results for the single-center data is also calculated. Accuracy measures the proportion of subjects correctly classified (i.e., actual ASD is classified as ASD and actual healthy is classified as healthy). Sensitivity represents the proportion of actual ASD subjects correctly classified as ASD, and specificity measures the proportion of actual healthy subjects classified as healthy. The running time means the training time and the inference time.

Experiments settings

The classification accuracy of our proposed model may be affected by a variety of parameters, including: (1) the choice of hypergraph parameters when constructing high-order brain functional connectivity networks, (2) the number of layers of autoencoders in the initial feature selection process, (3) the number of BLS nodes and the window size of each layer. The hypergraph parameters of the model include the nearest neighbor size K obtained based on the hypergraph similarity matrix. The number of autoencoder layers L, the number of nodes in the enhancement layer E, the mapping layer M and the window size W of the BLS are adjusted during the experiment. In our experiments, we adjust all free parameters by 10-fold cross-validation on the training set. Taking into account the effect of the hypergraph construction parameters, we optimize K in the range {4,5,…,12}. Since there is difference in the high-order brain features that can be learned by different layers of the autoencoder, we test the effect of different layers of the autoencoder on the experimental results for single-center and multi-center data, respectively. We adjust the number of layers of the autoencoder in the range {1,2,…,6}. In addition, the number of nodes in the mapping layer and enhancement layer of the BLS and the size of the window also have a significant impact on the classification results, so we test the classification performance under different node settings. We finally find that the hypergraph-based network of high-order brain function connections are constructed with K set to be 5. The number of layers of the autoencoder L is set to be 3. For the multi-center data, we set the parameters as M = 20, E = 10, W = 100. For the single-center data, we set the parameters as M = 200, E = 50. Depending on the optimal parameters chosen, we can obtain the best experimental results.

Classification performance

We compare our proposed method with: (1) support vector machine (SVM) with RBF kernel, (2) random forests, (3) deep neural network (DNN), (4) Autoencoder, four state-of-the-art methods shown in Table 2.

TABLE 2
www.frontiersin.org

Table 2. Classification performance of different methods on multi-centers dataset.

In the first part of the experiment, the results of the multi-center data are shown in Table 2. Experimental results demonstrate that our proposed method considers the efficiency of the model while maintaining accuracy. Moreover, the time required for ten-fold cross-validation was significantly reduced. Based on the experimental results, it is demonstrated that the high-order brain functional connectivity network constructed based on hypergraphs can capture more correlations between brain regions than the traditional lower-order brain functional connectivity network, and thus obtain more discriminative features. We confirm that BLS further learns the features extracted by autoencoder and greatly reduces the training time. Our method achieves 71.8% accuracy on multi-center data. Experiments show that our proposed method outperforms other state-of-the-art algorithms in terms of accuracy and training time.

At the same time, in order to verify the effectiveness of the proposed method on independent single-center data, we further conduct experiments on 17 single-center datasets. Table 3 shows the results of our experiments, which demonstrate that our method achieves better classification results on small sample datasets compared to the existing state-of-the-art methods. In particular, for the USM dataset, the accuracy is as high as 81.6%. The experiments demonstrate the significant superiority of our proposed method on small sample data as well.

TABLE 3
www.frontiersin.org

Table 3. Classification performance of our proposed method on single-center dataset.

Discussion

Analysis of the hypergraph learning

To evaluate that BLS plays an important role in our proposed method, we use BLS alone for the final classification task on four representative single-center data. Meanwhile, to demonstrate the improved classification accuracy of high-order brain functional connectivity networks based on hypergraph and BLS, we use BLS to classify the features obtained based on the hypergraph. In particular, we select four representative single-center datasets for comparison based on previous work (Eslami and Saeed, 2019). Our approach is compared with the following methods, as shown in Table 4.

TABLE 4
www.frontiersin.org

Table 4. Classification performance of ASD identification achieved by six different methods on four datasets (i.e., OHSU, NYU, USM and UCLA) with rs-fMRI data.

(1) We first compare with the SVM method as well as the MLP method. We also compare with SVM methods that incorporated parameter tuning (i.e., SVM as a classifier using the hyperparameter tuning method Auto Tune Models (ATM)) (Eslami and Saeed, 2019).

(2) We then compare with the ASD classification method based on autoencoder and multilayer perceptron proposed by Heinsfeld et al. (2017).

To demonstrate separately that hypergraphs and BLS play an important role in our proposed method, we first used BLS alone to learn the low-order brain functional connectivity network for ASD classification, followed by the construction of a high-order brain functional connectivity network based on hypergraphs, which is then learned and classified by autoencoder and BLS. Table 4 shows the experimental results of each method, and the results show that our proposed method using only BLS to learn the lower-order brain functional connectivity network significantly outperforms traditional machine learning methods as well as recent deep learning-based methods such as autoencoder-based methods.

The model performance is further improved when the high-order brain functional connectivity network is represented using hypergraphs. Therefore, our proposed method demonstrates significant superiority over other methods.

Analysis of the broad learning system

In order to verify the effectiveness of BLS in further extracting discriminative features of high-order brain functional connectivity networks and optimize the specific structure of BLS, we test the classification results of different mapping features of multi-center data. We empirically set the initial number of enhancement nodes to 1,000, 5,000, 10,000, 15,000, 20,000, 25,000, respectively, and then gradually increase the number of mapping nodes in steps of 500. Figure 3 shows the variation in model performance at some typical nodes settings during optimization. BLS has obtained classification results with high accuracy under the settings of different mapping nodes. In most cases, when the number of enhancement nodes is fixed, model performance becomes better and worse when the number of mapping nodes continuously increases. Therefore, the optimal node setting can be found in this process. When the number of mapping nodes and the number of enhancement nodes reaches 5,000 and 10,000, respectively, the best result, 76.2%, can be obtained.

FIGURE 3
www.frontiersin.org

Figure 3. The classification accuracy on different mapping features settings.

Analysis of high-order brain connectivity network

In order to explore the high-order connections associated with ASD in the brain functional connectivity network, we analyze the high-order brain functional connections that are selected most frequently. As shown in Figure 4. These ROIs are colored according to the static network to which they belong. We find the selected brain connections and regional distribution of brain regions scatter across the two hemispheres and different lobes, showing a pattern of functional abnormalities throughout the brain of ASD patients. Specifically, the top brain FCs are visualized in Figure 4. The connections in Red represent the edges of brain ROIs and the ROIs with same color belong to the same brain modules. The brain regions shown in Figure 4 are highly associated with ASD (Wang et al., 2014). The selected connectivities include the salience network and cerebellum region, and these regions are also shown to be closely related to ASD. These results verify the reliability of our proposed method in detecting informative functional connectivity for ASD identification.

FIGURE 4
www.frontiersin.org

Figure 4. The selected high-order brain functional connections.

Experiments on other brain atlas

To verify the robustness and scalability of our method on another atlas, we further select the ABIDE dataset for our experiments, using the preprocessing method and brain region segmentation method used by Mostafa et al. (2020) and Yin et al. (2022). In contrast to the aforementioned segmentation of brain regions into 200 ROIs based on the cc200 atlas, we segment the brain into 264 ROIs and then obtain another brain feature representation by calculating the high-order brain functional connectivity network among the 264 ROIs, i.e., we obtain 69,432 pairwise correlation features. We use 871 samples from the ABIDE dataset as in Mostafa et al. (2020); Yin et al. (2022) for our experiments. We compare our proposed method with the latest methods, namely (1) the autoencoder based method for ASD diagnosis proposed by Eslami and Saeed (2019); Eslami et al. (2019), (2) a novel convolutional neural network method proposed by Xing et al. (2019), (3) an autoencoder and DNN classifier based method for ASD diagnosis proposed by Mostafa et al. (2020), and a method based on logarithmic Euclidean and affine invariant Riemann metric connectivity matrices proposed by Wong et al. (2018). Table 5 shows the algorithm we compared with and the experimental results. Experiments confirm that our proposed method is significantly superior to other methods in characterizing functional connectivity relationships in the brain. Compared to the autoencoder-based methods proposed by Mostafa et al. (2020) and the Euclidean and affine-invariant Riemannian metric-based connectivity matrix-based methods proposed by Wong et al. (2018), our method performs well on another brain atlas. We experimentally demonstrate the robustness and scalability of our method.

TABLE 5
www.frontiersin.org

Table 5. Comparison with the state-of-the-art methods using other brain atlas.

Conclusion

We propose a deep-broad learning-based method to explore the high-order brain functional connectivity for ASD diagnosis. Our hypergraph-based higher-order brain functional connectivity network helps to characterize the global features of the brain. The use of autoencoder and BLS to sequentially learn high-order features makes the ASD detection model more efficient and effective. Our experiments are conducted on single-center and multi-center data of the ABIDE dataset. To verify the robustness and scalability of the method, we perform additional experiments on another brain atlas that divide brain regions into 264 ROIs. Experimental results demonstrate that our profiled high-order brain functional connectivity network can represent more discriminative global brain features. The combination of BLS and autoencoder further quickly learns the features, and the diagnostic model can achieve higher accuracy.

Data availability statement

The datasets analyzed for this study can be found in the ABIDE-I repository in Craddock et al. (2013) (http://preprocessed-connectomes-project.org/abide/).

Author contributions

XH: supervision and editing. QA: methodology, writing—original draft, and coding. JL: methodology and coding. HM: writing—original draft. YG: investigation. MY: supervision. JQ: supervision. All authors contributed to the article and approved the submitted version.

Funding

This work was supported in part by the National Natural Science Foundation of China under Grant 62276088, in part by the Natural Science Foundation of Hebei Province of China under Grant F2020202025, in part by the Project of Strategic Importance Scheme of The Hong Kong Polytechnic University under Grant 1-ZE2Q, and in part by the Hebei Province Research Student Innovation Funding Project under Grant CXZZSS2022037.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Agastinose Ronicko, J. F., Thomas, J., Thangavel, P., Koneru, V., Langs, G., and Dauwels, J. (2020). Diagnostic classification of autism using resting-state fMRI data improves with full correlation functional brain connectivity compared to partial correlation. J. Neurosci. Methods 345:108884. doi: 10.1016/j.jneumeth.2020.108884

PubMed Abstract | CrossRef Full Text | Google Scholar

Baggio, H. C., Sala-Llonch, R., Segura, B., Marti, M. J., Valldeoriola, F., Compta, Y., et al. (2014). Functional brain networks and cognitive deficits in Parkinson’s disease. Hum. Brain Mapp. 35, 4620–4634. doi: 10.1002/hbm.22499

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, C. L. P., and Liu, Z. (2017). “Broad learning system: A new learning paradigm and system without going deep,” in Proceedings of the 2017 32nd youth academic annual conference of Chinese association of automation (YAC) (Hefei: IEEE), 1271–1276. doi: 10.1109/YAC.2017.7967609

CrossRef Full Text | Google Scholar

Chen, C. L. P., and Liu, Z. (2018). Broad learning system: An effective and efficient incremental learning system without the need for deep architecture. IEEE Trans. Neural Netw. Learn. Syst. 29, 10–24. doi: 10.1109/TNNLS.2017.2716952

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, C. L. P., Liu, Z., and Feng, S. (2019). Universal approximation capability of broad learning system and its structural variations. IEEE Trans. Neural Netw. Learn. Syst. 30, 1191–1204. doi: 10.1109/TNNLS.2018.2866622

PubMed Abstract | CrossRef Full Text | Google Scholar

Craddock, C., Benhajali, Y., Chu, C., Chouinard, F., Evans, A., Jakab, A., et al. (2013). The neuro bureau preprocessing initiative: open sharing of preprocessed neuroimaging data and derivatives. Front. Neuroinform. 7:41. doi: 10.3389/conf.fninf.2013.09.00041

CrossRef Full Text | Google Scholar

Craddock, R. C., James, G. A., Holtzheimer, P. E. III, Hu, X. P., and Mayberg, H. S. (2012). A whole brain fMRI atlas generated via spatially constrained spectral clustering. Hum. Brain Mapp. 33, 1914–1928. doi: 10.1002/hbm.21333

PubMed Abstract | CrossRef Full Text | Google Scholar

Dekhil, O., Hajjdiab, H., Shalaby, A., Ali, M. T., Ayinde, B., Switala, A., et al. (2018). Using resting state functional MRI to build a personalized autism diagnosis system. Proc. Int. Symp. Biomed. Imaging 2018, 1381–1385. doi: 10.1109/ISBI.2018.8363829

CrossRef Full Text | Google Scholar

Eslami, T., and Saeed, F. (2019). “Auto-AsD-network: A technique based on deep learning and support vector machines for diagnosing autism spectrum disorder using fMRI data,” in Proceedings of the 10th ACM international conference on bioinformatics, computational biology and health informatics, Niagara Falls, NY, 646–651. doi: 10.1145/3307339.3343482

CrossRef Full Text | Google Scholar

Eslami, T., Mirjalili, V., Fong, A., Laird, A. R., and Saeed, F. (2019). ASD-DiagNet: A hybrid learning approach for detection of autism spectrum disorder using fMRI data. Front. Neuroinform. 13:70. doi: 10.3389/fninf.2019.00070

PubMed Abstract | CrossRef Full Text | Google Scholar

Feng, C., Jie, B., Ding, X., Zhang, D., and Liu, M. (2020). “Constructing high-order dynamic functional connectivity networks from resting-state fMRI for brain dementia identification,” in Machine learning in medical imaging, eds M. Liu, P. Yan, C. Lian, and X. Cao (Cham: Springer), 303–311. doi: 10.1109/TMI.2021.3110829

PubMed Abstract | CrossRef Full Text | Google Scholar

Gao, Y., Member, S., Zhang, Z., Lin, H., Zhao, X., and Du, S. (2020). Hypergraph learning : Methods and practices. IEEE Trans. Pattern Anal. Mach. Intell. 8828, 1–18. doi: 10.1109/TPAMI.2020.3039374

PubMed Abstract | CrossRef Full Text | Google Scholar

Gong, X., Zhang, T., Chen, C. L. P., and Liu, Z. (2022). Research review for broad learning system: Algorithms, theory, and applications. IEEE Trans. Cybern. 52, 8922–8950. doi: 10.1109/TCYB.2021.3061094

PubMed Abstract | CrossRef Full Text | Google Scholar

Guo, X., Dominick, K. C., Minai, A. A., Li, H., Erickson, C. A., and Lu, L. J. (2017). Diagnosing autism spectrum disorder from brain resting-state functional connectivity patterns using a deep neural network with a novel feature selection method. Front. Neurosci. 11:460. doi: 10.3389/fnins.2017.00460

PubMed Abstract | CrossRef Full Text | Google Scholar

Hahamy, A., Behrmann, M., and Malach, R. (2015). The idiosyncratic brain: Distortion of spontaneous connectivity patterns in autism spectrum disorder. Nat. Neurosci. 18, 302–309. doi: 10.1038/nn.3919

PubMed Abstract | CrossRef Full Text | Google Scholar

Han, R., Chen, C. L. P., and Liu, Z. (2020). A novel convolutional variation of broad learning system for Alzheimer’s disease diagnosis by using MRI images. IEEE Access 8, 214646–214657. doi: 10.1109/ACCESS.2020.3040340

CrossRef Full Text | Google Scholar

Heinsfeld, A. S., Franco, A. R., Craddock, R. C., Buchweitz, A., and Meneguzzi, F. (2017). Identification of autism spectrum disorder using deep learning and the ABIDE dataset. Neuroimage Clin. 17, 16–23. doi: 10.1016/j.nicl.2017.08.017

PubMed Abstract | CrossRef Full Text | Google Scholar

Huang, Z.-A., Zhu, Z., Yau, C. H., and Tan, K. C. (2021). Identifying autism spectrum disorder from resting-state fMRI using deep belief network. IEEE Trans. Neural Netw. Learn. Syst. 32, 2847–2861. doi: 10.1109/TNNLS.2020.3007943

PubMed Abstract | CrossRef Full Text | Google Scholar

Jiang, H., Cao, P., Xu, M. Y., Yang, J., and Zaiane, O. (2020). Hi-GCN: A hierarchical graph convolution network for graph embedding learning of brain network and brain disorders prediction. Comput. Biol. Med. 127:104096. doi: 10.1016/j.compbiomed.2020.104096

PubMed Abstract | CrossRef Full Text | Google Scholar

Khodatars, M., Shoeibi, A., Sadeghi, D., Ghaasemi, N., Jafari, M., Moridian, P., et al. (2021). Deep learning for neuroimaging-based diagnosis and rehabilitation of autism spectrum disorder: A review. Comput. Biol. Med. 139:104949. doi: 10.1016/j.compbiomed.2021.104949

PubMed Abstract | CrossRef Full Text | Google Scholar

Kong, Y., Gao, J., Xu, Y., Pan, Y., Wang, J., and Liu, J. (2019). Classification of autism spectrum disorder by combining brain connectivity and deep neural network classifier. Neurocomputing 324, 63–68. doi: 10.1016/j.neucom.2018.04.080

CrossRef Full Text | Google Scholar

Ktena, S. I., Parisot, S., Ferrante, E., Rajchl, M., Lee, M., Glocker, B., et al. (2018). Metric learning with spectral graph convolutions on brain connectivity networks. Neuroimage 169, 431–442. doi: 10.1016/j.neuroimage.2017.12.052

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, Y., Wee, C. Y., Jie, B., Peng, Z., and Shen, D. (2014). Sparse multivariate autoregressive modeling for mild cognitive impairment classification. Neuroinformatics 12, 455–469. doi: 10.1007/s12021-014-9221-x

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, Y., Yang, H., Lei, B., Liu, J., and Wee, C.-Y. (2019). Novel effective connectivity inference using ultra-group constrained orthogonal forward regression and elastic multilayer perceptron classifier for MCI identification. IEEE Trans. Med. Imaging 38, 1227–1239. doi: 10.1109/TMI.2018.2882189

PubMed Abstract | CrossRef Full Text | Google Scholar

Liang, X., Wang, J., Yan, C., Shu, N., Xu, K., Gong, G., et al. (2012). Effects of different correlation metrics and preprocessing factors on small-world brain functional networks: A resting-state functional MRI study. PLoS One 7:e32766. doi: 10.1371/journal.pone.0032766

PubMed Abstract | CrossRef Full Text | Google Scholar

Mostafa, S., Yin, W., and Wu, F.-X. (2020). “Autoencoder based methods for diagnosis of autism spectrum disorder,” in Computational advances in bio and medical sciences, eds I. Mãndoiu, T. Murali, G. Narasimhan, S. Rajasekaran, P. Skums, and A. Zelikovsky (Cham: Springer), 39–51.

Google Scholar

Nickel, R. E., and Huang-Storms, L. (2017). Early Identification of young children with autism spectrum disorder. Indian J. Pediatr. 84, 53–60. doi: 10.1007/s12098-015-1894-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Perkins, E. A., and Berkman, K. A. (2012). Into the unknown: Aging with autism spectrum disorders. Am. J. Intellect. Dev. Disabil. 117, 478–496. doi: 10.1352/1944-7558-117.6.478

PubMed Abstract | CrossRef Full Text | Google Scholar

Schölkopf, B., Platt, J., and Hofmann, T. (2007). “Learning with hypergraphs: Clustering, classification, and embedding,” in Proceedings of the 2006 conference advances in neural information processing systems 19 (Cambridge, MA: MIT Press), 1601–1608.

Google Scholar

Wang, M., Zhang, D., Huang, J., Yap, P. T., Shen, D., and Liu, M. (2020). Identifying autism spectrum disorder with multi-site fMRI via low-rank domain adaptation. IEEE Trans. Med. Imaging 39, 644–655. doi: 10.1109/TMI.2019.2933160

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, N., Yao, D., Ma, L., and Liu, M. (2022). Multi-site clustering and nested feature extraction for identifying autism spectrum disorder with resting-state fMRI. Med. Image Anal. 75:102279. doi: 10.1016/j.media.2021.102279

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, S. S.-H., Kloth, A. D., and Badura, A. (2014). The cerebellum, sensitive periods, and autism. Neuron 83, 518–532. doi: 10.1016/j.neuron.2014.07.016

PubMed Abstract | CrossRef Full Text | Google Scholar

Wong, E., Anderson, J. S., Zielinski, B. A., and Fletcher, P. T. (2018). Riemannian regression and classification models of brain networks applied to autism. Connect Neuroimaging 11083, 78–87. doi: 10.1007/978-3-030-00755-3_9

CrossRef Full Text | Google Scholar

Xing, X., Ji, J., and Yao, Y. (2019). “Convolutional neural network with element-wise filters to extract hierarchical topological features for brain networks,” in Proceedings of the 2018 IEEE international conference on bioinformatics and biomedicine (BIBM), Madrid, 780–783. doi: 10.1109/BIBM.2018.8621472

CrossRef Full Text | Google Scholar

Yao, D., Sui, J., Wang, M., Yang, E., Jiaerken, Y., Luo, N., et al. (2021). A mutual multi-scale triplet graph convolutional network for classification of brain disorders using functional or structural connectivity. IEEE Trans. Med. Imaging 40, 1279–1289. doi: 10.1109/TMI.2021.3051604

PubMed Abstract | CrossRef Full Text | Google Scholar

Yin, W., Li, L., and Wu, F. X. (2022). A semi-supervised autoencoder for autism disease diagnosis. Neurocomputing 483, 140–147. doi: 10.1016/j.neucom.2022.02.017

CrossRef Full Text | Google Scholar

Yu, R., Zhang, H., An, L., Chen, X., Wei, Z., and Shen, D. (2017). Connectivity strength-weighted sparse group representation-based brain network construction for MCI classification. Hum. Brain Map. 38, 2370–2383. doi: 10.1002/hbm.23524

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, F., Wei, Y., Liu, J., Wang, Y., Xi, W., and Pan, Y. (2022). Identification of autism spectrum disorder based on a novel feature selection method and variational autoencoder. Comput. Biol. Med. 148:105854. doi: 10.1016/j.compbiomed.2022.105854

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, Y., Zhang, H., Chen, X., Lee, S.-W., and Shen, D. (2017). Hybrid high-order functional connectivity networks using resting-state functional MRI for mild cognitive impairment diagnosis. Sci. Rep. 7:6530. doi: 10.1038/s41598-017-06509-0

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: autism spectrum disorder, high-order functional brain network, broad learning system, classification, feature selection

Citation: Hao X, An Q, Li J, Min H, Guo Y, Yu M and Qin J (2022) Exploring high-order correlations with deep-broad learning for autism spectrum disorder diagnosis. Front. Neurosci. 16:1046268. doi: 10.3389/fnins.2022.1046268

Received: 16 September 2022; Accepted: 02 November 2022;
Published: 22 November 2022.

Edited by:

Xi Jiang, University of Electronic Science and Technology of China, China

Reviewed by:

Shijie Zhao, Northwestern Polytechnical University, China
Yuqi Fang, University of North Carolina at Chapel Hill, United States

Copyright © 2022 Hao, An, Li, Min, Guo, Yu and Qin. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Xiaoke Hao, haoxiaoke@hebut.edu.cn; Jing Qin, harry.qin@polyu.edu.hk

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.