Your browser doesn't support javascript.
loading
Mostrar: 20 | 50 | 100
Resultados 1 - 20 de 76
Filtrar
1.
bioRxiv ; 2024 Mar 04.
Artículo en Inglés | MEDLINE | ID: mdl-38496573

RESUMEN

Neurodevelopmental disorders, such as Attention Deficit/Hyperactivity Disorder (ADHD) and Autism Spectrum Disorder (ASD), are characterized by comorbidity and heterogeneity. Identifying distinct subtypes within these disorders can illuminate the underlying neurobiological and clinical characteristics, paving the way for more tailored treatments. We adopted a novel transdiagnostic approach across ADHD and ASD, using cutting-edge contrastive graph machine learning to determine subtypes based on brain network connectivity as revealed by resting-state functional magnetic resonance imaging. Our approach identified two generalizable subtypes characterized by robust and distinct functional connectivity patterns, prominently within the frontoparietal control network and the somatomotor network. These subtypes exhibited pronounced differences in major cognitive and behavioural measures. We further demonstrated the generalizability of these subtypes using data collected from independent study sites. Our data-driven approach provides a novel solution for parsing biological heterogeneity in neurodevelopmental disorders.

2.
Comput Med Imaging Graph ; 108: 102274, 2023 09.
Artículo en Inglés | MEDLINE | ID: mdl-37531812

RESUMEN

Graph neural networks (GNNs) have witnessed remarkable proliferation due to the increasing number of applications where data is represented as graphs. GNN-based multigraph population fusion methods for estimating population representative connectional brain templates (CBT) have recently led to improvements, especially in network neuroscience. However, prior studies do not consider how an individual training brain multigraph influences the quality of GNN training for brain multigraph population fusion. To address this issue, we propose two major sample selection methods to quantify the influence of a training brain multigraph on the brain multigraph population fusion task using GNNs, in a fully unsupervised manner: (1) GraphGradIn, in which we use gradients w.r.t GNN weights to trace changes in the centeredness loss of connectional brain template during the training phase; (2) GraphTestIn, in which we exclude a training brain multigraph of interest during the refinement process in the test phase to infer its influence on the CBT centeredness loss. Next, we select the most influential multigraphs to build the training set for brain multigraph population fusion into a CBT. We conducted extensive experiments on brain multigraph datasets to show that using a dataset of influential training samples improves the learned connectional brain template in terms of centeredness, discriminativeness, and topological soundness. Finally, we demonstrate the use of our methods by discovering the connectional fingerprints of healthy and neurologically disordered brain multigraph populations including Alzheimer's disease and Autism spectrum disorder patients. Our source code is available at https://github.com/basiralab/GraphGradIn.


Asunto(s)
Trastorno del Espectro Autista , Humanos , Encéfalo/diagnóstico por imagen , Proyectos de Investigación , Aprendizaje , Redes Neurales de la Computación
3.
Med Image Anal ; 85: 102741, 2023 04.
Artículo en Inglés | MEDLINE | ID: mdl-36638747

RESUMEN

One of the greatest scientific challenges in network neuroscience is to create a representative map of a population of heterogeneous brain networks, which acts as a connectional fingerprint. The connectional brain template (CBT), also named network atlas, presents a powerful tool for capturing the most representative and discriminative traits of a given population while preserving its topological patterns. The idea of a CBT is to integrate a population of heterogeneous brain connectivity networks, derived from different neuroimaging modalities or brain views (e.g., structural and functional), into a unified holistic representation. Here we review current state-of-the-art methods designed to estimate well-centered and representative CBT for populations of single-view and multi-view brain networks. We start by reviewing each CBT learning method, then we introduce the evaluation measures to compare CBT representativeness of populations generated by single-view and multigraph integration methods, separately, based on the following criteria: Centeredness, biomarker-reproducibility, node-level similarity, global-level similarity, and distance-based similarity. We demonstrate that the deep graph normalizer (DGN) method significantly outperforms other multi-graph and all single-view integration methods for estimating CBTs using a variety of healthy and disordered datasets in terms of centeredness, reproducibility (i.e., graph-derived biomarkers reproducibility that disentangle the typical from the atypical connectivity variability), and preserving the topological traits at both local and global graph-levels.


