Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

HTML conversions sometimes display errors due to content that did not convert correctly from the source. This paper uses the following packages that are not yet supported by the HTML conversion tool. Feedback on these issues are not necessary; they are known and are being worked on.

  • failed: mwe
  • failed: acro

Authors: achieve the best HTML results from your LaTeX submissions by following these best practices.

License: CC BY 4.0
arXiv:2303.16376v2 [cs.LG] 29 Jan 2024
11institutetext: Vanderbilt University, Nashville TN 37215, USA 22institutetext: Vanderbilt University Medical Center, Nashville TN 37215, USA 33institutetext: NVIDIA Corporation, Santa Clara and Bethesda, USA

A Unified Learning Model for Estimating Fiber Orientation Distribution Functions on Heterogeneous Multi-shell Diffusion-weighted MRI

Tianyuan Yao 11    Nancy Newlin 11    Praitayini Kanakaraj 11    Vishwesh Nath 33    Leon Y Cai 11    Karthik Ramadass 11    Kurt Schilling 22    Bennett A. Landman 11    Yuankai Huo 11
Abstract

Diffusion-weighted (DW) MRI measures the direction and scale of the local diffusion process in every voxel through its spectrum in q-space, typically acquired in one or more shells. Recent developments in micro-structure imaging and multi-tissue decomposition have sparked renewed attention to the radial b-value dependence of the signal. Applications in tissue classification and micro-architecture estimation, therefore, require a signal representation that extends over the radial as well as angular domain. Multiple approaches have been proposed that can model the non-linear relationship between the DW-MRI signal and biological microstructure. In the past few years, many deep learning-based methods have been developed towards faster inference speed and higher inter-scan consistency compared with traditional model-based methods (e.g., multi-shell multi-tissue constrained spherical deconvolution). However, a multi-stage learning strategy is typically required since the learning process relies on various middle representations, such as simple harmonic oscillator reconstruction (SHORE) representation. In this work, we present a unified dynamic network with a single-stage spherical convolutional neural network, which allows efficient fiber orientation distribution function (fODF) estimation through heterogeneous multi-shell diffusion MRI sequences. We study the Human Connectome Project (HCP) young adults with test-retest scans. From the experimental results, the proposed single-stage method outperforms prior multi-stage approaches in repeated fODF estimation with shell dropoff and single-shell DW-MRI sequences.

Keywords:
DW-MRImulti-shell Deep learning.

1 Introduction

Diffusion-weighted magnetic resonance imaging (DW-MRI) is essential for the non-invasive reconstruction of the microstructure of the human in vivo brain [2, 27, 10]. Substantial efforts have shown that other advanced approaches can recover more elaborate reconstruction of the microstructure [15, 20, 7] and these methods are collectively referred to as high angular resolution diffusion imaging (HARDI). HARDI methods have been broadly proposed in two categories of single-shell acquisitions and multi-shell acquisitions (i.e., using multiple b-values). A majority of single-shell HARDI methods utilize spherical harmonics (SH) based modeling as in q-ball imaging (QBI) [25], constrained spherical deconvolution (CSD) [24], and many others. However, SH-based modeling cannot directly leverage additional information provided by multi-shell acquisitions as the SH transformation does not allow for a representation of the radial complexity that is introduced by different b-value. SH has been combined with other bases to represent multi-shell data, e.g., solid harmonics [8], simple harmonic oscillator reconstruction (SHORE) [5], and spherical polar Fourier imaging [4].

Deep learning (DL) has revolutionized many different domains in medical imaging [23], and DW-MRI parameter estimation is no different. Lots of DW-MRI methods have been developed that utilize the powerful data-driven capabilities of deep learning, yielding improved accuracy over conventional fitting when the acquisition scheme has a limited number of measurements [17, 28]. However, most methods are only focused on the translation of single-shell data to DW-MRI parameters, and in contrast, the multi-shell methods get neglected due to the complexity associated with multi-shell data [18, 12]. Moreover, the SHORE-based DL methods typically used a multi-stage design [19]. For instance, the algorithm must first optimize a specific optimal SHORE representation and then optimize the fiber orientation distribution function (fODF) estimation. Such methods are prone to overfitting, lower inference time, and complicated parameter tuning.

As shown in Fig 1, in this paper, we propose a single-stage dynamic network with both the q-space and radial space signal based on a spherical convolutional neural network. We evaluated the resultant representation by targeting it to multi-shell multi-tissue CSD (MSMT-CSD). Both fiber orientation estimation and recovery of tissue volume fraction are evaluated. The contribution of this paper is three-fold:

\bullet We proposed a unified dynamic network with the single-stage spherical convolutional neural network that can recover/predict microstructural measures.

\bullet The proposed method is universally applicable to perform learning-based fODF estimation using a single deep model for various combinations of multiple shells.

\bullet The proposed method achieved an overall superior performance compared with model-based and data-driven benchmarks.

Refer to caption
Figure 1: Utilizing multi-shell DW-MRI signals in deep learning usually requires independent models trained for each specific shell configuration as conventional SH-based modeling cannot directly leverage additional information (radial space) provided by multi-shell acquisitions. In our study, the dynamic head aims to improve the network expressiveness by learning and adaptively adjusting the first convolution layer for different shell configurations.

2 Related work

2.1 Multi-Shell Multi-Tissue Constrained Spherical Deconvolution

Multi-Shell Multi-Tissue Constrained Spherical Deconvolution (MSMT-CSD) [15] is a technique developed to overcome the limitations of traditional single-shell diffusion MRI methods, which are unable to resolve the complex fiber orientations of multiple tissue types in the brain. MSMT-CSD is able to separate the contribution of different tissue types (such as gray matter, white matter, and cerebrospinal fluid) to the diffusion signal by modeling the diffusion signal as a combination of multiple shells with different b-values. This modeling-based method has been a conventional method for multi-tissue micro-architecture estimation.

2.2 Learning-based estimation

Recently, machine learning (ML) and deep learning (DL) techniques have demonstrated their remarkable abilities in neuroimaging. Such approaches have been applied to the task of microstructure estimation [19], aiming to directly learn the mapping between input DW-MRI scans and output fiber tractography [21, 3] while maintaining the necessary biological characteristics and reproducibility for clinical translation. Such studies have illustrated that DL is a promising tool that uses nonlinear transforms to extract features from high-dimensional data. Data-driven approaches can be useful in validating the hypothesis of the existence of untapped information because they generalize toward the ground truth.

3 Methods

3.1 Preliminaries

Traditional deep learning frameworks are not generalizable to new acquisition schemes. This complicates the application of a DL model to data acquired from multiple sites. Our model aims to train a DL framework that can be adapted to an arbitrary number of available multi-shell DW-MRI sequences. To serve this motivation, we employ a dynamic head (DH) design to handle the multi-shell problem on the three most common b-values: 1000, 2000, and 3000 s/mm2𝑠𝑚superscript𝑚2s/mm^{2}italic_s / italic_m italic_m start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT. Additionally, to tackle the problem of a varying number of gradient directions on each shell (b-value), we leverage the spherical CNNs with the traditional ’modeling then feeding to a fully connected network (FCN)’ strategy. In this study, we employ the fODF estimation as our chosen task to perform assessments on different methods.

3.2 Dynamic head design

A dynamic head design in multi-modality deep learning [16] offers a flexible way to handle diverse data types within a single model, adapting its behavior to best suit the input modality. In our scenario, we intend to use a dynamic head that allows the neural network to effectively deal with diverse inputs from different shells by adapting its processing mechanism accordingly.

Note that with K𝐾Kitalic_K shells in our scheme, there are 2K1superscript2𝐾12^{K}\shortminus 12 start_POSTSUPERSCRIPT italic_K end_POSTSUPERSCRIPT 1 configurations. To improve the network expressiveness, we devise a dynamic head to adaptively generate model parameters conditioned on the availability of input shells. We use a binary code mK𝑚superscript𝐾m\in\mathbb{R}^{K}italic_m ∈ blackboard_R start_POSTSUPERSCRIPT italic_K end_POSTSUPERSCRIPT indicates that m𝑚mitalic_m is a vector with K𝐾Kitalic_K real-valued entries or components. K[0,1]𝐾01K\in[0,1]italic_K ∈ [ 0 , 1 ] that 0/1 represent the absence/presence of each shell. To mitigate the large input variation caused by artificially zero-ed channels, we use the dynamic head to generate the parameters for the first convolutional layer.

3.3 Spherical Convolution

To extract features from DW-MRI signals, the first and most common deep learning network architecture applied to dMRI is the fully connected network(FCN) [1, 18], Conventionally these have been implemented the following:

y=FFCN(x|θFCN)𝑦subscript𝐹𝐹𝐶𝑁conditional𝑥subscript𝜃𝐹𝐶𝑁y=F_{FCN}(x|\theta_{FCN})italic_y = italic_F start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT ( italic_x | italic_θ start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT ) (1)