Asunto(s)
Mapeo Encefálico , Imagen por Resonancia Magnética , Humanos , Reproducibilidad de los Resultados , Imagen por Resonancia Magnética/métodos , Mapeo Encefálico/métodos , Encéfalo , Neuroimagen , Biomarcadores
4.
Comput Med Imaging Graph ; 103: 102140, 2023 01.
Artículo en Inglés | MEDLINE | ID: mdl-36470102

RESUMEN

Brain graphs are powerful representations to explore the biological roadmaps of the human brain in its healthy and disordered states. Recently, a few graph neural networks (GNNs) have been designed for brain connectivity synthesis and diagnosis. However, such non-Euclidean deep learning architectures might fail to capture the neural interactions between different brain regions as they are trained without guidance from any prior biological template-i.e., template-free learning. Here we assume that using a population-driven brain connectional template (CBT) that captures well the connectivity patterns fingerprinting a given brain state (e.g., healthy) can better guide the GNN training in its downstream learning task such as classification or regression. To this aim we design a plug-in graph registration network (GRN) that can be coupled with any conventional graph neural network (GNN) so as to boost its learning accuracy and generalizability to unseen samples. Our GRN is a graph generative adversarial network (gGAN), which registers brain graphs to a prior CBT. Next, the registered brain graphs are used to train typical GNN models. Our GRN can be integrated into any GNN working in an end-to-end fashion to boost its prediction accuracy. Our experiments showed that GRN remarkably boosted the prediction accuracy of four conventional GNN models across four neurological datasets.


Asunto(s)
Encefalopatías , Humanos , Encéfalo/diagnóstico por imagen , Redes Neurales de la Computación
5.
IEEE Trans Med Imaging ; 42(7): 2022-2031, 2023 Jul.
Artículo en Inglés | MEDLINE | ID: mdl-36441899

RESUMEN

Foreseeing the evolution of brain connectivity between anatomical regions from a baseline observation can propel early disease diagnosis and clinical decision making. Such task becomes challenging when learning from multiple decentralized datasets with missing timepoints (e.g., datasets collected from different hospitals with a varying sequence of acquisitions). Federated learning (FL) is an emerging paradigm that enables collaborative learning among multiple clients (i.e., hospitals) in a fully privacy-preserving fashion. However, to the best of our knowledge, there is no FL work that foresees the time-dependent brain connectivity evolution from a single timepoint-let alone learning from non-iid decentralized longitudinal datasets with varying acquisition timepoints. In this paper, we propose the first FL framework to significantly boost the predictive performance of local hospitals with missing acquisition timepoints while benefiting from other hospitals with available data at those timepoints without sharing data. Specifically, we introduce 4D-FED-GNN+, a novel longitudinal federated GNN framework that works in (i) a uni-mode, where it acts as a graph self-encoder if the next timepoint is locally missing or (ii) in a dual-mode, where it concurrently acts as a graph generator and a self-encoder if the local follow-up data is available. Further, we propose a dual federation strategy, where (i) GNN layer-wise weight aggregation and (ii) pairwise GNN weight exchange between hospitals in a random order. To improve the performance of the poorly-conditioned hospitals (e.g., consecutive missing timepoints, intermediate missing timepoint), we further propose a second variant, namely 4D-FED-GNN++, which federates based on an ordering of the local hospitals computed using their incomplete sequential patterns. Our comprehensive experiments on real longitudinal datasets show that overall 4D-FED-GNN+ and 4D-FED-GNN++ significantly outperform benchmark methods. Our source code is available at https://github.com/basiralab/4D-FedGNN-Plus.


Asunto(s)
Encéfalo , Programas Informáticos , Humanos , Encéfalo/diagnóstico por imagen
6.
IEEE Trans Pattern Anal Mach Intell ; 45(5): 5833-5848, 2023 05.
Artículo en Inglés | MEDLINE | ID: mdl-36155474

RESUMEN

Noninvasive medical neuroimaging has yielded many discoveries about the brain connectivity. Several substantial techniques mapping morphological, structural and functional brain connectivities were developed to create a comprehensive road map of neuronal activities in the human brain -namely brain graph. Relying on its non-euclidean data type, graph neural network (GNN) provides a clever way of learning the deep graph structure and it is rapidly becoming the state-of-the-art leading to enhanced performance in various network neuroscience tasks. Here we review current GNN-based methods, highlighting the ways that they have been used in several applications related to brain graphs such as missing brain graph synthesis and disease classification. We conclude by charting a path toward a better application of GNN models in network neuroscience field for neurological disorder diagnosis and population graph integration. The list of papers cited in our work is available at https://github.com/basiralab/GNNs-in-Network-Neuroscience.


Asunto(s)
Algoritmos , Encéfalo , Humanos , Encéfalo/diagnóstico por imagen , Aprendizaje , Redes Neurales de la Computación , Neuroimagen
7.
Med Image Anal ; 83: 102649, 2023 01.
Artículo en Inglés | MEDLINE | ID: mdl-36257134

RESUMEN

The mapping of the time-dependent evolution of the human brain connectivity using longitudinal and multimodal neuroimaging datasets provides insights into the development of neurological disorders and the way they alter the brain morphology, structure and function over time. Recently, the connectional brain template (CBT) was introduced as a compact representation integrating a population of brain multigraphs, where two brain regions can have multiple connections, into a single graph. Given a population of brain multigraphs observed at a baseline timepoint t1, we aim to learn how to predict the evolution of the population CBT at follow-up timepoints t>t1. Such model will allow us to foresee the evolution of the connectivity patterns of healthy and disordered individuals at the population level. Here we present recurrent multigraph integrator network (ReMI-Net⋆) to forecast population templates at consecutive timepoints from a given single timepoint. In particular, we unprecedentedly design a graph neural network architecture to model the changes in the brain multigraph and identify the biomarkers that differentiate between the typical and atypical populations. Addressing such issues is of paramount importance in diagnosing neurodegenerative disorders at early stages and promoting new clinical studies based on the pinned-down biomarker brain regions or connectivities. In this paper, we demonstrate the design and use of the ReMI-Net⋆ model, which learns both the multigraph node level and time level dependencies concurrently. Thanks to its novel graph convolutional design and normalization layers, ReMI-Net⋆ predicts well-centered, discriminative, and topologically sound connectional templates over time. Additionally, the results show that our model outperforms all benchmarks and state-of-the-art methods by comparing and discovering the atypical connectivity alterations over time. Our ReMI-Net⋆ code is available on GitHub at https://github.com/basiralab/ReMI-Net-Star.


Asunto(s)
Encéfalo , Redes Neurales de la Computación , Humanos , Encéfalo/diagnóstico por imagen
9.
Neural Netw ; 151: 250-263, 2022 Jul.
Artículo en Inglés | MEDLINE | ID: mdl-35447482

RESUMEN

Multigraphs with heterogeneous views present one of the most challenging obstacles to classification tasks due to their complexity. Several works based on feature selection have been recently proposed to disentangle the problem of multigraph heterogeneity. However, such techniques have major drawbacks. First, the bulk of such works lies in the vectorization and the flattening operations, failing to preserve and exploit the rich topological properties of the multigraph. Second, they learn the classification process in a dichotomized manner where the cascaded learning steps are pieced in together independently. Hence, such architectures are inherently agnostic to the cumulative estimation error from step to step. To overcome these drawbacks, we introduce MICNet (multigraph integration and classifier network), the first end-to-end graph neural network based model for multigraph classification. First, we learn a single-view graph representation of a heterogeneous multigraph using a GNN based integration model. The integration process in our model helps tease apart the heterogeneity across the different views of the multigraph by generating a subject-specific graph template while preserving its geometrical and topological properties conserving the node-wise information while reducing the size of the graph (i.e., number of views). Second, we classify each integrated template using a geometric deep learning block which enables us to grasp the salient graph features. We train, in end-to-end fashion, these two blocks using a single objective function to optimize the classification performance. We evaluate our MICNet in gender classification using brain multigraphs derived from different cortical measures. We demonstrate that our MICNet significantly outperformed its variants thereby showing its great potential in multigraph classification.