Where FFCNsubscript𝐹𝐹𝐶𝑁F_{FCN}italic_F start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT is a fully-connected network with trainable parameters θFCNsubscript𝜃𝐹𝐶𝑁\theta_{FCN}italic_θ start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT, has signal input x𝑥xitalic_x and y𝑦yitalic_y is the ground truth dMRI parameters. Given a loss function, L𝐿Litalic_L tailored for a specific downstream task and the function is learned by optimizing the trainable parameters θFCNsubscript𝜃𝐹𝐶𝑁\theta_{FCN}italic_θ start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT and can be expressed as follows:

θ~FCN=argminθFCNL(yi,F(xi|θFCN)\tilde{\theta}_{FCN}=\arg\min_{\theta_{FCN}}L(yi,F(xi|\theta_{FCN})over~ start_ARG italic_θ end_ARG start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT = roman_arg roman_min start_POSTSUBSCRIPT italic_θ start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_L ( italic_y italic_i , italic_F ( italic_x italic_i | italic_θ start_POSTSUBSCRIPT italic_F italic_C italic_N end_POSTSUBSCRIPT ) (2)

The dMRI signal xi𝑥𝑖xiitalic_x italic_i serves as the ithsuperscript𝑖𝑡i^{th}italic_i start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT input for the network with corresponding ground truth output yi𝑦𝑖yiitalic_y italic_i, and it does not consider the acquisition information, making the network unaware of the acquisition scheme. This lack of knowledge poses an issue when incorporating new data acquired at a different location with a distinct acquisition scheme. The accuracy of estimation from a new set of DW-MRIs depends on the consistency of the acquisition scheme with the training set. Additionally, the FCN’s design does not account for rotational equivariance, which could result in requiring a varied range of tissue microstructure orientations in the training dataset for accurate estimation independent of fiber orientation.

Theoretically, Spherical CNNs offer an advantage over FCNs regarding both the robustness of the gradient scheme and the distribution of training data [11, 22]. The Spherical CNN’s architecture differs from FCNs, but not in the conventional sense. Instead of convolution across multiple voxels, Spherical CNNs perform convolution over the spherical image space. Hence, like FCNs, they are voxelwise networks. At each voxel, the spherical image is created from the dMRI signals and their corresponding gradient scheme. This architecture can naturally address the limitations of FCNs in two ways. Firstly, unlike FCNs, Spherical CNNs inherently recognize the gradient scheme present in their input, as illustrated by the following equation:

y=FSCNN(x,G|θSCNN)𝑦subscript𝐹𝑆𝐶𝑁𝑁𝑥conditional𝐺subscript𝜃𝑆𝐶𝑁𝑁y=F_{S-CNN}(x,G|\theta_{S-CNN})italic_y = italic_F start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT ( italic_x , italic_G | italic_θ start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT ) (3)

Here, FSCNNsubscript𝐹𝑆𝐶𝑁𝑁F_{S-CNN}italic_F start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT represents the Spherical CNNs, characterized by their trainable parameters θSCNNsubscript𝜃𝑆𝐶𝑁𝑁\theta_{S-CNN}italic_θ start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT. One of the distinct advantages of Spherical CNNs is their explicit consideration of the gradient scheme in the input. This capability enables them to adeptly manage variations in gradient schemes that may arise from different acquisition protocols or disparate imaging sites. Moreover, owing to their inherent spherical structure, Spherical CNNs can more effectively handle the distribution of training data that resides in a spherical domain. Cumulatively, the unique attributes of spherical convolution present significant improvements in the accuracy and robustness when analyzing diffusion MRI signals. During the training phase, the shared network FSCNNsubscript𝐹𝑆𝐶𝑁𝑁F_{S-CNN}italic_F start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT utilizes the input data. This data comprises 2K1superscript2𝐾12^{K}\shortminus 12 start_POSTSUPERSCRIPT italic_K end_POSTSUPERSCRIPT 1 distinct shell configurations, which can be described as

x~k=δkxk,(k1,,K)superscript~𝑥𝑘superscript𝛿𝑘superscript𝑥𝑘𝑘1𝐾\tilde{x}^{k}=\delta^{k}x^{k},(k\in{1,...,K})over~ start_ARG italic_x end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT = italic_δ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT italic_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT , ( italic_k ∈ 1 , … , italic_K ) (4)

Where δksuperscript𝛿𝑘\delta^{k}italic_δ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT is a Bernoulli selector variable that can take on values in 0, 1. By aiming at diverse diffusion properties denoted by y𝑦yitalic_y and combined with the dynamic head setting, the learning objective at the ithsuperscript𝑖𝑡i^{th}italic_i start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT input can be articulated as:

θ~SCNN=argminθSCNNL(yi,F(x~ki,Gi|θSCNN))subscript~𝜃𝑆𝐶𝑁𝑁subscriptsubscript𝜃𝑆𝐶𝑁𝑁𝐿𝑦𝑖𝐹superscript~𝑥𝑘𝑖conditional𝐺𝑖subscript𝜃𝑆𝐶𝑁𝑁\tilde{\theta}_{S-CNN}=\arg\min_{\theta_{S-CNN}}L(yi,F(\tilde{x}^{k}i,Gi|% \theta_{S-CNN}))over~ start_ARG italic_θ end_ARG start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT = roman_arg roman_min start_POSTSUBSCRIPT italic_θ start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_L ( italic_y italic_i , italic_F ( over~ start_ARG italic_x end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT italic_i , italic_G italic_i | italic_θ start_POSTSUBSCRIPT italic_S - italic_C italic_N italic_N end_POSTSUBSCRIPT ) ) (5)

4 Experiments

4.1 Data and Implementation Details

We have chosen DW-MRI from the Human Connectome Project - Young Adult (HCP-ya) dataset [26, 10], 45 subjects with the scan-rescan acquisition were used (a total of 90 images). The acquisitions had b-values of 1000, 2000, 3000 s/mm2𝑠𝑚superscript𝑚2s/mm^{2}italic_s / italic_m italic_m start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT with 90 gradient directions on each shell. A T1 volume of the same subject was used for WM segmentation using SLANT[13]. All HCP-ya DW-MRI was distortion corrected with top-up and eddy[14]. 30 subjects are used as training data while 10 subjects were used as evaluation and 5 subjects as testing data.

We performed shell extraction on all the data. Every subject has seven different shell configurations which are the permutations of all three b-values {{\{{{1K,2K,3K}1𝐾2𝐾3𝐾\{1K,2K,3K\}{ 1 italic_K , 2 italic_K , 3 italic_K }, {1K,2K}1𝐾2𝐾\{1K,2K\}{ 1 italic_K , 2 italic_K }, {2K,3K}2𝐾3𝐾\{2K,3K\}{ 2 italic_K , 3 italic_K }, {1K,3K}1𝐾3𝐾\{1K,3K\}{ 1 italic_K , 3 italic_K }, {1K}1𝐾\{1K\}{ 1 italic_K }, {2K}2𝐾\{2K\}{ 2 italic_K }, {3K}3𝐾\{3K\}{ 3 italic_K }}}\}}. Ground-truth fODF maps were computed from MSMT-CSD using the DIPY library with the default settings  [9]. 8thsuperscript8𝑡8^{th}8 start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT order SH were chosen for data representation with the ’tournier07’ basis [24]. The white matter fODF and the volume fraction which refers to the proportion of the volume of the voxel that is occupied by each tissue type, are combined together as the targeted sequence.

Inspired by Nath et al.[19], we employed the simple harmonic oscillator-based reconstruction and estimation (SHORE) as another baseline representation. SHORE modeling is known to capture the complex diffusion signal across different b-values without resorting to multi-compartment models, where the SHORE basis function is given by Znlm(q,Θ)=Rn(q)Ylm(Θ)subscript𝑍𝑛𝑙𝑚𝑞Θsubscript𝑅𝑛𝑞subscript𝑌𝑙𝑚ΘZ_{nlm}(q,\Theta)=R_{n}(q)Y_{lm}(\Theta)italic_Z start_POSTSUBSCRIPT italic_n italic_l italic_m end_POSTSUBSCRIPT ( italic_q , roman_Θ ) = italic_R start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ( italic_q ) italic_Y start_POSTSUBSCRIPT italic_l italic_m end_POSTSUBSCRIPT ( roman_Θ ). As for the single shell dMRI signal, |q|𝑞|q|| italic_q | is constant, and the variability in E(𝐪)𝐸𝐪E(\mathbf{q})italic_E ( bold_q ) is primarily captured by Ylm(Θ)subscript𝑌𝑙𝑚ΘY_{lm}(\Theta)italic_Y start_POSTSUBSCRIPT italic_l italic_m end_POSTSUBSCRIPT ( roman_Θ ). The richness of the model (i.e., maximum order N) is likely needed to be limited for single-shell data to avoid overfitting. Thus, the 6thsuperscript6𝑡6^{th}6 start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT radial order SHORE basis is employed as a baseline representation for both single-shell and multi-shell dMRI signals to fit the fiber ODF. The SHORE scaling factor ζ𝜁\zetaitalic_ζ defined in units of mm2𝑚superscript𝑚2mm^{-2}italic_m italic_m start_POSTSUPERSCRIPT - 2 end_POSTSUPERSCRIPT as ζ=1/8π2τMD𝜁18superscript𝜋2𝜏𝑀𝐷\zeta=1/8\pi^{2}\tau MDitalic_ζ = 1 / 8 italic_π start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT italic_τ italic_M italic_D is calculated based on the mean diffusivity (MD) obtained from the data. Given that both SHORE base signal ODF and SH base fiber ODF have the same underlying information. We apply deep learning to map the intricate relationships and patterns from one representation to another.

4.2 Experimental setting

We first trained separate models for each shell configuration. The models consist of four fully connected layers with ReLU activation function. The number of neurons per layer is 400, 48, 200, and 48. The input is the 1×501501\times 501 × 50 vector of the shore basis signal ODF, and the output is the combination 1×451451\times 451 × 45 vectors of the SH basis WM fODF and the 1×3131\times 31 × 3 vector of tissues fraction. The models are then tested on the different shell configurations. By simply feeding all the shell configuration data (all labeled with reconstructed fODF from data with all shells) to the FCN as a baseline ’unified’ deep learning model.

We assess the impact of dynamic head strategy by evaluating the performance of the unified models against independent models trained for each specific shell configuration. Furthermore, the generalizability of the different representations with dynamic head designs was assessed. For the spherical convolution, we used an architecture known as the hybrid spherical CNN as described in  [6]. The architecture consists of a S2superscript𝑆2S^{2}italic_S start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT convolutional layer and a SO(3)𝑆𝑂3SO(3)italic_S italic_O ( 3 ) convolutional layer and is followed by three channel-wise activations and two restricted generalized convolutions until the final restricted generalized convolution maps down to a rotationally invariant representation. The specific network parameters follow the spherical MNIST experiment [6]. The diffusion signals from different shells are 1-to-1 densely sampled to map between six directional dMRI signals and the 6 independent values of the diffusion tensor. After the rotational invariant features are extracted. They are concatenated and fed into fully connected layers(the same hidden size as above) which perform the final estimation.

4.3 Evaluation metric

To evaluate the predictions from the proposed methods, we calculated the mean squared error of the volume fractions with ground truth sequences. Then we compute the angular correlation coefficient (ACC, Eq. 6) between the predicted fODF and the ground truth fODF over the white matter region. ACC is a generalized measure for all fiber population scenarios. It assesses the correlation of all directions over a spherical harmonic expansion. In brief, it provides the estimate of how closely a pair of fODFs are related on a scale of -1 to 1, where 1 is the best measure. Here ‘u’ and ‘v’ represent sets of SH coefficients.

ACC=k=1Lm=kk(ukm)(vkm*)[k=1Lm=kk|ukm|2]0.5[k=1Lm=kk|vkm|2]0.5𝐴𝐶𝐶superscriptsubscript𝑘1𝐿superscriptsubscript𝑚𝑘𝑘subscript𝑢𝑘𝑚subscriptsuperscript𝑣𝑘𝑚superscriptdelimited-[]superscriptsubscript𝑘1𝐿superscriptsubscript𝑚𝑘𝑘superscriptsubscript𝑢𝑘𝑚20.5superscriptdelimited-[]superscriptsubscript𝑘1𝐿superscriptsubscript𝑚𝑘𝑘superscriptsubscript𝑣𝑘𝑚20.5\begin{split}ACC=\frac{\sum_{k=1}^{L}\sum_{m=-k}^{k}(u_{km})(v^{*}_{km})}{[% \sum_{k=1}^{L}\sum_{m=-k}^{k}|u_{km}|^{2}]^{0.5}\cdot[\sum_{k=1}^{L}\sum_{m=-k% }^{k}|v_{km}|^{2}]^{0.5}}\end{split}start_ROW start_CELL italic_A italic_C italic_C = divide start_ARG ∑ start_POSTSUBSCRIPT italic_k = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_m = - italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ( italic_u start_POSTSUBSCRIPT italic_k italic_m end_POSTSUBSCRIPT ) ( italic_v start_POSTSUPERSCRIPT * end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_k italic_m end_POSTSUBSCRIPT ) end_ARG start_ARG [ ∑ start_POSTSUBSCRIPT italic_k = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_m = - italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT | italic_u start_POSTSUBSCRIPT italic_k italic_m end_POSTSUBSCRIPT | start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] start_POSTSUPERSCRIPT 0.5 end_POSTSUPERSCRIPT ⋅ [ ∑ start_POSTSUBSCRIPT italic_k = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_L end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_m = - italic_k end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT | italic_v start_POSTSUBSCRIPT italic_k italic_m end_POSTSUBSCRIPT | start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] start_POSTSUPERSCRIPT 0.5 end_POSTSUPERSCRIPT end_ARG end_CELL end_ROW (6)

5 Experimental Results

We compared the performances of the unified models against independent models trained for each specific shell configuration. A qualitative result of fODF predictions and GT are shown in Fig 2. As shown in Table 1, the independent models that are trained are thus more likely to outperform others in their own shell configuration and these models can be considered as the upper bounds for each shell configuration. With the dynamic head settings, the unified model with spherical convolution outperforms the other models in the single shell configuration. Additionally, the ACC is a sensitive generalized metric, the performances need further evaluation. We assessed how good our prediction was by evaluating the scan/rescan consistency and volume fraction prediction 2.

Refer to caption
Figure 2: This is a visualization of the fODF prediction and the correlation with the GT in different views. The background of the zoom-in patches shows the ACC spatial map with the GT signals.
Table 1: Performances of the unified models against independent models in different shell configurations
Model

C1subscript𝐶1C_{1}italic_C start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT

C2subscript𝐶2C_{2}italic_C start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT

C3subscript𝐶3C_{3}italic_C start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT

C1,2subscript𝐶12C_{1,2}italic_C start_POSTSUBSCRIPT 1 , 2 end_POSTSUBSCRIPT

C2,3subscript𝐶23C_{2,3}italic_C start_POSTSUBSCRIPT 2 , 3 end_POSTSUBSCRIPT

C1,3subscript𝐶13C_{1,3}italic_C start_POSTSUBSCRIPT 1 , 3 end_POSTSUBSCRIPT

C1,2,3subscript𝐶123C_{1,2,3}italic_C start_POSTSUBSCRIPT 1 , 2 , 3 end_POSTSUBSCRIPT

Ave.

M1subscript𝑀1M_{1}italic_M start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT

0.808

0.725

0.732

0.752

0.734

0.751

0.788

0.756

M2subscript𝑀2M_{2}italic_M start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT

0.762

0.815

0.756

0.744

0.749

0.745

0.774

0.764

M3subscript𝑀3M_{3}italic_M start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT

0.757

0.724

0.814

0.734

0.753

0.760

0.779

0.760

M1,2subscript𝑀12M_{1,2}italic_M start_POSTSUBSCRIPT 1 , 2 end_POSTSUBSCRIPT

0.745

0.732

0.743

0.831

0.788

0.778

0.789

0.772

M2,3subscript𝑀23M_{2,3}italic_M start_POSTSUBSCRIPT 2 , 3 end_POSTSUBSCRIPT

0.734

0.744

0.738

0.802

0.825

0.786

0.786

0.774

M1,3subscript𝑀13M_{1,3}italic_M start_POSTSUBSCRIPT 1 , 3 end_POSTSUBSCRIPT

0.737

0.745

0.745

0.785

0.793

0.832

0.784

0.774

M1,2,3subscript𝑀123M_{1,2,3}italic_M start_POSTSUBSCRIPT 1 , 2 , 3 end_POSTSUBSCRIPT

0.752

0.734

0.742

0.762

0.756

0.772

0.853

0.767

All Data Feeding

0.789

0.793

0.794

0.801

0.799

0.803

0.814

0.799

DH w. SHORE [5]

0.782

0.788

0.784

0.823

0.817

0.825 0.843

0.809

DH w. SH

0.805

0.809

0.814

0.818

0.812

0.812

0.832

0.815

DH w. SC (Ours)

0.816 0.82 0.816 0.827 0.828

0.824

0.837

0.824
Table1: Misubscript𝑀𝑖M_{i}italic_M start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, where i [1,2,3]absent123\in[1,2,3]∈ [ 1 , 2 , 3 ] indicates the model is only trained on that shell configuration. Cisubscript𝐶𝑖C_{i}italic_C start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT indicates the testing data in that shell configuration. The best and second best performances are denoted by the red mark and blue mark. The average metrics of ACC are listed in the last column
Table 2: FODF prediction assessment
Model Shell configuration Tissue proportion prediction Scan-rescan consistency
Single model

1K

8.45E-04

0.862

2K

7.92E-04

0.865

3K

8.63E-04

0.857

1K, 2K

7.32E-04

0.856

2K, 3K

7.49E-04

0.86

1K, 3K

8.02E-04

0.862

1K, 2K, 3K

6.38E-04

0.865

DH w. SC

1K

7.27E-04

0.855

2K

7.12E-04

0.86

3K

7.35E-04

0.858

1K, 2K

7.01E-04

0.858

2K, 3K

6.79E-04

0.86

1K, 3K

6.82E-04

0.864

1K, 2K, 3K

5.92E-04

0.861

Silver standard : MSMT-CSD [15] 0.856
Table2: Reconstruction results from msmt-CSD are applied as silver standard in the evaluation. Wilcoxon signed-rank test is applied as a statistical assessment for scan-rescan consistency evaluation. It has a significant difference (p<0.001𝑝0.001p<0.001italic_p < 0.001) compared with WM fODF. The MSE is reported for evaluation of VF predictions. The ACC between scan/rescan DW-MRI over WM regions is reported.

6 Conclusion

In this paper, we propose a single-stage dynamic network with both the q-space and radial space signal based on a spherical convolutional neural network. Integrating dynamic head and spherical convolution removes the need to retrain a new network for a known b-value of DW-MRI. Besides, adjusting the last multi-layer regression network to different targets, this plug-and-play design of our method is potentially applicable to a wider range of diffusion properties in neuroimaging.

References

  • [1] Aliotta, E., Nourzadeh, H., Sanders, J., Muller, D., Ennis, D.B.: Highly accelerated, model-free diffusion tensor mri reconstruction using neural networks. Medical physics 46(4), 1581–1591 (2019)
  • [2] Basser, P.J., Mattiello, J., LeBihan, D.: Estimation of the effective self-diffusion tensor from the nmr spin echo. Journal of Magnetic Resonance, Series B 103(3), 247–254 (1994)
  • [3] Cai, L.Y., Lee, H.H., Newlin, N.R., Kerley, C.I., Kanakaraj, P., Yang, Q., Johnson, G.W., Moyer, D., Schilling, K.G., Rheault, F., et al.: Convolutional-recurrent neural networks approximate diffusion tractography from t1-weighted mri and associated anatomical context. bioRxiv pp. 2023–02 (2023)
  • [4] Cheng, J., Ghosh, A., Jiang, T., Deriche, R.: Model-free and analytical eap reconstruction via spherical polar fourier diffusion mri. In: Medical Image Computing and Computer-Assisted Intervention–MICCAI 2010: 13th International Conference, Beijing, China, September 20-24, 2010, Proceedings, Part I 13. pp. 590–597. Springer (2010)
  • [5] Cheng, J., Jiang, T., Deriche, R.: Theoretical analysis and practical insights on eap estimation via a unified hardi framework. In: MICCAI Workshop on Computational Diffusion MRI (CDMRI) (2011)
  • [6] Cobb, O.J., Wallis, C.G., Mavor-Parker, A.N., Marignier, A., Price, M.A., d’Avezac, M., McEwen, J.D.: Efficient generalized spherical cnns. arXiv preprint arXiv:2010.11661 (2020)
  • [7] Descoteaux, M.: High angular resolution diffusion imaging (hardi). Wiley encyclopedia of electrical and electronics engineering pp. 1–25 (1999)
  • [8] Descoteaux, M., Deriche, R., Le Bihan, D., Mangin, J.F., Poupon, C.: Multiple q-shell diffusion propagator imaging. Medical image analysis 15(4), 603–621 (2011)
  • [9] Garyfallidis, E., Brett, M., Amirbekian, B., Rokem, A., Van Der Walt, S., Descoteaux, M., Nimmo-Smith, I.: Dipy, a library for the analysis of diffusion mri data. Frontiers in Neuroinformatics 8 (2014)
  • [10] Glasser, M.F., Sotiropoulos, S.N., Wilson, J.A., Coalson, T.S., Fischl, B., Andersson, J.L., Xu, J., Jbabdi, S., Webster, M., Polimeni, J.R., et al.: The minimal preprocessing pipelines for the human connectome project. Neuroimage 80, 105–124 (2013)
  • [11] Goodwin-Allcock, T., McEwen, J., Gray, R., Nachev, P., Zhang, H.: How can spherical cnns benefit ml-based diffusion mri parameter estimation? In: Computational Diffusion MRI: 13th International Workshop, CDMRI 2022, Held in Conjunction with MICCAI 2022, Singapore, Singapore, September 22, 2022, Proceedings. pp. 101–112. Springer (2022)
  • [12] Hansen, C.B., Schilling, K.G., Rheault, F., Resnick, S., Shafer, A.T., Beason-Held, L.L., Landman, B.A.: Contrastive semi-supervised harmonization of single-shell to multi-shell diffusion mri. Magnetic Resonance Imaging 93, 73–86 (2022)
  • [13] Huo, Y., Xu, Z., Xiong, Y., Aboud, K., Parvathaneni, P., Bao, S., Bermudez, C., Resnick, S.M., Cutting, L.E., Landman, B.A.: 3d whole brain segmentation using spatially localized atlas network tiles. NeuroImage 194, 105–119 (2019)
  • [14] Jenkinson, M., Beckmann, C.F., Behrens, T.E., Woolrich, M.W., Smith, S.M.: Fsl. Neuroimage 62(2), 782–790 (2012)
  • [15] Jeurissen, B., Tournier, J.D., Dhollander, T., Connelly, A., Sijbers, J.: Multi-tissue constrained spherical deconvolution for improved analysis of multi-shell diffusion mri data. NeuroImage 103, 411–426 (2014)
  • [16] Liu, H., Fan, Y., Li, H., Wang, J., Hu, D., Cui, C., Lee, H.H., Zhang, H., Oguz, I.: Moddrop++: A dynamic filter network with intra-subject co-training for multiple sclerosis lesion segmentation with missing modalities. In: International Conference on Medical Image Computing and Computer-Assisted Intervention. pp. 444–453. Springer (2022)
  • [17] Müller, P., Golkov, V., Tomassini, V., Cremers, D.: Rotation-equivariant deep learning for diffusion mri. arXiv preprint arXiv:2102.06942 (2021)
  • [18] Nath, V., Parvathaneni, P., Hansen, C.B., Hainline, A.E., Bermudez, C., Remedios, S., Blaber, J.A., Schilling, K.G., Lyu, I., Janve, V., et al.: Inter-scanner harmonization of high angular resolution dw-mri using null space deep learning. In: Computational Diffusion MRI: International MICCAI Workshop, Granada, Spain, September 2018 22. pp. 193–201. Springer (2019)
  • [19] Nath, V., Schilling, K.G., Parvathaneni, P., Hansen, C.B., Hainline, A.E., Huo, Y., Blaber, J.A., Lyu, I., Janve, V., Gao, Y., et al.: Deep learning reveals untapped information for local white-matter fiber reconstruction in diffusion-weighted mri. Magnetic resonance imaging 62, 220–227 (2019)
  • [20] Özarslan, E., Koay, C.G., Shepherd, T.M., Komlosh, M.E., İrfanoğlu, M.O., Pierpaoli, C., Basser, P.J.: Mean apparent propagator (map) mri: a novel diffusion imaging method for mapping tissue microstructure. NeuroImage 78, 16–32 (2013)
  • [21] Schilling, K.G., Tax, C.M., Rheault, F., Hansen, C., Yang, Q., Yeh, F.C., Cai, L., Anderson, A.W., Landman, B.A.: Fiber tractography bundle segmentation depends on scanner effects, vendor effects, acquisition resolution, diffusion sampling scheme, diffusion sensitization, and bundle segmentation workflow. NeuroImage 242, 118451 (2021)
  • [22] Sedlar, S., Alimi, A., Papadopoulo, T., Deriche, R., Deslauriers-Gauthier, S.: A spherical convolutional neural network for white matter structure imaging via dmri. In: Medical Image Computing and Computer Assisted Intervention–MICCAI 2021: 24th International Conference, Strasbourg, France, September 27–October 1, 2021, Proceedings, Part III 24. pp. 529–539. Springer (2021)
  • [23] Suzuki, K.: Overview of deep learning in medical imaging. Radiological physics and technology 10(3), 257–273 (2017)
  • [24] Tournier, J.D., Calamante, F., Connelly, A.: Robust determination of the fibre orientation distribution in diffusion mri: non-negativity constrained super-resolved spherical deconvolution. Neuroimage 35(4), 1459–1472 (2007)
  • [25] Tuch, D.S.: Q-ball imaging. Magnetic Resonance in Medicine: An Official Journal of the International Society for Magnetic Resonance in Medicine 52(6), 1358–1372 (2004)
  • [26] Van Essen, D.C., Smith, S.M., Barch, D.M., Behrens, T.E., Yacoub, E., Ugurbil, K., Consortium, W.M.H., et al.: The wu-minn human connectome project: an overview. Neuroimage 80, 62–79 (2013)
  • [27] Van Essen, D.C., Ugurbil, K., Auerbach, E., Barch, D., Behrens, T.E., Bucholz, R., Chang, A., Chen, L., Corbetta, M., Curtiss, S.W., et al.: The human connectome project: a data acquisition perspective. Neuroimage 62(4), 2222–2231 (2012)
  • [28] Xiang, T., Yurt, M., Syed, A.B., Setsompop, K., Chaudhari, A.: Ddm2: Self-supervised diffusion mri denoising with generative diffusion models. arXiv preprint arXiv:2302.03018 (2023)