Asunto(s)
Encéfalo , Redes Neurales de la Computación
10.
Brain Behav ; 12(5): e2573, 2022 05.
Artículo en Inglés | MEDLINE | ID: mdl-35398999

RESUMEN

BACKGROUND: Multiple sclerosis (MS) is defined as a demyelinating disorder of the central nervous system, witnessing over the past years a remarkable progress in the therapeutic approaches of the inflammatory process. Yet, the ongoing neurodegenerative process is still ambiguous, under-assessed, and probably under-treated. Atrophy and cognitive dysfunction represent the radiological and clinical correlates of such process. In this study, we evaluated the effect of one specific MS treatment, which is natalizumab (NTZ), on brain atrophy evolution in different anatomical regions and its correlation with the cognitive profile and the physical disability. METHODS: We recruited 20 patients diagnosed with relapsing-remitting MS (RR-MS) and treated with NTZ. We tracked brain atrophy in different anatomical structures using MRI scans processed with an automated image segmentation technique. We also assessed the progression of physical disability and the cognitive function and its link with the progression of atrophy. RESULTS: During the first 2 years of treatment, a significant volume loss was noted within the corpus callosum and the cerebellum gray matter (GM). The annual atrophy rate of the cortical GM, the cerebellum GM, the thalamus, the amygdala, the globus pallidus, and the hippocampus correlated with greater memory impairment. As for the third and fourth years of treatment, a significant atrophy revolved around the gray matter, mainly the cortical one. We also noted an increase of the thalamus volume. CONCLUSION: Atrophy in RR-MS patients treated with NTZ is regional and targeting highly cognitive regions mainly of the subcortical gray matter and the cerebellum. The cerebellum atrophy was a marker of physical disability progression. NTZ did not accelerate the atrophy process in MS and may play a neuroprotective role by increasing the thalamus volume.


Asunto(s)
Enfermedades del Sistema Nervioso Central , Esclerosis Múltiple Recurrente-Remitente , Esclerosis Múltiple , Enfermedades Neurodegenerativas , Atrofia/patología , Encéfalo/diagnóstico por imagen , Encéfalo/patología , Sustancia Gris/patología , Humanos , Imagen por Resonancia Magnética , Esclerosis Múltiple/patología , Esclerosis Múltiple Recurrente-Remitente/diagnóstico por imagen , Esclerosis Múltiple Recurrente-Remitente/tratamiento farmacológico , Esclerosis Múltiple Recurrente-Remitente/patología , Natalizumab/uso terapéutico
11.
Med Phys ; 49(6): 3797-3815, 2022 Jun.
Artículo en Inglés | MEDLINE | ID: mdl-35301729

RESUMEN

BACKGROUND: The coronavirus disease 2019 (COVID-19) spreads rapidly across the globe, seriously threatening the health of people all over the world. To reduce the diagnostic pressure of front-line doctors, an accurate and automatic lesion segmentation method is highly desirable in clinic practice. PURPOSE: Many proposed two-dimensional (2D) methods for sliced-based lesion segmentation cannot take full advantage of spatial information in the three-dimensional (3D) volume data, resulting in limited segmentation performance. Three-dimensional methods can utilize the spatial information but suffer from long training time and slow convergence speed. To solve these problems, we propose an end-to-end hybrid-feature cross fusion network (HFCF-Net) to fuse the 2D and 3D features at three scales for the accurate segmentation of COVID-19 lesions. METHODS: The proposed HFCF-Net incorporates 2D and 3D subnets to extract features within and between slices effectively. Then the cross fusion module is designed to bridge 2D and 3D decoders at the same scale to fuse both types of features. The module consists of three cross fusion blocks, each of which contains a prior fusion path and a context fusion path to jointly learn better lesion representations. The former aims to explicitly provide the 3D subnet with lesion-related prior knowledge, and the latter utilizes the 3D context information as the attention guidance of the 2D subnet, which promotes the precise segmentation of the lesion regions. Furthermore, we explore an imbalance-robust adaptive learning loss function that includes image-level loss and pixel-level loss to tackle the problems caused by the apparent imbalance between the proportions of the lesion and non-lesion voxels, providing a learning strategy to dynamically adjust the learning focus between 2D and 3D branches during the training process for effective supervision. RESULT: Extensive experiments conducted on a publicly available dataset demonstrate that the proposed segmentation network significantly outperforms some state-of-the-art methods for the COVID-19 lesion segmentation, yielding a Dice similarity coefficient of 74.85%. The visual comparison of segmentation performance also proves the superiority of the proposed network in segmenting different-sized lesions. CONCLUSIONS: In this paper, we propose a novel HFCF-Net for rapid and accurate COVID-19 lesion segmentation from chest computed tomography volume data. It innovatively fuses hybrid features in a cross manner for lesion segmentation, aiming to utilize the advantages of 2D and 3D subnets to complement each other for enhancing the segmentation performance. Benefitting from the cross fusion mechanism, the proposed HFCF-Net can segment the lesions more accurately with the knowledge acquired from both subnets.


Asunto(s)
COVID-19 , COVID-19/diagnóstico por imagen , Humanos , Procesamiento de Imagen Asistido por Computador/métodos , Tomografía Computarizada por Rayos X/métodos
12.
Neural Netw ; 148: 254-265, 2022 Apr.
Artículo en Inglés | MEDLINE | ID: mdl-35168170

RESUMEN

Graph neural networks (GNNs) have witnessed an unprecedented proliferation in tackling several problems in computer vision, computer-aided diagnosis and related fields. While prior studies have focused on boosting the model accuracy, quantifying the reproducibility of the most discriminative features identified by GNNs is still an intact problem that yields concerns about their reliability in clinical applications in particular. Specifically, the reproducibility of biological markers across clinical datasets and distribution shifts across classes (e.g., healthy and disordered brains) is of paramount importance in revealing the underpinning mechanisms of diseases as well as propelling the development of personalized treatment. Motivated by these issues, we propose, for the first time, reproducibility-based GNN selection (RG-Select), a framework for GNN reproducibility assessment via the quantification of the most discriminative features (i.e., biomarkers) shared between different models. To ascertain the soundness of our framework, the reproducibility assessment embraces variations of different factors such as training strategies and data perturbations. Despite these challenges, our framework successfully yielded replicable conclusions across different training strategies and various clinical datasets. Our findings could thus pave the way for the development of biomarker trustworthiness and reliability assessment methods for computer-aided diagnosis and prognosis tasks. RG-Select code is available on GitHub at https://github.com/basiralab/RG-Select.


Asunto(s)
Encéfalo , Redes Neurales de la Computación , Diagnóstico por Computador , Reproducibilidad de los Resultados
13.
Sci Rep ; 12(1): 349, 2022 01 10.
Artículo en Inglés | MEDLINE | ID: mdl-35013545

RESUMEN

Mammary carcinoma, breast cancer, is the most commonly diagnosed cancer type among women. Therefore, potential new technologies for the diagnosis and treatment of the disease are being investigated. One promising technique is microwave applications designed to exploit the inherent dielectric property discrepancy between the malignant and normal tissues. In theory, the anomalies can be characterized by simply measuring the dielectric properties. However, the current measurement technique is error-prone and a single measurement is not accurate enough to detect anomalies with high confidence. This work proposes to classify the rat mammary carcinoma, based on collected large-scale in vivo S[Formula: see text] measurements and corresponding tissue dielectric properties with a circular diffraction antenna. The tissues were classified with high accuracy in a reproducible way by leveraging a learning-based linear classifier. Moreover, the most discriminative S[Formula: see text] measurement was identified, and to our surprise, using the discriminative measurement along with a linear classifier an 86.92% accuracy was achieved. These findings suggest that a narrow band microwave circuitry can support the antenna enabling a low-cost automated microwave diagnostic system.


Asunto(s)
Carcinoma/diagnóstico , Electrodiagnóstico , Neoplasias Mamarias Experimentales/diagnóstico , Microondas , 9,10-Dimetil-1,2-benzantraceno , Animales , Carcinoma/inducido químicamente , Carcinoma/clasificación , Carcinoma/patología , Conductividad Eléctrica , Femenino , Aprendizaje Automático , Neoplasias Mamarias Experimentales/inducido químicamente , Neoplasias Mamarias Experimentales/clasificación , Neoplasias Mamarias Experimentales/patología , Valor Predictivo de las Pruebas , Ratas Sprague-Dawley , Reproducibilidad de los Resultados
14.
J Neurosci Methods ; 368: 109475, 2022 Feb 15.
Artículo en Inglés | MEDLINE | ID: mdl-34995648

RESUMEN

BACKGROUND: Predicting the evolution of the brain network, also called connectome, by foreseeing changes in the connectivity weights linking pairs of anatomical regions makes it possible to spot connectivity-related neurological disorders in earlier stages and detect the development of potential connectomic anomalies. Remarkably, such a challenging prediction problem remains least explored in the predictive connectomics literature. It is a known fact that machine learning (ML) methods have proven their predictive abilities in a wide variety of computer vision problems. However, ML techniques specifically tailored for the prediction of brain connectivity evolution trajectory from a single timepoint are almost absent. NEW METHOD: To fill this gap, we organized a Kaggle competition where 20 competing teams designed advanced machine learning pipelines for predicting the brain connectivity evolution from a single timepoint. The teams developed their ML pipelines with combination of data pre-processing, dimensionality reduction and learning methods. Each ML framework inputs a baseline brain connectivity matrix observed at baseline timepoint t0 and outputs the brain connectivity map at a follow-up timepoint t1. The longitudinal OASIS-2 dataset was used for model training and evaluation. Both random data split and 5-fold cross-validation strategies were used for ranking and evaluating the generalizability and scalability of each competing ML pipeline. RESULTS: Utilizing an inclusive approach, we ranked the methods based on two complementary evaluation metrics (mean absolute error (MAE) and Pearson Correlation Coefficient (PCC)) and their performances using different training and testing data perturbation strategies (single random split and cross-validation). The final rank was calculated using the rank product for each competing team across all evaluation measures and validation strategies. Furthermore, we added statistical significance values to each proposed pipeline. CONCLUSION: In support of open science, the developed 20 ML pipelines along with the connectomic dataset are made available on GitHub (https://github.com/basiralab/Kaggle-BrainNetPrediction-Toolbox). The outcomes of this competition are anticipated to lead the further development of predictive models that can foresee the evolution of the brain connectivity over time, as well as other types of networks (e.g., genetic networks).


Asunto(s)
Conectoma , Aprendizaje Automático , Encéfalo/diagnóstico por imagen
15.
Brain Imaging Behav ; 16(3): 1123-1138, 2022 Jun.
Artículo en Inglés | MEDLINE | ID: mdl-34757563

RESUMEN

Analyzing the relation between intelligence and neural activity is of the utmost importance in understanding the working principles of the human brain in health and disease. In existing literature, functional brain connectomes have been used successfully to predict cognitive measures such as intelligence quotient (IQ) scores in both healthy and disordered cohorts using machine learning models. However, existing methods resort to flattening the brain connectome (i.e., graph) through vectorization which overlooks its topological properties. To address this limitation and inspired from the emerging graph neural networks (GNNs), we design a novel regression GNN model (namely RegGNN) for predicting IQ scores from brain connectivity. On top of that, we introduce a novel, fully modular sample selection method to select the best samples to learn from for our target prediction task. However, since such deep learning architectures are computationally expensive to train, we further propose a learning-based sample selection method that learns how to choose the training samples with the highest expected predictive power on unseen samples. For this, we capitalize on the fact that connectomes (i.e., their adjacency matrices) lie in the symmetric positive definite (SPD) matrix cone. Our results on full-scale and verbal IQ prediction outperforms comparison methods in autism spectrum disorder cohorts and achieves a competitive performance for neurotypical subjects using 3-fold cross-validation. Furthermore, we show that our sample selection approach generalizes to other learning-based methods, which shows its usefulness beyond our GNN architecture.


Asunto(s)
Trastorno del Espectro Autista , Conectoma , Trastorno del Espectro Autista/diagnóstico por imagen , Cognición , Conectoma/métodos , Humanos , Imagen por Resonancia Magnética , Redes Neurales de la Computación
16.
Neuroimage ; 244: 118568, 2021 12 01.
Artículo en Inglés | MEDLINE | ID: mdl-34508895

RESUMEN

The annotation of brain lesion images is a key step in clinical diagnosis and treatment of a wide spectrum of brain diseases. In recent years, segmentation methods based on deep learning have gained unprecedented popularity, leveraging a large amount of data with high-quality voxel-level annotations. However, due to the limited time clinicians can provide for the cumbersome task of manual image segmentation, semi-supervised medical image segmentation methods present an alternative solution as they require only a few labeled samples for training. In this paper, we propose a novel semi-supervised segmentation framework that combines improved mean teacher and adversarial network. Specifically, our framework consists of (i) a student model and a teacher model for segmenting the target and generating the signed distance maps of object surfaces, and (ii) a discriminator network for extracting hierarchical features and distinguishing the signed distance maps of labeled and unlabeled data. Besides, based on two different adversarial learning processes, a multi-scale feature consistency loss derived from the student and teacher models is proposed, and a shape-aware embedding scheme is integrated into our framework. We evaluated the proposed method on the public brain lesion datasets from ISBI 2015, ISLES 2015, and BRATS 2018 for the multiple sclerosis lesion, ischemic stroke lesion, and brain tumor segmentation respectively. Experiments demonstrate that our method can effectively leverage unlabeled data while outperforming the supervised baseline and other state-of-the-art semi-supervised methods trained with the same labeled data. The proposed framework is suitable for joint training of limited labeled data and additional unlabeled data, which is expected to reduce the effort of obtaining annotated images.


Asunto(s)
Neoplasias Encefálicas/diagnóstico por imagen , Encéfalo/diagnóstico por imagen , Aprendizaje Profundo , Esclerosis Múltiple/diagnóstico por imagen , Accidente Cerebrovascular/diagnóstico por imagen , Conjuntos de Datos como Asunto , Humanos , Imagen por Resonancia Magnética , Proyectos de Investigación , Estudiantes
17.
PeerJ ; 9: e11692, 2021.
Artículo en Inglés | MEDLINE | ID: mdl-34268010

RESUMEN

The sliding-window-based dynamic functional connectivity network (D-FCN) has been becoming an increasingly useful tool for understanding the changes of brain connectivity patterns and the association of neurological diseases with these dynamic variations. However, conventional D-FCN is essentially low-order network, which only reflects the pairwise interaction pattern between brain regions and thus overlooking the high-order interactions among multiple brain regions. In addition, D-FCN is innate with temporal sensitivity issue, i.e., D-FCN is sensitive to the chronological order of its subnetworks. To deal with the above issues, we propose a novel high-order functional connectivity network framework based on the central moment feature of D-FCN. Specifically, we firstly adopt a central moment approach to extract multiple central moment feature matrices from D-FCN. Furthermore, we regard the matrices as the profiles to build multiple high-order functional connectivity networks which further capture the higher level and more complex interaction relationships among multiple brain regions. Finally, we use the voting strategy to combine the high-order networks with D-FCN for autism spectrum disorder diagnosis. Experimental results show that the combination of multiple functional connectivity networks achieves accuracy of 88.06%, and the best single network achieves accuracy of 79.5%.

18.
Med Image Anal ; 71: 102084, 2021 07.
Artículo en Inglés | MEDLINE | ID: mdl-33971574

RESUMEN

Brain image analysis has advanced substantially in recent years with the proliferation of neuroimaging datasets acquired at different resolutions. While research on brain image super-resolution has undergone a rapid development in the recent years, brain graph super-resolution is still poorly investigated because of the complex nature of non-Euclidean graph data. In this paper, we propose the first-ever deep graph super-resolution (GSR) framework that attempts to automatically generate high-resolution (HR) brain graphs with N' nodes (i.e., anatomical regions of interest (ROIs)) from low-resolution (LR) graphs with N nodes where N

Asunto(s)
Encéfalo , Redes Neurales de la Computación , Encéfalo/diagnóstico por imagen , Humanos , Procesamiento de Imagen Asistido por Computador , Neuroimagen
19.
Med Image Anal ; 72: 102090, 2021 08.
Artículo en Inglés | MEDLINE | ID: mdl-34004494

RESUMEN

Brain graphs (i.e, connectomes) constructed from medical scans such as magnetic resonance imaging (MRI) have become increasingly important tools to characterize the abnormal changes in the human brain. Due to the high acquisition cost and processing time of multimodal MRI, existing deep learning frameworks based on Generative Adversarial Network (GAN) focused on predicting the missing multimodal medical images from a few existing modalities. While brain graphs help better understand how a particular disorder can change the connectional facets of the brain, synthesizing a target brain multigraph (i.e, multiple brain graphs) from a single source brain graph is strikingly lacking. Additionally, existing graph generation works mainly learn one model for each target domain which limits their scalability in jointly predicting multiple target domains. Besides, while they consider the global topological scale of a graph (i.e., graph connectivity structure), they overlook the local topology at the node scale (e.g., how central a node is in the graph). To address these limitations, we introduce topology-aware graph GAN architecture (topoGAN), which jointly predicts multiple brain graphs from a single brain graph while preserving the topological structure of each target graph. Its three key innovations are: (i) designing a novel graph adversarial auto-encoder for predicting multiple brain graphs from a single one, (ii) clustering the encoded source graphs in order to handle the mode collapse issue of GAN and proposing a cluster-specific decoder, (iii) introducing a topological loss to force the prediction of topologically sound target brain graphs. The experimental results using five target domains demonstrated the outperformance of our method in brain multigraph prediction from a single graph in comparison with baseline approaches.


Asunto(s)
Encéfalo , Conectoma , Encéfalo/diagnóstico por imagen , Humanos , Imagen por Resonancia Magnética , Redes Neurales de la Computación
20.
Front Neurosci ; 15: 651574, 2021.
Artículo en Inglés | MEDLINE | ID: mdl-33828457

RESUMEN

The sliding-window-based dynamic functional connectivity networks (SW-D-FCN) derive from resting-state functional Magnetic Resonance Imaging has become an increasingly useful tool in the diagnosis of various neurodegenerative diseases. However, it is still challenging to learn how to extract and select the most discriminative features from SW-D-FCN. Conventionally, existing methods opt to select a single discriminative feature set or concatenate a few more from the SW-D-FCN. However, such reductionist strategies may fail to fully capture the personalized discriminative characteristics contained in each functional connectivity (FC) sequence of the SW-D-FCN. To address this issue, we propose a unit-based personalized fingerprint feature selection (UPFFS) strategy to better capture the most discriminative feature associated with a target disease for each unit. Specifically, we regard the FC sequence between any pair of brain regions of interest (ROIs) is regarded as a unit. For each unit, the most discriminative feature is identified by a specific feature evaluation method and all the most discriminative features are then concatenated together as a feature set for the subsequent classification task. In such a way, the personalized fingerprint feature derived from each FC sequence can be fully mined and utilized in classification decision. To illustrate the effectiveness of the proposed strategy, we conduct experiments to distinguish subjects diagnosed with autism spectrum disorder from normal controls. Experimental results show that the proposed strategy can select relevant discriminative features and achieve superior performance to benchmark methods.

SELECCIÓN DE REFERENCIAS
DETALLE DE LA BÚSQUEDA
...