License: arXiv.org perpetual non-exclusive license
arXiv:2403.08162v1 [eess.IV] 13 Mar 2024

Iterative Learning for Joint Image Denoising and Motion Artifact Correction of 3D Brain MRI

Lintao Zhang, Mengqi Wu, Lihong Wang, David C. Steffens, Guy G. Potter, Mingxia Liu
Abstract

Image noise and motion artifacts greatly affect the quality of brain magnetic resonance imaging (MRI) and negatively influence downstream medical image analysis. Previous studies often focus on 2D methods that process each volumetric MR image slice-by-slice, thus losing important 3D anatomical information. Additionally, these studies generally treat image denoising and artifact correction as two standalone tasks, without considering their potential relationship, especially on low-quality images where severe noise and motion artifacts occur simultaneously. To address these issues, we propose a Joint image Denoising and motion Artifact Correction (JDAC) framework via iterative learning to handle noisy MRIs with motion artifacts, consisting of an adaptive denoising model and an anti-artifact model. In the adaptive denoising model, we first design a novel noise level estimation strategy, and then adaptively reduce the noise through a U-Net backbone with feature normalization conditioning on the estimated noise variance. The anti-artifact model employs another U-Net for eliminating motion artifacts, incorporating a novel gradient-based loss function designed to maintain the integrity of brain anatomy during the motion correction process. These two models are iteratively employed for joint image denoising and artifact correction through an iterative learning framework. An early stop** strategy depending on noise level estimation is applied to accelerate the iteration process. The denoising model is trained with 9,544 T1-weighted MRIs with manually added Gaussian noise as supervision. The anti-artifact model is trained on 552 T1-weighted MRIs with motion artifacts and paired motion-free images. We validate the proposed method on a public dataset and a clinical study that involves MRIs distorted by motion and noise. Experimental results suggest the effectiveness of JDAC in both tasks of denoising and motion artifact correction, compared with several state-of-the-art methods.

keywords:
Image Denoising, Motion Artifact Correction, Structural MRI, Iterative Learning

1 Introduction

Medical image denoising and motion artifact correction are key to MRI processing (Sagheer and George, 2020; Kaur and Dong, 2023), which directly determines the processed image quality and affects downstream analysis (Budrys et al., 2018; Kaur and Dong, 2023). Medical images typically have three-dimensional (3D) volumetric data and low contrast, making them susceptible to noise and artifacts. However, most of previous denoising and anti-artifact methods are 2D-based and applicable to natural images. When applied to 3D medical images like brain MRI, those methods have to be performed slice-by-slice, resulting in the loss of important 3D anatomical information. For instance, some studies (Adame-Gonzalez et al., 2023; Al-Masni et al., 2022) try to denoise or correct motion artifacts of 3D MRI using 2D-based models on different imaging planes. Many studies on motion artifact correction (Liu et al., 2020; Al-Masni et al., 2022; Sommer et al., 2020) have attempted to synthesize motion-corrupted 2D MRI slices to train anti-artifact models. Xiang et al. (Xiang et al., 2022) demonstrate that when brain diffusion MRI is processed slice-by-slice on the axial plane using 2D models, it causes obvious discontinuities (gaps or breaks in image quality) on the other two planes (coronal and sagittal) compared to results of 3D models. Several recent studies have tried different strategies to make use of 3D structural information in medical images. Some traditional methods are re-implemented to denoise 3D volumetric data, such as BM4D (Mäkinen et al., 2020, 2022). Some studies rely on 3D convolutional neural networks (CNN) to directly handle the task of denoising (Hou et al., 2022; Xiang et al., 2022) or anti-artifact (Duffy et al., 2021) of 3D medical images. Besides, the above-mentioned denoising or anti-artifact models are usually designed without considering their potential relationship. Many established pipelines for medical image processing (Backhausen et al., 2016; Cai et al., 2021; Maximov et al., 2019) also perform these two tasks separately. This may lead to a sub-optimal MRI processing result when severe noise and motion artifacts occur simultaneously.

On the other hand, the alternating direction method of multiplier (ADMM) method (Boyd et al., 2011) has attracted more attention recently, due to its good performance in reducing MRI reconstruction noise and artifacts in an iterative manner. For example, Chan et al. (Chan et al., 2016) use the Plug-and-play ADMM (PnP-ADMM) algorithm for iterative image restoration and prove the algorithm convergence under a bounded denoiser assumption. Hou et al. (Hou et al., 2022) demonstrate that the PnP-ADMM algorithm can be used to gradually remove MRI reconstruction noise caused by sparse sampling in the K𝐾Kitalic_K-space. Currently, few studies have attempted to use iterative learning strategies to perform denoising and motion artifact correction tasks to progressively improve MRI image quality.

Refer to caption
Figure 1: Illustration of the proposed iterative learning framework (i.e., panel (a)) of joint image denoising and motion artifact correction (JDAC) for structural MRI data processing. The JDAC consists of an adaptive denoising model (i.e., panel (b)) and an anti-artifact model (i.e., panel (c)) that iteratively reduces the MRI image noise and motion artifacts. The denoising model can adaptively denoise the noisy MRI based on estimated noise levels. The anti-artifact model is trained with motion-free MRIs as ground truth and constrained by a new gradient-based loss function for brain structure preserving.

To this end, we propose an iterative framework to jointly perform image denoising and motion artifact correction (JDAC) for T1-weighted brain MRIs. As shown in Fig. 1 (a), the JDAC incorporates an adaptive denoising model and an anti-artifact model in an iterative learning manner. In the adaptive denoising model (see Fig. 1 (b)), we first propose a new method to estimate image noise levels using the variance of the image gradient map and validate the method through statistical analysis. An adaptive denoising model with a U-Net architecture is then developed to denoise an MR image based on the estimated noise level. The anti-artifact model employs another U-Net for eliminating motion artifacts, incorporating a novel gradient-based loss function designed to maintain the integrity of brain anatomy during the motion correction process, as shown in Fig. 1 (c). Extensive experiments and ablation studies are performed to validate the effectiveness of JDAC. The results show that jointly performing denoising and motion artifact correction tasks via the iterative learning strategy can progressively improve MR image quality, especially for motion-affected MRIs with severe noise. The source code has been released to the public via GitHub111https://github.com/goodaycoder/JDAC.

The main contributions of this work are summarized below.

  • 1.

    A joint image denoising and motion artifact correction (JDAC) framework is developed to iteratively handle noisy MRI with motion artifacts. By implicitly exploring underlying relationships between denoising and artifact correction tasks, the proposed JDAC is expected to progressively improve image quality.

  • 2.

    We design an adaptive denoising model, where a new noise level estimation strategy is designed that uses the variance of gradient maps to quantitatively estimate noise levels. The noise level estimation result can be used as the condition of the denoiser and a threshold in the early stop** strategy for our iterative learning framework.

  • 3.

    We further introduce an innovative gradient-based loss function in the anti-artifact model, aiming at retaining brain anatomy details throughout the motion correction procedure. This helps ensure that the model does not distort the original brain structures in 3D MR images.

  • 4.

    Extensive experiments have been performed on both tasks of adaptive denoising and joint denoising and motion artifact on two public datasets and a real motion-affected MRI dataset in a clinical study. Quantitative and qualitative results suggest the effectiveness of our JDAC.

The remainder of this paper is organized as follows. Section 2 reviews the most relevant studies. Section 3 introduces the proposed framework in detail. Section 4 introduces experimental setup, competing methods, and experimental results. Section 5 analyzes the influences of several key components of JDAC and discusses the limitations of this work and future research directions. This paper is concluded in Section 6.

2 Related Work

2.1 MR Image Denoising

Much denoising research has been carried out in the field of natural image processing, and classic methods such as BM3D (Dabov et al., 2007) have been applied to medical image denoising. Most studies on image denoising focus on 2D-based methods that have to be performed in a slice-by-slice way when analyzing 3D medical images like MRI scans, CT scans, X-rays, and ultrasound imaging (Kaur and Dong, 2023). Some studies have extended classical 2D methods to 3D versions such as BM4D (Mäkinen et al., 2020, 2022) to facilitate 3D image denoising.

Recently, many deep learning models have been created for image denoising. For example, Lehtinen et al.  (Lehtinen et al., 2018) reveal that it is feasible to train a deep learning model for image denoising using solely corrupted samples, achieving and occasionally surpassing the performance of training with clean data. Many studies show an effective way to train a deep denoising model by manually adding zero-mean white noise (Lehtinen et al., 2018; Kim and Ye, 2021). Ho et al.  (Ho et al., 2020) propose to use a denoising diffusion probabilistic model (DDPM), demonstrating that image noise can be reduced multiple times gradually. The most recent research using diffusion models (Xiang et al., 2022; Gong et al., 2023; Zhu et al., 2023) has shown better denoising performance and is getting more attention in medical image denoising and restoration. For example, Zhu et al.  (Zhu et al., 2023) try to combine a plug-and-play method and a diffusion model to make use of the generative ability of diffusion models for better image deblurring. Xiang et al.  (Xiang et al., 2022) propose a framework that integrates statistic-based denoising theory and diffusion Markov chain to perform self-supervised denoising of diffusion MRI (dMRI). Moreover, researchers usually rely on the plug-and-play alternating direction method of multiplier (PnP-ADMM) (Boyd et al., 2011) for MRI reconstruction, where a pre-trained denoiser is used to iteratively reduce the reconstruction noise caused by fast sparse sampling in k𝑘kitalic_k-space (Dong et al., 2018; Ryu et al., 2019). For instance, Hou et al.  (Hou et al., 2022) propose a PnP-ADMM that truncates the predicted residual of the denoiser to iteratively reduce the reconstruction noise. All the studies show that reducing the medical image noise iteratively may be a more effective way.

Inspired by these studies that use progressive denoising, this paper considers an iterative learning strategy to perform denoising of brain structural MRIs. Additionally, even though DDPM-based models (Xiang et al., 2022; Gong et al., 2023; Zhu et al., 2023) and ADMM-based methods (Dong et al., 2018; Ryu et al., 2019; Hou et al., 2022) focus on progressively removing noise, they cannot explicitly estimate the noise level conveyed in input images. Intuitively, it is interesting to utilize such prior knowledge (i.e., noise level) for adaptive denoising to boost learning performance.

2.2 Motion Artifact Correction of MRI

For learning-based motion artifact correction studies, the issues of over-smoothing, decreasing image contrast, and distortion of small anatomic structures are very important during the motion artifact reduction process (Chang et al., 2023). In previous studies, researchers proposed many neural network architectures to learn simulated artifact errors precisely. For example, Liu et al.  (Liu et al., 2020) propose a 2D deep CNN with multi-resolution blocks to predict a residual artifact image of the simulated motion artifacts, thus trying to avoid image contrast loss. Al-Masni et al.  (Al-Masni et al., 2022) develop a retrospective 2D stacked UNet to learn the rigid motion artifacts in a coarse-to-fine manner with synthesized motion-corrupted images. Duffy et al.  (Duffy et al., 2021) train a motion correction CNN with 3D simulated artifacts on motion-free MRI scans, improving the cortical surface reconstruction quality. These models trained with simulated artifacts can accurately predict residual artifacts on simulated data and preserve brain structural details well, but their performance usually drops dramatically on real motion-affected data. Recently, Nárai et al.  (Nárai et al., 2022) publish a movement-related artefacts (MR-ART) dataset of structural brain MR images with ground-truth motion artifacts. As reported in a recent study (Safari et al., 2023), the performance of these anti-artifact models on the MR-ART dataset declines compared to the test results on simulated data reported in the above studies. One of the most likely reasons is that these studies only used regular loss functions for model training without explicit constraints on preserving brain anatomy. In this work, we propose a new gradient-based loss function to constrain the anti-artifact model for brain structure preservation.

In addition, most previous studies intended for denoising or motion artifact correction ignore the potential relationship between these two tasks. Some studies (Zhang et al., 2021) have demonstrated that the denoising model will not only remove noise but also remove some artifacts and image texture details. Classical medical image processing pipelines usually include one of the two tasks. For instance, Backhausen et al. (Backhausen et al., 2016) propose a quality control workflow to rate motion artifacts as a complement to automated processing tools like FreeSurfer (Fischl, 2012). Cai et al. (Cai et al., 2021) try to combine the denoising and motion-induced artifact removal from different tools (e.g., FSL (Jenkinson et al., 2012), MRTrix3 (Tournier et al., 2019), and ANTs (Avants et al., 2009)) for integrated preprocessing of diffusion-weighted MR imaging (DWI). Maximov et al. (Maximov et al., 2019) evaluate a general pipeline including both noise correction and Gibbs artifact removal, demonstrating the pipeline can be optimized for DWI. Inspired by these studies, we consider jointly performing denoising and motion artifact correction to handle noisy MRI with motion artifacts. By implicitly exploring underlying relationships between these two tasks, our method is expected to further improve image quality.

3 Methodology

3.1 Proposed Method

In clinical applications, MRI quality is easily degraded from both imaging noise and motion artifacts. While many state-of-the-art methods have been proposed recently for image denoising and anti-artifacts, most of the methods and processing pipelines reduce the noise and motion artifacts separately. Ignoring the mutual interaction between noise and motion artifacts may lead to suboptimal post-processing results. In this work, we propose an iterative learning strategy to perform joint image denoising and motion artifact correction (JDAC), thus implicitly exploring underlying relationships between denoising and artifact correction tasks. From our experimental observations, it appears that motion artifacts closely resemble certain structural textures in MRI. In contrast, additive noise tends to exhibit a relatively independent distribution. In addition, motion artifact correction results are often greatly affected by denoising results, while it could be easier to model noise information than motion artifacts. Therefore, we propose to perform image denoising and motion artifact correction sequentially in each iteration. As shown in Fig. 1, the JDAC incorporates (1) an adaptive denoising model for noise removal, and (2) an anti-artifact model for motion artifact reduction, both equipped with UNet-like architectures. These two models are jointly utilized for image denoising and artifact correction through an iterative learning framework.

3.2 Proposed Iterative Learning Framework

3.2.1 Iterative Learning Strategy

In this work, we propose a novel iterative learning strategy for joint denoising and motion artifact correction. Given an MRI of ideal quality as 𝐱L×W×H𝐱superscript𝐿𝑊𝐻{\bf x}\in\mathbb{R}^{L\times W\times H}bold_x ∈ blackboard_R start_POSTSUPERSCRIPT italic_L × italic_W × italic_H end_POSTSUPERSCRIPT, the motion-affected noisy measurement 𝐲L×W×H𝐲superscript𝐿𝑊𝐻{\bf y}\in\mathbb{R}^{L\times W\times H}bold_y ∈ blackboard_R start_POSTSUPERSCRIPT italic_L × italic_W × italic_H end_POSTSUPERSCRIPT can be represented as

𝐲=𝒜(𝐱)+ξ𝐲𝒜𝐱𝜉\small{\bf y}=\mathcal{A}({\bf x})+\xi\\ bold_y = caligraphic_A ( bold_x ) + italic_ξ (1)

where 𝒜𝒜\mathcal{A}caligraphic_A denotes a distortion function due to motion and ξ𝜉\xiitalic_ξ is additive noise. Without specification, we consider Gaussian noise in this work. Mathematically, we formulate the problem of joint MRI denoising and motion artifact correction as:

𝐱^=argmin𝐱𝒜(𝐱)𝐲22+𝒟(𝐱)^𝐱subscript𝑎𝑟𝑔𝑚𝑖𝑛𝐱superscriptsubscriptnorm𝒜𝐱𝐲22𝒟𝐱\small\hat{{\bf x}}=\mathop{argmin}\limits_{{\bf x}}||\mathcal{A}({\bf x})-{% \bf y}||_{2}^{2}+\mathcal{D}({\bf x})over^ start_ARG bold_x end_ARG = start_BIGOP italic_a italic_r italic_g italic_m italic_i italic_n end_BIGOP start_POSTSUBSCRIPT bold_x end_POSTSUBSCRIPT | | caligraphic_A ( bold_x ) - bold_y | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + caligraphic_D ( bold_x ) (2)

where the first term is used for motion artifact correction and 𝒟(𝐱)𝒟𝐱\mathcal{D}({\bf x})caligraphic_D ( bold_x ) is employed for denoising.

The problem in equation Eq. (2) can be solved by the alternating direction method of multiplier (ADMM) (Boyd et al., 2011). Through variable substitution, Eq. (2) can be reformulated as a constrained problem as follows:

argmin𝐱,𝐯𝒜(𝐱)𝐲22+𝒟(𝐯),s.t.𝐱=𝐯\small\mathop{argmin}\limits_{{\bf x},{\bf v}}||\mathcal{A}({\bf x})-{\bf y}||% _{2}^{2}+\mathcal{D}({\bf v}),\,\mathop{s.t.}{\bf x}={\bf v}start_BIGOP italic_a italic_r italic_g italic_m italic_i italic_n end_BIGOP start_POSTSUBSCRIPT bold_x , bold_v end_POSTSUBSCRIPT | | caligraphic_A ( bold_x ) - bold_y | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + caligraphic_D ( bold_v ) , start_BIGOP italic_s . italic_t . end_BIGOP bold_x = bold_v (3)

The augmented Lagrangian function of Eq. (3) can be written as:

(𝐱,𝐯,𝐮)=𝒜(𝐱)𝐲22+𝒟(𝐯)+𝐮T(𝐱𝐯)+ρ2𝐱𝐯22𝐱𝐯𝐮superscriptsubscriptnorm𝒜𝐱𝐲22𝒟𝐯superscript𝐮𝑇𝐱𝐯𝜌2superscriptsubscriptnorm𝐱𝐯22\small\mathcal{L}({\bf x},{\bf v},{\bf u})=||\mathcal{A}({\bf x})-{\bf y}||_{2% }^{2}+\mathcal{D}({\bf v})+{\bf u}^{T}({\bf x}-{\bf v})+\frac{\rho}{2}||{\bf x% }-{\bf v}||_{2}^{2}caligraphic_L ( bold_x , bold_v , bold_u ) = | | caligraphic_A ( bold_x ) - bold_y | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + caligraphic_D ( bold_v ) + bold_u start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ( bold_x - bold_v ) + divide start_ARG italic_ρ end_ARG start_ARG 2 end_ARG | | bold_x - bold_v | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (4)

where 𝐮𝐮{\bf u}bold_u and ρ𝜌\rhoitalic_ρ are Lagrange multipliers. We can solve the following subproblems to get the saddle point of \mathcal{L}caligraphic_L, which yields the minimizer of Eq. (4):

𝐯k+1=argmin𝐯𝒟(𝐯)+ρ2(𝐱k+𝐮k)𝐯22superscript𝐯𝑘1subscript𝑎𝑟𝑔𝑚𝑖𝑛𝐯𝒟𝐯𝜌2superscriptsubscriptnormsuperscript𝐱𝑘superscript𝐮𝑘𝐯22\small{\bf v}^{k+1}=\mathop{argmin}\limits_{{\bf v}}\mathcal{D}({\bf v})+\frac% {\rho}{2}||({\bf x}^{k}+{\bf u}^{k})-{\bf v}||_{2}^{2}bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = start_BIGOP italic_a italic_r italic_g italic_m italic_i italic_n end_BIGOP start_POSTSUBSCRIPT bold_v end_POSTSUBSCRIPT caligraphic_D ( bold_v ) + divide start_ARG italic_ρ end_ARG start_ARG 2 end_ARG | | ( bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT + bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) - bold_v | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (5)
𝐱k+1=argminx𝒜(x)𝐲22+ρ2𝐱k(𝐯k+1𝐮k)22superscript𝐱𝑘1subscript𝑎𝑟𝑔𝑚𝑖𝑛𝑥superscriptsubscriptnorm𝒜𝑥𝐲22𝜌2superscriptsubscriptnormsuperscript𝐱𝑘superscript𝐯𝑘1superscript𝐮𝑘22\small{\bf x}^{k+1}=\mathop{argmin}\limits_{x}||\mathcal{A}(x)-{\bf y}||_{2}^{% 2}+\frac{\rho}{2}||{\bf x}^{k}-({\bf v}^{k+1}-{\bf u}^{k})||_{2}^{2}bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = start_BIGOP italic_a italic_r italic_g italic_m italic_i italic_n end_BIGOP start_POSTSUBSCRIPT italic_x end_POSTSUBSCRIPT | | caligraphic_A ( italic_x ) - bold_y | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + divide start_ARG italic_ρ end_ARG start_ARG 2 end_ARG | | bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT - ( bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (6)
𝐮k+1=𝐮k+(𝐱k+1𝐯k+1)superscript𝐮𝑘1superscript𝐮𝑘superscript𝐱𝑘1superscript𝐯𝑘1\small{\bf u}^{k+1}={\bf u}^{k}+({\bf x}^{k+1}-{\bf v}^{k+1})bold_u start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT + ( bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT ) (7)

The subproblem defined in Eq. (5) can be treated as a denoising problem (Chan et al., 2016), rewritten as:

𝐯k+1=argmin𝐯𝒟(𝐯)+1σ2𝐯𝐯~k22superscript𝐯𝑘1subscript𝑎𝑟𝑔𝑚𝑖𝑛𝐯𝒟𝐯1superscript𝜎2superscriptsubscriptnorm𝐯superscript~𝐯𝑘22\small{\bf v}^{k+1}=\mathop{argmin}\limits_{{\bf v}}\mathcal{D}({\bf v})+\frac% {1}{\sigma^{2}}||{\bf v}-\tilde{{\bf v}}^{k}||_{2}^{2}bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = start_BIGOP italic_a italic_r italic_g italic_m italic_i italic_n end_BIGOP start_POSTSUBSCRIPT bold_v end_POSTSUBSCRIPT caligraphic_D ( bold_v ) + divide start_ARG 1 end_ARG start_ARG italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG | | bold_v - over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT | | start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (8)

in which 𝐯~k=(𝐱k+𝐮k)superscript~𝐯𝑘superscript𝐱𝑘superscript𝐮𝑘\tilde{{\bf v}}^{k}=({\bf x}^{k}+{\bf u}^{k})over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT = ( bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT + bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) denotes the noisy image degraded by the Gaussian noise with standard deviation (std) σ𝜎\sigmaitalic_σ. In this work, we propose a noisy estimation strategy to obtain this hyperparameter σksuperscript𝜎𝑘\sigma^{k}italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT at the k𝑘kitalic_k-th iteration.

This problem can be solved by training a denoising model 𝐟Dsubscript𝐟𝐷{\bf f}_{D}bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT iteratively (Chan et al., 2016; Dong et al., 2018; Venkatakrishnan et al., 2013) through the following:

𝐯k+1=𝐟D(𝐯~k,σk)=𝐟D(𝐱k+𝐮k,σk)superscript𝐯𝑘1subscript𝐟𝐷superscript~𝐯𝑘superscript𝜎𝑘subscript𝐟𝐷superscript𝐱𝑘superscript𝐮𝑘superscript𝜎𝑘\small{\bf v}^{k+1}={\bf f}_{D}(\tilde{{\bf v}}^{k},\sigma^{k})={\bf f}_{D}({% \bf x}^{k}+{\bf u}^{k},\sigma^{k})bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT ( over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT , italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) = bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT ( bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT + bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT , italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) (9)

where the 𝐮ksuperscript𝐮𝑘{\bf u}^{k}bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT can be regarded as the predicted residual component that updates based on Eq. (7) during the iteration.

The subproblem of motion artifact correction defined in Eq. (6) can also be solved by iteratively learning a deep neural network 𝐟Asubscript𝐟𝐴{\bf f}_{A}bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT, formulated as:

𝐱k+1=𝐟A(𝐱~k)=𝐟A(𝐯k+1𝐮k)superscript𝐱𝑘1subscript𝐟𝐴superscript~𝐱𝑘subscript𝐟𝐴superscript𝐯𝑘1superscript𝐮𝑘\small{\bf x}^{k+1}={\bf f}_{A}(\tilde{\bf x}^{k})={\bf f}_{A}({\bf v}^{k+1}-{% \bf u}^{k})bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT ( over~ start_ARG bold_x end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) = bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT ( bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) (10)

where the 𝐱~k=(𝐯k+1𝐮k)superscript~𝐱𝑘superscript𝐯𝑘1superscript𝐮𝑘\tilde{\bf x}^{k}=({\bf v}^{k+1}-{\bf u}^{k})over~ start_ARG bold_x end_ARG start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT = ( bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT ) denotes the k𝑘kitalic_k-th motion-affected MR image during iterations.

Inspired by (Zhang et al., 2021; Hou et al., 2022), we use two pretrained models for denoising and anti-artifact in this work. Previous studies also demonstrate that denoising models, when applied with the ADMM iteration strategy, tend to over-smooth noise, artifacts, aliasing, and image details (Zhang et al., 2021; Hou et al., 2022). Similarly, our experimental observations discover that MR images can also become over-smoothed when the anti-artifact model is applied multiple times (e.g., more than 5 times). Intuitively, the texture features of motion artifacts are very similar to original texture features of an MR image, so multiple removals may lead to the over-smoothing problem. To mitigate this issue, we propose to update the 𝐱ksuperscript𝐱𝑘{\bf x}^{k}bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT with a learning rate δ𝛿\deltaitalic_δ, and the 𝐮k+1superscript𝐮𝑘1{\bf u}^{k+1}bold_u start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT in Eq. (7) without accumulation. This can be expressed as:

𝐱k=𝐱k×(1δ)+𝐯k×δsuperscript𝐱𝑘superscript𝐱𝑘1𝛿superscript𝐯𝑘𝛿\small{\bf x}^{k}={\bf x}^{k}\times(1-\delta)+{\bf v}^{k}\times\deltabold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT = bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT × ( 1 - italic_δ ) + bold_v start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT × italic_δ (11)
𝐮k+1=𝐱k+1𝐯k+1superscript𝐮𝑘1superscript𝐱𝑘1superscript𝐯𝑘1\small{\bf u}^{k+1}={\bf x}^{k+1}-{\bf v}^{k+1}bold_u start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT (12)

Meanwhile, the estimated noise level of the corrected MR images (i.e., σksuperscript𝜎𝑘\sigma^{k}italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT) in each iteration is used as an early stop** criterion. That is, the iteration ends when the noise level sigma is lower than a threshold ΔΔ\Deltaroman_Δ, where the threshold is empirically determined using an average std value of gradient maps of clean MRIs. For instance, we set Δ=0.028Δ0.028\Delta=0.028roman_Δ = 0.028 in our work based on Fig. 3 (b). With the early stop** strategy, we found our JDAC typically requires only 1 or 2 iterations to perform joint denoising and motion artifact correction. More discussion is given in Section 5.3. The detailed implementation of the proposed iterative learning algorithm is shown in Algorithm 1, with the flowchart illustrated in Fig. 1 (a).

Algorithm 1 Proposed Iterative Learning Algorithm of JDAC
0:  Denoising model 𝐟Dsubscript𝐟𝐷{\bf f}_{D}bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT, Anti-artifact model 𝐟Asubscript𝐟𝐴{\bf f}_{A}bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT, Noise estimation 𝐟Nsubscript𝐟𝑁{\bf f}_{N}bold_f start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT, Input 𝐲𝐲{{\bf y}}bold_y, Learning rate δ𝛿\deltaitalic_δ, Max iterations K𝐾Kitalic_K, Early-stop threshold ΔΔ\Deltaroman_Δ
0:  Denoised and motion corrected MRI: 𝐱^^𝐱\hat{{\bf x}}over^ start_ARG bold_x end_ARG
1:  Initialization: 𝐱0=𝐯0𝐲superscript𝐱0superscript𝐯0𝐲{\bf x}^{0}={\bf v}^{0}\leftarrow{\bf y}bold_x start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT = bold_v start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT ← bold_y, 𝐮00superscript𝐮00{\bf u}^{0}\leftarrow 0bold_u start_POSTSUPERSCRIPT 0 end_POSTSUPERSCRIPT ← 0
2:  for k=0𝑘0k=0italic_k = 0 to K1𝐾1K-1italic_K - 1 do
3:     𝐱k=𝐱k×(1δ)+𝐯k×δsuperscript𝐱𝑘superscript𝐱𝑘1𝛿superscript𝐯𝑘𝛿{\bf x}^{k}={\bf x}^{k}\times(1-\delta)+{\bf v}^{k}\times\deltabold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT = bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT × ( 1 - italic_δ ) + bold_v start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT × italic_δ
4:     𝐯~k+1=𝐱k+𝐮ksuperscript~𝐯𝑘1superscript𝐱𝑘superscript𝐮𝑘\tilde{{\bf v}}^{k+1}={\bf x}^{k}+{\bf u}^{k}over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_x start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT + bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT
5:     σek=𝐟N(𝐯~k+1)subscriptsuperscript𝜎𝑘𝑒subscript𝐟𝑁superscript~𝐯𝑘1\sigma^{k}_{e}={\bf f}_{N}(\tilde{{\bf v}}^{k+1})italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT = bold_f start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT ( over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT )
6:     𝐯k+1=𝐟D(𝐯~k+1,σek)superscript𝐯𝑘1subscript𝐟𝐷superscript~𝐯𝑘1subscriptsuperscript𝜎𝑘𝑒{\bf v}^{k+1}={\bf f}_{D}(\tilde{{\bf v}}^{k+1},\sigma^{k}_{e})bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT ( over~ start_ARG bold_v end_ARG start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT , italic_σ start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT )
7:     𝐱~k+1=𝐯k+1𝐮ksuperscript~𝐱𝑘1superscript𝐯𝑘1superscript𝐮𝑘\tilde{\bf x}^{k+1}={\bf v}^{k+1}-{\bf u}^{k}over~ start_ARG bold_x end_ARG start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_u start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT
8:     𝐱k+1=𝐟A(𝐱~k+1)superscript𝐱𝑘1subscript𝐟𝐴superscript~𝐱𝑘1{\bf x}^{k+1}={\bf f}_{A}(\tilde{\bf x}^{k+1})bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT ( over~ start_ARG bold_x end_ARG start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT )
9:     𝐮k+1=𝐱k+1𝐯k+1superscript𝐮𝑘1superscript𝐱𝑘1superscript𝐯𝑘1{\bf u}^{k+1}={\bf x}^{k+1}-{\bf v}^{k+1}bold_u start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT = bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT - bold_v start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT
10:     σe=𝐟N(𝐱k+1)subscript𝜎𝑒subscript𝐟𝑁superscript𝐱𝑘1\sigma_{e}={\bf f}_{N}({\bf x}^{k+1})italic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT = bold_f start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT ( bold_x start_POSTSUPERSCRIPT italic_k + 1 end_POSTSUPERSCRIPT )
11:     if  σe<Δsubscript𝜎𝑒Δ\sigma_{e}<\Deltaitalic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT < roman_Δ then
12:        return  𝐱^^𝐱\hat{{\bf x}}over^ start_ARG bold_x end_ARG
13:     end if
14:  end for

3.2.2 Noise Estimation Strategy of Structural MRI

In image-denoising studies that manually add noise level onto a clean image as ground truth, researchers usually use noise variance such as standard deviation (std) to represent noise level in images Mohan et al. (2014). For many denoising methods  (Nichol and Dhariwal, 2021; Xiang et al., 2022; Kawar et al., 2022), the variance of the noise level is a key factor to denoising results, especially for most iterative frameworks that gradually reduce the noise (e.g., the most popular DDM-based models (Nichol and Dhariwal, 2021)). When given a real noisy image without any prior on the noise, it is challenging to explicitly estimate the noise level. In Fig. 2 (a), we manually add Gaussian noise with std of [0.05, 0.10, 0.15] to a high-quality clean MRI with motion artifacts (image intensity std of 0.306). The gradient maps of the original MRI and three perturbed images are shown in Fig. 2 (b), from which we can see that the std of gradient maps is sensitive to different noise levels. Inspired by this finding, we propose to employ std of gradient maps of MRIs to estimate image noise level.

To quantitatively assess the relationship between manually added noise levels and the std values of image gradient maps, we randomly sample 40 MRI scans from three different datasets, including (1) Alzheimer’s Disease Neuroimaging Initiative (ADNI) (Jack Jr et al., 2008), (2) Movement-Related Artifacts (MR-ART) dataset (Nárai et al., 2022), and (3) Neurobiology of Late-life Depression (NBOLD) study (Steffens et al., 2017). In Fig. 3, we report the average intensity std values of perturbed MRI (MRI+noise) and their gradient maps with the increase of noise levels. We also show the average std values of gradient maps of the added Gaussian noise (green dashed lines in Fig. 3). From Fig. 3, we can get several interesting observations. (1) When there is no noise added, the average std values of the MRI gradient maps in three different datasets (i.e., 0.037, 0.028, and 0.050, respectively) are much lower than that of the original MR images (i.e., 0.321, 0.246, and 0.257, respectively). (2) With the increase of noise levels, the std values of perturbed MRIs increase slightly (see blue lines), while the std values of their gradient maps tend to increase linearly (see orange lines). (3) The gradient map std values of perturbed MRIs and manually added Gaussian noise are close to each other, especially when the noise std is larger than 0.025. Based on the above observations, we employ the std of image gradient maps to estimate noise levels in brain MRIs without any prior knowledge of image noise. On the other hand, Figure 3 suggests that, even though the average std values of perturbed MRI scans in different databases vary greatly, those values of their gradient maps are very consistent at each noise level. This implies that the std of gradient maps can be used as a general metric to estimate noise levels.

Refer to caption
Figure 2: Illustration of an original motion-affected MRI from MR-ART (Nárai et al., 2022) with different manually added Gaussian noise levels (top) and their corresponding gradient maps (bottom). The contrast of gradient maps is normalized for better visualization. Std: standard deviation.
Refer to caption
Figure 3: Average standard deviation (std) values of perturbed MR images (i.e., MRI with manually added Gaussian noise), their corresponding gradient maps, and gradient maps of the added Gaussian noise. These averaged values are calculated based on 40 MRIs randomly selected from (a) ADNI (Jack Jr et al., 2008), (b) MR-ART (Nárai et al., 2022), and (c) NBOLD (Steffens et al., 2017).

Mathematically, we propose to estimate the noise level in an MR image 𝐱𝐱{\bf x}bold_x through the following:

σe=𝐟N(𝐱)Var(𝐱)subscript𝜎𝑒subscript𝐟𝑁𝐱𝑉𝑎𝑟𝐱\small\sigma_{e}={\bf f}_{N}({\bf x})\approx\sqrt{Var(\bigtriangledown{\bf x})}italic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT = bold_f start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT ( bold_x ) ≈ square-root start_ARG italic_V italic_a italic_r ( ▽ bold_x ) end_ARG (13)

where the σesubscript𝜎𝑒\sigma_{e}italic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT denotes the estimated std of MRI image noise, \bigtriangledown is the gradient operator. Instead of simply computing an approximation using the variance of the gradient map as in Eq. (13), one can also use numerical fitting strategies to find the optimal 𝐟Nsubscript𝐟𝑁{\bf f}_{N}bold_f start_POSTSUBSCRIPT italic_N end_POSTSUBSCRIPT given a set of data with ground-truth noise. In our JDAC framework, we use the std of image gradient maps as the noise level estimation for adaptive denoising and the threshold for early stop** in iterative learning.

3.2.3 Adaptive Denoising Model

To effectively remove the noise in structural MRIs, we design a conditional UNet-like denoising network (see Fig. 1 (b)) that can adaptively predict the noise depending on our estimated noise levels. Specifically, this model contains five convolution blocks for MRI feature encoding and five convolution blocks for decoding, with each block containing two sequential convolution layers (kernel size: 3×3×33333\times 3\times 33 × 3 × 3) with batch normalization and LeakyReLU activation. The channel numbers of the five encoder blocks are 16, 32, 64, 128, and 128, respectively, while those for the five decoder blocks are 128, 128, 64, 32, and 16, respectively. The feature maps in the encoder are downsampled by 2×2×22222\times 2\times 22 × 2 × 2 with max-pooling four times. A previous study (Odena et al., 2016) has shown that upsampling using deconvolution may generate artifacts. So in this work, following (Duffy et al., 2021), we upsample the feature maps through linear interpolation in decoding.

A previous study (Zhou et al., 2019) has shown that redesigning skip connections of UNet (Çiçek et al., 2016) may promote exploiting multiscale features, alleviate network depth, and accelerate the inference speed. Inspired by this work, we prune the original U-Net architecture to adapt it to our task at hand by removing some skip connections. Specifically, for the adaptive denoising model, we keep two skip connections of higher-resolution feature maps (generated by the first two convolution blocks), as shown in Fig. 1 (b).

Before the final prediction layer, we normalize the feature maps with our estimated noise σesubscript𝜎𝑒\sigma_{e}italic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT as a condition using a conditional normalization layer (Hou et al., 2022). As reported in (Song and Ermon, 2019), defining ξ/σ2𝜉superscript𝜎2{\xi}/{\sigma^{2}}italic_ξ / italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (where the Gaussian noise ξ𝒩(0,σ2𝐈)similar-to𝜉𝒩0superscript𝜎2𝐈{\xi}\sim\mathcal{N}(0,\sigma^{2}{\bf I})italic_ξ ∼ caligraphic_N ( 0 , italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT bold_I )) as the target of a denoising model can promote the accuracy of noise prediction when the noise level is small. Following (Hou et al., 2022), we also train the adaptive denoising model to predict the noise divided by its variance. Then, the model output is further multiplied by σe2superscriptsubscript𝜎𝑒2\sigma_{e}^{2}italic_σ start_POSTSUBSCRIPT italic_e end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT (i.e., the estimated noise variance of the input image) as the final predicted noise. The final noise prediction is subtracted from the input MRI to get the denoised image.

For this adaptive denoising model, we use the l1subscript𝑙1l_{1}italic_l start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT-norm as the loss function:

𝐋n=𝐧^ξ1,subscript𝐋𝑛subscriptnorm^𝐧𝜉1\small{\bf L}_{n}=||\hat{{\bf n}}-{\xi}||_{1},bold_L start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT = | | over^ start_ARG bold_n end_ARG - italic_ξ | | start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , (14)

where 𝐧^=𝐟D(𝐱)^𝐧subscript𝐟𝐷𝐱\hat{{\bf n}}={\bf f}_{D}({\bf x})over^ start_ARG bold_n end_ARG = bold_f start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT ( bold_x ) denotes the final predicted noise image, ξ𝜉\xiitalic_ξ is the manually added Gaussian noise, and 𝐱𝐱{\bf x}bold_x is the input image.

During the training of this denoising model, we manually add Gaussian noise to each clean MRI, where the std is randomly sampled within [0.01, 0.30] as in (Hou et al., 2022). The perturbed image (i.e., MRI + Gaussian Noise) is treated as input, and the Gaussian noise image is regarded as the ground-truth output. During inference, we will first estimate the noise std based on gradient map of an input MRI, and then use this adaptive denoising model to predict the noise image based on estimated noise levels.

3.2.4 Anti-artifact Model

As shown in Fig. 1 (c), the anti-artifact model also uses a pruned UNet-like architecture, where a skip connection of the highest feature map is removed. This is expected to restore a clean MRI image by filtering artifacts at low resolution. The other network hyperparameters are set as the same as those used in the denoising model. Following (Duffy et al., 2022), we utilize an l1subscript𝑙1l_{1}italic_l start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT-norm loss to encourage the similarity between the predicted image and its ground truth (i.e., motion-free MRI), formulated as:

𝐋m=𝐦𝐦^1,subscript𝐋𝑚subscriptnorm𝐦^𝐦1\small{\bf L}_{m}=||{\bf m}-\hat{{\bf m}}||_{1},bold_L start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT = | | bold_m - over^ start_ARG bold_m end_ARG | | start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , (15)

where 𝐦^^𝐦\hat{{\bf m}}over^ start_ARG bold_m end_ARG=𝐟A(𝐱)subscript𝐟𝐴𝐱{\bf f}_{A}({{\bf x}})bold_f start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT ( bold_x ) denotes the motion-corrected MRI estimation, and 𝐦𝐦{\bf m}bold_m is the matched ground-truth motion-free MRI.

To retain brain anatomy details during motion correction, we further introduce a gradient-based loss function in the proposed anti-artifact model. This will encourage the model not to distort the original brain structures in 3D MR images. The gradient-based loss is formulated as follows:

𝐋g=||𝐦𝐦^||1,\small{\bf L}_{g}=||\bigtriangledown{{\bf m}}-\bigtriangledown\hat{{\bf m}}||_% {1},bold_L start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT = | | ▽ bold_m - ▽ over^ start_ARG bold_m end_ARG | | start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , (16)

Then, the total loss for the proposed anti-artifact model training can be written as:

𝐋A=𝐋m+𝐋g.subscript𝐋𝐴subscript𝐋𝑚subscript𝐋𝑔\small{\bf L}_{A}={\bf L}_{m}+{\bf L}_{g}.bold_L start_POSTSUBSCRIPT italic_A end_POSTSUBSCRIPT = bold_L start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT + bold_L start_POSTSUBSCRIPT italic_g end_POSTSUBSCRIPT . (17)

4 Experiments

4.1 Experimental Setup

Data & Pre-processing. Three datasets with T1-weighted MRI scans are employed, including ADNI, MR-ART, and NBOLD. All MRIs from the three datasets are minimally preprocessed, including (1) skull strip**, and (2) intensity normalization to the range of [0, 1]. More details on the data are introduced as follows.

(1) ADNI. A total of 9,544 T1-weighted MRI scans are downloaded from ADNI. These data are used to pretrain and validate denoising models with manually added Gaussian noise (i.e., 7,635 MRI scans for training, and the remaining 1,909 scans for validation).

(2) MR-ART. The brain MRIs in this dataset are collected from 148148148148 healthy subjects. For each subject, one clean (without noise) and motion-free MRI scan (denoted as 𝐳𝐳{\bf z}bold_z) and two motion-affected MRI scans (denoted as 𝐳~~𝐳\tilde{{\bf z}}over~ start_ARG bold_z end_ARG) of different artifact levels are acquired. This results in a total of 296 paired samples, with each pair containing one motion-affected MRI treated as input and its matched motion-free MRI as ground truth. With these matched images, we can quantitatively evaluate the performance of competing methods and our JDAC. A 5-fold subjective-level cross-validation strategy is adopted to avoid any bias introduced by random splitting.1) During training, the matched MRI scans (i.e., 𝐳~~𝐳\tilde{{\bf z}}over~ start_ARG bold_z end_ARG) are used to train the anti-artifact model of JDAC. For the training/fine-tuning of competing methods, the Gaussian noise with randomly selected std in the range of [0.01, 0.30] is added to each 𝐳~~𝐳\tilde{{\bf z}}over~ start_ARG bold_z end_ARG to generate training samples (denoted as 𝐳^trsubscript^𝐳𝑡𝑟\hat{{\bf z}}_{tr}over^ start_ARG bold_z end_ARG start_POSTSUBSCRIPT italic_t italic_r end_POSTSUBSCRIPT). 2) During test, the Gaussian noise with a fixed std value is added to 𝐳~~𝐳\tilde{{\bf z}}over~ start_ARG bold_z end_ARG for generating test samples (denoted as 𝐳^tesubscript^𝐳𝑡𝑒\hat{{\bf z}}_{te}over^ start_ARG bold_z end_ARG start_POSTSUBSCRIPT italic_t italic_e end_POSTSUBSCRIPT). For inference, we input 𝐳^tesubscript^𝐳𝑡𝑒\hat{{\bf z}}_{te}over^ start_ARG bold_z end_ARG start_POSTSUBSCRIPT italic_t italic_e end_POSTSUBSCRIPT to a model and compare the output image 𝐳^superscript^𝐳\hat{{\bf z}}^{\prime}over^ start_ARG bold_z end_ARG start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT of this model with its ground-truth original clean and motion-free MRI 𝐳𝐳{{\bf z}}bold_z.

(3) NBOLD. The T1-weighted MRI scans in NBOLD study are collected from 309309309309 subjects, where 30303030 images are affected by noise and head motion. Since there are no ground-truth clean and motion-free images, we use these 30303030 MRI scans for qualitative assessment of the proposed method.

Evaluation Metric. We evaluate the denoising performance of JDAC and each competing method using four standard metrics, including (1) peak-signal-to-noise ratio (PSNR), (2) root mean square error (RMSE), (3) structural similarity index measure (SSIM), and (4) Multi-scale SSIM (MS-SSIM). Note that there are few established metrics to evaluate anti-artifact performance for real MRIs with motion artifacts and noise. Through experiments, we find that a gradient map is not sensitive to intensity distribution of its corresponding MR image, and helps preserve image texture information including artifacts (as shown in Fig. 2 (b)). Accordingly, for evaluating anti-artifact performance, we propose to calculate the above four metrics on gradient maps of each motion-corrected MRI and its ground-truth motion-free image.

Table 1: Performance of seven methods in joint denoising and motion artifacts correction task on MR-ART dataset.
Method Metrics on Image for Denoising Task Metrics on Gradient Map for Anti-Artifact Task
PSNR (dB) RMSE SSIM MS-SSIM PSNR (dB) RMSE SSIM MS-SSIM
DRN-DCMB 22.84±1.02 0.0726±0.0090 0.6487±0.0418 0.9588±0.0174 26.00±0.49 0.0502±0.0028 0.5317±0.0433 0.9208±0.0181
SUNet 25.56±1.23 0.0533±0.0082 0.8842±0.0276 0.9684±0.0126 29.92±0.69 0.0320±0.0026 0.7627±0.0338 0.9502±0.0143
BM4D 24.88±2.33 0.0599±0.0274 0.4728±0.0505 0.9676±0.0440 30.66±1.24 0.0296±0.0051 0.7821±0.0559 0.9539±0.0294
UNet3D 26.01±1.62 0.0510±0.0108 0.8896±0.0365 0.9752±0.0159 29.99±0.78 0.0318±0.0029 0.7804±0.0382 0.9579±0.0157
nnUNet 25.96±1.44 0.0511±0.0094 0.8830±0.0304 0.9774±0.0133 28.24±0.61 0.0388±0.0028 0.7316±0.0364 0.9527±0.0159
FONDUE 24.29±1.04 0.0615±0.0080 0.8529±0.0300 0.9657±0.0130 27.26±0.52 0.0435±0.0026 0.6861±0.0332 0.9456±0.0154
JDAC (Ours) 26.46±1.26 0.0480±0.0071 0.8690±0.0287 0.9591±0.0160 33.07±1.10 0.0224±0.0028 0.7930±0.0273 0.9550±0.0095

Implementation. The adaptive denoising model and the anti-artifact model in our JDAC are trained in a sequential manner. (1) We first train the denoiser on MRIs from ADNI, with manually added Gaussian noise as supervision, and train the anti-artifact model using MRIs in the MR-ART dataset, with matched motion-free MRIs as supervision. An Adam optimizer (Kingma and Ba, 2014) is used in these two models, with a learning rate of 104superscript104{10}^{-4}10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT, and batch size of 2. The training epoch for the adaptive denoising model is set as 15 with 7K+ training MRIs. We run the anti-artifact model training (with  441 MRIs of 147 subjects) for 150 epochs due to the relatively small data size. Both models are trained with randomly selected image patches (size 128×128×128128128128128\times 128\times 128128 × 128 × 128) as inputs using PyTorch with NVIDIA TITAN Xp (memory: 12GB). (2) We then use the proposed iterative framework with the trained models to jointly perform denoising and motion artifact correction on test data with an early stop** strategy applied. In the test, a whole MRI volume is fed into a model on a CPU platform (i.e., Intel(R) Core (TM) i7-8700K CPU @ 3.70GHz) with 64GB RAM due to the limited GPU memory.

4.2 Competing Methods

We compare JDAC with two 2D-based methods (i.e., DRN-DCMB and SUNet) and four 3D-based state-of-the-art methods (i.e., BM4D, UNet3D, nnUNet, and FONDUE) for denoising or motion correction. Among them, the BM4D is a traditional method and the others are deep learning models. The details of the competing methods are introduced below.

(1) DRN-DCMB (Liu et al., 2020): The DRN-DCMB is a residual CNN with densely connected multi-resolution blocks to predict a residual image and reduce motion artifacts in T1-weighted MRIs acquired at different imaging planes. Since DRN-DCMB is a 2D-based model, we train this model with randomly selected slices of MRIs in MR-ART with motion artifacts and simulated Gaussian noise. The trained model is applied to MRI volumes slice-by-slice during inference.

(2) SUNet (Al-Masni et al., 2022): The SUNet is an efficient retrospective 2D method using stacked UNets to address the problem of rigid motion artifacts. Specifically, it first employs a UNet to learn structural details from adjacent slices for prediction and then uses another UNet to preserve spatial structure details and refine the pixel-to-pixel prediction. Similar to the 2D DRN-DCMB method, we train and test the model in the same way as DRN-DCMB.

(3) BM4D: BM4D is a 4D implementation of the popular denoising model BM3D (Dabov et al., 2007) based on (Mäkinen et al., 2020, 2022) to reduce additive spatially correlated stationary Gaussian noise for 3D volumetric data. We use a Python package of BM4D binaries222https://pypi.org/project/bm4d/ for implementation and directly apply BM4D to test MRIs for comparison.

(4) UNet3D (Çiçek et al., 2016): The UNet is one of the most popular architectures in medical image denoising (Lehtinen et al., 2018), anti-artifact (Zhang and Xing, 2018), and restoration (Liu et al., 2022; Hephzibah et al., 2023). In the experiments, we use the 3D implementation of UNet from MONAI333https://docs.monai.io/en/stable/networks.html#basicunet as the baseline of 3D deep learning models.

(5) nnUNet (Isensee et al., 2019): The nnUNet is similar to UNet3D, but has a modified network architecture. Following (Duffy et al., 2021), the nnUNet uses trilinear upsampling instead of deconvolution upsampling and batch normalization rather than instance normalization for artifact reduction. The nnUNet is trained following the strategy used in the previous study (Duffy et al., 2021).

(6) FONDUE (Adame-Gonzalez et al., 2023): The FONDUE is a deep CNN model designed for denoising multi-resolution structural MRI. This method is trained with diverse MRIs from different datasets and has resolution-invariant capabilities. Considering the parameter scale of FONDUE and the limitation in our GPU memory, we download the pre-trained model following instructions of the open source code on GitHub444https://github.com/waadgo/FONDUE and fine-tune it on the MR-ART dataset.

Refer to caption
Figure 4: Qualitative comparison of the JDAC against the six competing methods (i.e., DRN-DCMB, SUNet, BM4D, UNet3D, nnUNet, and FONDUE) on one subject (ID: 862915) in the MR-ART (Nárai et al., 2022) dataset with manually added Gaussian noise (std: 0.10). The panel (a) shows the denoising and anti-artifact results of MRI with minor head motion, and the panel (b) shows results of the same subject with excessive head motion.

Note that, the BM4D, UNet3D, and nnUNet methods are initially designed for medical image denoising and others are developed for motion artifact correction. To ensure a fair comparison, we make our strategies for training learning-based models, other than BM4D, as consistent as possible with the strategies used for training the denoising and anti-artifact models in our JDAC framework. That is, we use the training set of ADNI to pre-train each competing deep learning model with the same noise generation strategy as the training of the denoising model in our JDAC. The training data from MR-ART is then used for fine-tuning the above-pretrained model for artifact correction, which is also similar to the training of the anti-artifact model in JDAC. Since the competing deep models need to perform both image denoising and motion artifact correction, we also added Gaussian noise to the training MRIs (i.e., 𝐳^trsubscript^𝐳𝑡𝑟\hat{{\bf z}}_{tr}over^ start_ARG bold_z end_ARG start_POSTSUBSCRIPT italic_t italic_r end_POSTSUBSCRIPT) from the MR-ART dataset for fine-tuning. The details are introduced in the description of the MR-ART dataset. In the experiments, we typically use the default setting of all competing methods and make a concerted effort to ensure that the network architecture and hyperparameters are comparable to the proposed JDAC.

4.3 Joint Denoising and Motion Correction on MR-ART

We report the results achieved by the proposed JDAC and the competing methods on test MRIs from MR-ART for joint denoising and motion artifact correction in Table 1. From Table 1, we have the following observations.

First, our JDAC generally outperforms the competing methods in most cases. For instance, JDAC achieves the best PSNR (33.0733.0733.0733.07dB), RMSE (0.02240.02240.02240.0224), and SSIM values (0.79300.79300.79300.7930) in the task of motion correction, while the second-best results are achieved by UNet3D (with PSNR: 29.9929.9929.9929.99 dB, RMSE: 0.03180.03180.03180.0318), and SSIM: 0.78040.78040.78040.7804). Meanwhile, the left part of Table 1 suggests that JDAC achieves the best PSNR and RMSE values (i.e., 26.4626.4626.4626.46dB, and 0.04800.04800.04800.0480, respectively) for denoising. It should be noted that the six competing methods do not account for the relationship between denoising and motion correction tasks. Contrastly, JDAC utilizes a joint learning strategy for the two tasks, which might be a key factor in explaining the superior performance of our method. Additionally, 3D methods (i.e., BM4D, UNet3D, and nnUNet, and our JDAC) generally outperform 2D methods (i.e., DRN-DCMB, and SUNet) in the two tasks. This may be due to the fact that 3D methods can make use of spatial volumetric information when compared with 2D methods. Furthermore, among the six competing methods, UNet3D usually produces the best results in both tasks of denoising and motion correction. This indicates that when both tasks need to be processed simultaneously, a universal CNN model may perform better than specially designed denoising or artifact correction neuro networks, which means ignoring the impact between these two tasks will reduce the processed image quality.

Refer to caption
Figure 5: Real motion cases of three subjects in the NBOLD study (Steffens et al., 2017). The first column images are the motion-affected real clinical MRIs, while the other columns are the denoised and motion-corrected images via the competing methods and the proposed JDAC. The circles show areas with significantly different denoising results, and the rectangles highlight areas with different artifact correction results.

Apart from the quantitative results in Table 1, we further visualize the results of our JDAC and each competing method for MRIs of one typical test subject with different motion severity from MR-ART in Fig. 4. From Fig. 4, we have several interesting observations. First, our JDAC outperforms the competing methods by visually comparing the corrected MRI slices in the first row of both Fig. 4 (a) and Fig. 4 (b). By comparing the corrected MRI results of JDAC in the two sub-figures, we can observe that JDAC can obtain comparable image quality improvements on MR images with minor and excessive motion artifacts. This may imply that our JDAC can be well applied to MRI images with different motion severity. Second, comparing the gradient maps in the second rows of both subpanels in Fig. 4, we can see our JDAC can output a cleaner gradient map than competing methods, especially in the brain cerebral cortex regions. This implies that JDAC is able to keep more structural information than others in the denoising task. Besides, from error maps in Fig. 4, one can easily observe the severity of motion artifacts and check the motion correction results achieved by a specific method. The error maps in Fig. 4 (a) show that all methods can handle MRIs with minor motion artifacts well. In addition, error maps of Fig. 4 (b) demonstrate that only JDAC and SUNet can remove excessive motion artifacts more effectively, compared with the other methods. In particular, it can be seen that JDAC can output MRI with clear brain anatomy structures, but SUNet generates a more blurred MRI image, especially in the cerebral cortex regions with complex structures. These results imply that the proposed iterative learning strategy in JDAC can remove excessive motion artifacts effectively. Furthermore, from the second rows of Fig. 4 (a) and (b), we can see that the gradient map of MR images is typically sensitive to noise. This observation further supports the rationality of our proposed method for estimating image noise levels using gradient maps.

Refer to caption
Figure 6: Performance of JDAC and its variants with & without noise estimation strategy for denoising and motion artifact correction on MR-ART.

4.4 Application to NBOLD Study

To evaluate the generalization ability of our JDAC to different studies, we further apply it to the independent NBOLD study (Steffens et al., 2017). In this study, the 30 MRI scans are corrupted by both motion artifacts and noise, but there is no ground truth (i.e., motion-free and clear images). So we directly apply our JDAC and the competing methods trained on ADNI and MR-ART to MRIs in NBOLD and provide several cases in Fig. 5 for qualitative visual comparison. From Fig. 5, we have similar observations to those in Fig. 4, that is, the proposed JDAC produces overall better results in most cases.

In Fig. 5, we highlight several internal homogeneous regions of white matter (WM) or gray matter (GM) in the brain using yellow circles. For the WM regions, the BM4D, UNet3D, nnUNet, and JDAC remove the image noise better than others (see circles on images of subjects 5134 and 5180). Meanwhile, JDAC can well keep the boundary of GM and WM regions in MRI of subject 5151, but other methods often produce blurry results. This further verifies that the proposed method helps preserve brain anatomical structure during denoising and motion artifact correction. Additionally, we use red boxes to emphasize a local region that shows notable differences among each of the seven methods for motion correction in Fig. 5. From the corrected MRI slices in Fig. 4, we can find that JDAC achieves good motion correction performance in MRI regions with complex structures (marked by red boxes), while the other methods often retain a large amount of motion artifacts. These results further validate that jointly performing denoising and motion artifact correction in an iterative learning framework can promote denoising and artifact correction performance.

Table 2: Performance of JDAC and its two variants in joint denoising and motion artifacts correction task on MR-ART dataset.
Method Metrics on Image for Denoising Task
PSNR (dB) RMSE SSIM MS-SSIM
JDACw/oA 26.50±1.52 0.0481±0.0093 0.8952±0.0296 0.9774±0.0130
JDACw/oD 20.90±0.64 0.0903±0.0065 0.7680±0.0241 0.9166±0.0132
JDAC (Ours) 26.46±1.26 0.0480±0.0071 0.8690±0.0287 0.9591±0.0160
Method Metrics on Gradient Map for Anti-Artifact Task
JDACw/oA 29.53±0.61 0.0335±0.0024 0.7481±0.0346 0.9554±0.0153
JDACw/oD 29.34±0.57 0.0342±0.0022 0.6826±0.0289 0.9116±0.0114
JDAC (Ours) 33.07±1.10 0.0224±0.0028 0.7930±0.0273 0.9550±0.0095
Table 3: Results of JDAC with different iteration steps in joint denoising and motion artifact correction task on MR-ART dataset.
Noise Std Iterations Metrics on Image for Denoising Task Metrics on Gradient Map for Anti-Artifact Task
PSNR (dB) RMSE SSIM MS-SSIM PSNR (dB) RMSE SSIM MS-SSIM
0.025 1 24.92±2.45 0.0592±0.0184 0.8769±0.0283 0.9481±0.0252 32.93±1.49 0.0229±0.0038 0.8054±0.0348 0.9565±0.0104
2 24.43±3.18 0.0644±0.0257 0.8913±0.0291 0.9508±0.0302 33.66±1.52 0.0211±0.0036 0.8241±0.0332 0.9621±0.0096
3 22.92±3.72 0.0785±0.0357 0.8877±0.0340 0.9478±0.0339 34.23±1.59 0.0198±0.0035 0.8356±0.0335 0.9653±0.0095
4 22.89±3.42 0.0775±0.0309 0.8900±0.0318 0.9490±0.0319 34.33±1.55 0.0195±0.0034 0.8384±0.0331 0.9660±0.0095
0.050 1 25.73±1.80 0.0529±0.0118 0.8680±0.0280 0.9525±0.0196 32.69±1.42 0.0235±0.0038 0.7920±0.0335 0.9545±0.0106
2 25.94±2.21 0.0523±0.0158 0.8777±0.0276 0.9540±0.0222 33.17±1.54 0.0223±0.0038 0.8053±0.0339 0.9576±0.0101
3 24.09±3.81 0.0695±0.0356 0.8822±0.0345 0.9506±0.0313 33.85±1.65 0.0206±0.0037 0.8245±0.0356 0.9630±0.0102
4 24.40±3.58 0.0660±0.0303 0.8849±0.0320 0.9529±0.0286 33.92±1.66 0.0205±0.0038 0.8251±0.0349 0.9635±0.0102
0.075 1 26.14±1.27 0.0498±0.0073 0.8545±0.0266 0.9545±0.0150 32.30±1.36 0.0246±0.0038 0.7724±0.0323 0.9508±0.0108
2 26.44±1.32 0.0482±0.0074 0.8636±0.0273 0.9550±0.0173 32.79±1.36 0.0232±0.0035 0.7878±0.0310 0.9537±0.0101
3 25.00±2.28 0.0583±0.0163 0.8836±0.0283 0.9573±0.0210 33.73±1.48 0.0209±0.0034 0.8163±0.0324 0.9614±0.0101
4 25.36±2.21 0.0558±0.0150 0.8817±0.0282 0.9594±0.0198 33.69±1.41 0.0210±0.0033 0.8138±0.0307 0.9616±0.0100
0.100 1 25.99±1.21 0.0507±0.0073 0.8358±0.0256 0.9524±0.0132 31.70±1.24 0.0263±0.0037 0.7470±0.0302 0.9445±0.0109
2 26.34±1.00 0.0485±0.0059 0.8403±0.0276 0.9519±0.0150 32.15±1.21 0.0249±0.0034 0.7612±0.0289 0.9466±0.0101
3 26.46±1.26 0.0480±0.0071 0.8690±0.0287 0.9591±0.0160 33.07±1.10 0.0224±0.0028 0.7930±0.0273 0.9550±0.0095
4 26.20±1.47 0.0497±0.0086 0.8666±0.0284 0.9592±0.0168 33.06±1.15 0.0224±0.0029 0.7909±0.0282 0.9556±0.0100
0.125 1 25.40±1.23 0.0542±0.0078 0.8148±0.0252 0.9478±0.0131 30.96±1.10 0.0285±0.0035 0.7205±0.0289 0.9364±0.0109
2 25.85±1.02 0.0514±0.0063 0.8213±0.0277 0.9478±0.0150 31.48±1.06 0.0269±0.0032 0.7354±0.0279 0.9389±0.0103
3 26.26±1.42 0.0493±0.0084 0.8521±0.0294 0.9569±0.0160 32.62±1.04 0.0236±0.0028 0.7741±0.0280 0.9500±0.0101
4 25.89±1.65 0.0517±0.0104 0.8507±0.0295 0.9568±0.0165 32.76±1.01 0.0232±0.0026 0.7763±0.0263 0.9517±0.0095
0.150 1 24.54±1.16 0.0598±0.0081 0.7901±0.0249 0.9410±0.0132 30.02±1.00 0.0318±0.0036 0.6917±0.0286 0.9258±0.0112
2 25.06±0.88 0.0561±0.0059 0.7950±0.0268 0.9408±0.0148 30.54±0.91 0.0299±0.0031 0.7036±0.0264 0.9278±0.0102
3 25.65±1.08 0.0526±0.0067 0.8264±0.0285 0.9519±0.0151 31.83±0.84 0.0257±0.0025 0.7450±0.0253 0.9416±0.0098
4 25.92±1.18 0.0511±0.0071 0.8255±0.0276 0.9526±0.0149 31.81±0.99 0.0258±0.0029 0.7433±0.0261 0.9419±0.0100

5 Discussion

5.1 Influence of Noise Level Estimation

We compare our JDAC with its degraded variant that does not use noise level estimation strategy, that is the denoising model in Fig. 1 (b) without conditional normalization layer (called JDACw/oE). The variant model is also pretrained as the adaptive denoising model and applied in the iterative learning framework of JDAC. The results shown in Fig. 6 demonstrate that JDAC outperforms JDACw/oE on all evaluation metrics with both denoising and anti-artifact tasks. This implies that the noise level estimation strategy is essential in the proposed iterative learning framework. This also indicates that the improvement in noise removal can significantly promote the effect of artifact correction. Thus in the following ablation studies, we keep the noise level estimation strategy for the other variants of JDAC.

5.2 Influence of Joint Denoising and Artifact Correction

To validate the effectiveness of joining two tasks of denoising and anti-artifact. we compare the JDAC with its other two variants that only perform denoising (i.e., the denoiser called JDACw/oA) or anti-artifact (i.e., the anti-artifact model called JDACw/oD) alone. For instance, JDACw/oA will feed the denoised image output by the adaptive denoising model at the k𝑘kitalic_k-th iteration back into itself at the next iteration. The same iterative learning strategy is adapted for JDACw/oD. The same early stop** strategy of JDAC is used in these two variants.

As shown in Table 2, the JDAC performs better than its variants in metrics of the gradient maps. Meanwhile, JDAC can achieve almost the same performance as the JDACw/oA after the iteration in metrics of the images themselves. This implies that the iterative algorithm helps improve the motion artifact correction performance under the impact of Gaussian noise. Also, the JDACw/oA performs much better than JDACw/oD, implying that the performance of the anti-artifact model (i.e., JDACw/oD) is more susceptible to Gaussian noise.

5.3 Influence of Iterative Learning

In this work, we use an early stop** strategy to accelerate the proposed iterative framework for joint denoising and anti-artifact. To investigate the influence of this early stop** strategy, we report the results of JDAC using different iteration steps (i.e., without using the early stop** strategy) on test data from MR-ART in Table 3. The left part of Table 3 demonstrates that using more iterations does not invariably lead to improved denoising results. In most cases (i.e., with noise std <0.150absent0.150<0.150< 0.150), our method achieves the best performance using less than three iteration steps. The most possible reason is that the images tend to be more blurred rather than denoised with more iterations, so it is a better choice to decide the iterations depending on the image noise level. On the other hand, as shown in the right part of Table 3, the anti-artifact results tend to be better with more iterations under the influence of different noise levels. To balance the trade-off between denoising and anti-artifact, in this work, we develop an early stop** strategy based on the estimated image noise levels. When the estimated noise level falls below a certain threshold, it indicates over-denoising, prompting the need to halt the iterations to prevent further removal of subtle anatomical structures and motion artifacts in the brain.

Table 4: Results of JDAC with different noise levels in joint denoising and motion artifact correction task on MR-ART dataset.
Method Noise Std Metrics on Image for Denoising Task Metrics on Gradient Map for Anti-Artifact Task
PSNR (dB) RMSE SSIM MS-SSIM PSNR (dB) RMSE SSIM MS-SSIM
JDACw/oA 0.0000.0000.0000.000 28.24±2.36 0.0402±0.0120 0.9311±0.0368 0.9828±0.0139 32.51±1.54 0.0241±0.0045 0.8492±0.0542 0.9699±0.0179
JDACw/oD 28.80±2.20 0.0376±0.0106 0.9279±0.0326 0.9851±0.0126 33.12±1.42 0.0224±0.0038 0.8678±0.0481 0.9743±0.0158
JDAC (Ours) 28.81±2.20 0.0375±0.0106 0.9408±0.0325 0.9851±0.0126 33.00±1.35 0.0227±0.0037 0.8647±0.0468 0.9737±0.0156
JDACw/oA 0.0250.0250.0250.025 27.73±2.08 0.0423±0.0113 0.9204±0.0345 0.9818±0.0137 31.11±1.04 0.0280±0.0036 0.8054±0.0456 0.9662±0.0172
JDACw/oD 28.19±1.96 0.0400±0.0101 0.9178±0.0339 0.9830±0.0135 32.56±1.22 0.0238±0.0035 0.8482±0.0465 0.9703±0.0164
JDAC (Ours) 28.31±1.98 0.0395±0.0100 0.9324±0.0325 0.9835±0.0129 32.56±1.21 0.0238±0.0035 0.8494±0.0457 0.9709±0.0158
JDACw/oA 0.0500.0500.0500.050 27.10±1.83 0.0452±0.0106 0.9080±0.0332 0.9803±0.0136 29.95±0.85 0.0320±0.0032 0.7692±0.0417 0.9613±0.0168
JDACw/oD 25.58±1.24 0.0531±0.0080 0.8625±0.0317 0.9648±0.0144 30.98±0.80 0.0284±0.0026 0.7733±0.0370 0.9466±0.0152
JDAC (Ours) 27.43±1.74 0.0434±0.0097 0.9163±0.0329 0.9801±0.0138 31.80±1.02 0.0259±0.0032 0.8219±0.0433 0.9649±0.0162
JDACw/oA 0.0750.0750.0750.075 26.80±1.68 0.0466±0.0100 0.9032±0.0318 0.9790±0.0134 29.94±0.77 0.0320±0.0030 0.7688±0.0392 0.9588±0.0162
JDACw/oD 22.65±0.92 0.0741±0.0078 0.8020±0.0255 0.9365±0.0132 29.87±0.61 0.0322±0.0022 0.7128±0.0296 0.9225±0.0117
JDAC (Ours) 26.95±1.88 0.0461±0.0117 0.9000±0.0345 0.9773±0.0152 31.27±1.12 0.0276±0.0039 0.8042±0.0421 0.9609±0.0166
JDACw/oA 0.1000.1000.1000.100 26.50±1.52 0.0481±0.0093 0.8952±0.0296 0.9774±0.0130 29.53±0.61 0.0335±0.0024 0.7481±0.0346 0.9554±0.0153
JDACw/oD 20.90±0.64 0.0903±0.0065 0.7680±0.0241 0.9166±0.0132 29.34±0.57 0.0342±0.0022 0.6826±0.0289 0.9116±0.0114
JDAC (Ours) 26.46±1.26 0.0480±0.0071 0.8690±0.0287 0.9591±0.0160 33.07±1.10 0.0224±0.0028 0.7930±0.0273 0.9550±0.0095
JDACw/oA 0.1250.1250.1250.125 26.33±1.44 0.0489±0.0090 0.8931±0.0289 0.9757±0.0129 29.87±0.65 0.0322±0.0025 0.7559±0.0343 0.9536±0.0148
JDACw/oD 19.84±0.53 0.1020±0.0062 0.7496±0.0236 0.9054±0.0126 28.94±0.54 0.0358±0.0022 0.6628±0.0288 0.9062±0.0114
JDAC (Ours) 25.51±1.34 0.0537±0.0089 0.8430±0.0245 0.9699±0.0128 30.23±0.73 0.0309±0.0026 0.7571±0.0334 0.9501±0.0142
JDACw/oA 0.1500.1500.1500.150 25.50±1.28 0.0537±0.0087 0.8798±0.0296 0.9717±0.0131 29.08±0.72 0.0353±0.0030 0.7449±0.0352 0.9470±0.0152
JDACw/oD 18.92±0.49 0.1134±0.0063 0.7351±0.0236 0.8973±0.0124 28.52±0.50 0.0376±0.0021 0.6455±0.0288 0.9024±0.0115
JDAC (Ours) 24.27±1.24 0.0618±0.0093 0.8174±0.0234 0.9613±0.0133 29.69±0.70 0.0329±0.0026 0.7356±0.0321 0.9417±0.0143

5.4 Influence of Noise Level

To investigate the adaptability of JDAC to different noise levels, we applied the JDAC and its two variants to the test set of MR-ART with manually added Gaussian noise of seven levels (i.e., noise std [0.000,0.025,,0.150]absent0.0000.0250.150\in[0.000,0.025,\cdots,0.150]∈ [ 0.000 , 0.025 , ⋯ , 0.150 ]). The results are reported in Table 4. On one hand, as shown in the left part of Table 4 for denoising, we can see that JDAC produces better results compared with its two counterparts when noise std is less than <0.075absent0.075<0.075< 0.075, while JDACw/oA yields the best results with noise std 0.100absent0.100\geq 0.100≥ 0.100. This implies that JDACw/oA contributes more when noise is not severe. On the other hand, as shown in the right part of Table 4 for motion artifact correction, JDAC achieves the overall best performance in terms of four metrics, while the JDACw/oD model cannot produce results with severe noise (e.g., noise std =0.150absent0.150=0.150= 0.150). These results suggest that our JDAC shows good adaptability to different noise levels, especially in the task of motion artifact correction.

5.5 Influence of Motion Artifact Severity

Table 5: Results of JDAC with different levels of motion artifacts (i.e., Gibbs artifact with a hyperparameter α𝛼\alphaitalic_α) severity in denoising and motion artifact correction task on MR-ART dataset.
Method Gibbs Metrics on Gradient Map for Anti-Artifact Task
Artifacts PSNR (dB) RMSE SSIM MS-SSIM
JDACw/oA α=0.50𝛼0.50\alpha=0.50italic_α = 0.50 42.21±0.84 0.0078±0.0007 0.9643±0.0063 0.9961±0.0009
JDACw/oD 40.98±1.46 0.0091±0.0015 0.9318±0.0190 0.9656±0.0105
JDAC (Ours) 44.67±1.63 0.0059±0.0011 0.9778±0.0044 0.9971±0.0009
JDACw/oA α=0.55𝛼0.55\alpha=0.55italic_α = 0.55 41.91±0.97 0.0081±0.0009 0.9624±0.0060 0.9956±0.0009
JDACw/oD 41.19±1.42 0.0088±0.0015 0.9369±0.0169 0.9696±0.0100
JDAC (Ours) 43.28±1.55 0.0070±0.0012 0.9703±0.0056 0.9959±0.0013
JDACw/oA α=0.60𝛼0.60\alpha=0.60italic_α = 0.60 41.23±1.25 0.0088±0.0012 0.9554±0.0069 0.9940±0.0014
JDACw/oD 41.36±1.34 0.0087±0.0015 0.9411±0.0144 0.9731±0.0092
JDAC (Ours) 42.42±1.43 0.0077±0.0012 0.9642±0.0060 0.9948±0.0011
JDACw/oA α=0.65𝛼0.65\alpha=0.65italic_α = 0.65 40.82±1.33 0.0092±0.0013 0.9514±0.0078 0.9927±0.0017
JDACw/oD 41.45±1.34 0.0086±0.0014 0.9436±0.0145 0.9762±0.0094
JDAC (Ours) 41.69±1.44 0.0083±0.0013 0.9581±0.0071 0.9935±0.0014
JDACw/oA α=0.70𝛼0.70\alpha=0.70italic_α = 0.70 40.26±1.33 0.0098±0.0014 0.9450±0.0080 0.9906±0.0018
JDACw/oD 41.31±1.23 0.0087±0.0013 0.9441±0.0132 0.9782±0.0088
JDAC (Ours) 40.88±1.33 0.0091±0.0014 0.9507±0.0077 0.9916±0.0017
JDACw/oA α=0.75𝛼0.75\alpha=0.75italic_α = 0.75 39.55±1.37 0.0107±0.0016 0.9354±0.0096 0.9870±0.0022
JDACw/oD 40.79±1.02 0.0092±0.0010 0.9433±0.0083 0.9795±0.0045
JDAC (Ours) 39.79±0.99 0.0103±0.0012 0.9397±0.0072 0.9883±0.0018
JDACw/oA α=0.80𝛼0.80\alpha=0.80italic_α = 0.80 38.60±1.23 0.0119±0.0016 0.9191±0.0112 0.9806±0.0029
JDACw/oD 39.68±0.75 0.0104±0.0009 0.9335±0.0082 0.9738±0.0044
JDAC (Ours) 38.72±0.74 0.0116±0.0010 0.9250±0.0077 0.9832±0.0024

To study the influence of motion artifact severity, we applied the JDAC and its two variants to the motion-free MRIs without noise in the test set of MR-ART. We generate Gibbs artifacts with different severity to each motion-free MRI using the GibbsNoise (Morelli et al., 2011) function in MONAI555https://docs.monai.io/en/stable/transforms.html#gibbsnoise, where the hyperparameter α𝛼\alphaitalic_α is chosen from the range [0.50,0.60,,0.80]0.500.600.80[0.50,0.60,\cdots,0.80][ 0.50 , 0.60 , ⋯ , 0.80 ]). The results of JDAC and its variants are reported in Table 5. From Table 5, JDAC yields the best results when the artifact level is not severe (i.e., α0.65𝛼0.65\alpha\leq 0.65italic_α ≤ 0.65), and achieves comparable results with the second-best JDACw/oD method when α0.70𝛼0.70\alpha\geq 0.70italic_α ≥ 0.70. It is suggested that our JDAC is not very sensitive to different levels of artifact severity. In addition, it can be seen from the right part of Table 1 and Table 5 that the overall performance of JDAC is better when evaluated on MRIs with simulated artifacts. This implies that it is be more challenging to model and eliminate real motion artifacts as opposed to simulated ones.

Refer to caption
Figure 7: Denoising results of JDAC on four types of simulated noise in MRI (i.e., Gaussian, Rician, Speckle, and Salt&Pepper noise).

5.6 Influence of Noise Type

To study the influence of different noise types, we further conduct an experiment by adding four kinds of simulated noise to each MRI, including (1) Gaussian noise (Aja-Fernández and Vegas-Sánchez-Ferrero, 2016), (2) Rician noise (Gudbjartsson and Patz, 1995), (3) Speckle noise (Pizurica et al., 2006), and (4) Salt&Pepper noise (Ebrahimnejad and Naghsh, 2021). The visualization of denoising results generated by JDAC is shown in Fig. 7. This figure suggests that JDAC performs better when facing the first three types of noise with relatively similar distributions (i.e., Gaussian noise, Rician noise, and Speckle noise), but cannot well handle Salt&Pepper noise that exhibits significantly different distribution with Gaussian noise. The possible reason is that JDAC is trained on images with Gaussian noise, and thus, cannot generalize well to MRIs corrupted by Salt&Pepper noise with binary values. It is interesting to re-train or fine-tune our model on data with diverse types of noise, further improving its generalizability to different problems.

5.7 Influence of Motion Artifact Type

To study the influence of different types of motion artifacts, we perform experiments by applying JDAC to MRIs with four kinds of common artifacts, including (1) Gibbs artifact (Morelli et al., 2011), (2) Random motion  (Shaw et al., 2019), (3) Ghosting (MRIquestions.com, 2015), and (4) Spike artifact (Graves and Mitchell, 2013)). All these artifacts are simulated using tools in MONAI (Cardoso et al., 2022)666https://docs.monai.io/en/stable/transforms.html and TorchIO (Pérez-García et al., 2021)777https://torchio.readthedocs.io/. For a fair comparison, we set some hyperparameters to generate artifacts of middle severity: (1) α=0.70𝛼0.70\alpha=0.70italic_α = 0.70 for Gibbs artifact; (2) rotation degree within [5, 8], translations along each axis within [3, 5]mm𝑚𝑚mmitalic_m italic_m, and the number of transforms of 4 for random motion; (3) number of ghosts within [4, 10] and intensity strength within [0.5, 1] for random Ghosting; and (4) number of spikes of 1 and intensity strength of 0.5 for random Spike artifact. In Fig. 8, we visualize a typical MR image corrupted by simulated artifacts, as well as the anti-artifact results generated by JDAD. Observing the lower two rows of this figure, it is evident that JDAC effectively addresses Gibbs and Spike artifacts, in contrast to Random Motion and Ghosting which introduce more uneven distortions to the local brain anatomy.

Refer to caption
Figure 8: Anti-artifact results of JDAC on four types of simulated artifacts in MRI (i.e., Gibbs artifact, Random motion, Ghosting, and Spike artifact).

5.8 Computation and Time Cost Analysis

We further calculate the computation costs of our JDAC and all competing methods using the Flopth toolbox888https://github.com/vra/flopth, and report the average time spent processing each test MRI in Table 6. Owing to GPU memory constraints, the time cost is recorded based on the same CPU platform (Intel(R) Core (TM) i7-8700K CPU @ 3.70GHz). It can be seen from Table 6 that the parameter scales and FLOPs of all the five 3D models are usually higher than that of 2D-based methods (i.e., DRN-DCMB and SUNet), while 2D-based methods are more time-consuming during inference because they need to process 3D data slice-by-slice. The FONDUE and BM4D methods have the highest test time costs since they require data sampling repeatedly during processing. On the other hand, Table 6 indicates that although JDAC necessitates longer training time compared to UNet3D and nnUNet, it manages to attain a comparable test time cost (i.e., 5.80 seconds) to that of the two 3D models (i.e., 3.30 seconds for UNet3D and 3.02 seconds for nnUNet). The possible reason is that while JDAC, as an iterative framework, generally demands more training time, it typically needs only 1-2 iterations during inference, thanks to the proposed early stop** strategy.

5.9 Limitations and Future Work

Several issues need to be considered in the future. First, the proposed denoising and motion artifact correcting models tend to smooth out some brain structure details. Thus, we will consider other state-of-the-art methods to further preserve the brain anatomy structures in MR images during iterations in the future. Second, the severity of motion artifacts in MRIs varies from subject to subject. As the severity of artifacts increases, there is a notable decline in the performance of all anti-artifact models. Intuitively, detecting motion artifacts and assessing their severity could enhance the effectiveness of the artifact reduction model. Accordingly, we will incorporate advanced artifact detection/assessment methods (Jimeno et al., 2022; Haskell et al., 2019) in JDAC to adaptively reduce motion artifacts based on the severity of motion artifacts. In addition, we train and validate the JDAC only on T1-weighted brain MRIs in experiments of the current work. As an interesting future work, we will more extensively evaluate our method on 3D medical images of other modalities.

Table 6: Time and computation cost. For JDAC, a+b𝑎𝑏a+bitalic_a + italic_b denotes the numbers for the denoising model and the anti-artifact model. M: Million; GMac: Giga multiply-accumulate operations; H: Hour; S: Second.
Method ##\##Parameters (M) FLOPs (GMac) Training Time (H) Test Time (S)
DRN-DCMB 0.11 1.86 6.67 27.03
SUNet 4.08 25.73 13.43 81.74
BM4D - - - 109.63
UNet3D 3.33 130.86 4.99 3.30
nnUNet 3.75 132.47 7.44 3.02
FONDUE 2.16 69.10 - 227.33
JDAC (Ours) 2.92+2.92 149.41+149.34 13.19+9.32 5.80 similar-to\sim 15.50

6 Conclusion

This paper introduces a joint image denoising and motion artifact correction (JDAC) framework to iteratively process noisy brain MRIs with motion artifacts. The JDAC consists of an adaptive denoising model and a motion artifact correction model, where the noise level of each input MRI is explicitly estimated based on the intensity variance of its gradient map. We validate JDAC on two public datasets and a clinical study with motion-affected MRIs, with experimental results suggesting its effectiveness in both tasks of denoising and motion artifact correction, compared with several state-of-the-art methods.

Acknowledgments

Part of the data used in this paper was obtained from the Alzheimer’s Disease Neuroimaging Initiative (ADNI). The ADNI investigators contributed to the design and implementation of ADNI and provided data but did not participate in the analysis or writing of this article. A full list of ADNI investigators can be found online (https://adni.loni.usc.edu/wp-content/uploads/how_to_apply/ADNI_Acknowledgement_List.pdf).

References

  • Adame-Gonzalez et al. (2023) Adame-Gonzalez, W., Dadar, M., Farivar-Mohseni, R., Chakravarty, M., Brzezinski-Rittner, A., 2023. FONDUE: Robust resolution-invariant denoising of MR images using nested UNets. bioRxiv , 2023–06.
  • Aja-Fernández and Vegas-Sánchez-Ferrero (2016) Aja-Fernández, S., Vegas-Sánchez-Ferrero, G., 2016. Statistical analysis of noise in MRI. Switzerland: Springer International Publishing .
  • Al-Masni et al. (2022) Al-Masni, M.A., Lee, S., Yi, J., Kim, S., Gho, S.M., Choi, Y.H., Kim, D.H., 2022. Stacked U-Nets with self-assisted priors towards robust correction of rigid motion artifact in brain MRI. NeuroImage 259, 119411.
  • Avants et al. (2009) Avants, B.B., Tustison, N., Song, G., et al., 2009. Advanced Normalization Tools (ANTS). Insight J 2, 1–35.
  • Backhausen et al. (2016) Backhausen, L.L., Herting, M.M., Buse, J., Roessner, V., Smolka, M.N., Vetter, N.C., 2016. Quality control of structural MRI images applied using FreeSurfer—A hands-on workflow to rate motion artifacts. Frontiers in Neuroscience 10, 558.
  • Boyd et al. (2011) Boyd, S., Parikh, N., Chu, E., Peleato, B., Eckstein, J., et al., 2011. Distributed optimization and statistical learning via the alternating direction method of multipliers. Foundations and Trends® in Machine learning 3, 1–122.
  • Budrys et al. (2018) Budrys, T., Veikutis, V., Lukosevicius, S., Gleizniene, R., Monastyreckiene, E., Kulakiene, I., 2018. Artifacts in magnetic resonance imaging: How it can really affect diagnostic image quality and confuse clinical diagnosis? Journal of Vibroengineering 20, 1202–1213.
  • Cai et al. (2021) Cai, L.Y., Yang, Q., Hansen, C.B., Nath, V., Ramadass, K., Johnson, G.W., Conrad, B.N., Boyd, B.D., Begnoche, J.P., Beason-Held, L.L., et al., 2021. PreQual: An automated pipeline for integrated preprocessing and quality assurance of diffusion weighted MRI images. Magnetic Resonance in Medicine 86, 456–470.
  • Cardoso et al. (2022) Cardoso, M.J., Li, W., Brown, R., Ma, N., Kerfoot, E., Wang, Y., Murrey, B., Myronenko, A., Zhao, C., Yang, D., et al., 2022. Monai: An open-source framework for deep learning in healthcare. arXiv preprint arXiv:2211.02701 .
  • Chan et al. (2016) Chan, S.H., Wang, X., Elgendy, O.A., 2016. Plug-and-play ADMM for image restoration: Fixed-point convergence and applications. IEEE Transactions on Computational Imaging 3, 84–98.
  • Chang et al. (2023) Chang, Y., Li, Z., Saju, G., Mao, H., Liu, T., 2023. Deep learning-based rigid motion correction for magnetic resonance imaging: A survey. Meta-Radiology , 100001.
  • Çiçek et al. (2016) Çiçek, Ö., Abdulkadir, A., Lienkamp, S.S., Brox, T., Ronneberger, O., 2016. 3D U-Net: Learning dense volumetric segmentation from sparse annotation, in: Medical Image Computing and Computer-Assisted Intervention–MICCAI 2016: 19th International Conference, Athens, Greece, October 17-21, 2016, Proceedings, Part II 19, Springer. pp. 424–432.
  • Dabov et al. (2007) Dabov, K., Foi, A., Katkovnik, V., Egiazarian, K., 2007. Image denoising by sparse 3-D transform-domain collaborative filtering. IEEE Transactions on Image Processing 16, 2080–2095.
  • Dong et al. (2018) Dong, W., Wang, P., Yin, W., Shi, G., Wu, F., Lu, X., 2018. Denoising prior driven deep neural network for image restoration. IEEE Transactions on Pattern Analysis and Machine Intelligence 41, 2305–2318.
  • Duffy et al. (2022) Duffy, B.A., Zhang, W., Tang, H., Zhao, L., Law, M., Toga, A.W., Kim, H., 2022. Retrospective correction of motion artifact affected structural MRI images using deep learning of simulated motion, in: Medical Imaging with Deep Learning.
  • Duffy et al. (2021) Duffy, B.A., Zhao, L., Sepehrband, F., Min, J., Wang, D.J., Shi, Y., Toga, A.W., Kim, H., Initiative, A.D.N., et al., 2021. Retrospective motion artifact correction of structural MRI images using deep learning improves the quality of cortical surface reconstructions. NeuroImage 230, 117756.
  • Ebrahimnejad and Naghsh (2021) Ebrahimnejad, J., Naghsh, A., 2021. Adaptive removal of high-density salt-and-pepper noise (ARSPN) for robust ROI detection used in watermarking of MRI images of the brain. Computers in Biology and Medicine 137, 104831.
  • Fischl (2012) Fischl, B., 2012. FreeSurfer. NeuroImage 62, 774–781.
  • Gong et al. (2023) Gong, K., Johnson, K., El Fakhri, G., Li, Q., Pan, T., 2023. PET image denoising based on denoising diffusion probabilistic model. European Journal of Nuclear Medicine and Molecular Imaging , 1–11.
  • Graves and Mitchell (2013) Graves, M.J., Mitchell, D.G., 2013. Body MRI artifacts in clinical practice: A physicist’s and radiologist’s perspective. Journal of Magnetic Resonance Imaging 38, 269–287.
  • Gudbjartsson and Patz (1995) Gudbjartsson, H., Patz, S., 1995. The Rician distribution of noisy MRI data. Magnetic Resonance in Medicine 34, 910–914.
  • Haskell et al. (2019) Haskell, M.W., Cauley, S.F., Bilgic, B., Hossbach, J., Splitthoff, D.N., Pfeuffer, J., Setsompop, K., Wald, L.L., 2019. Network Accelerated Motion Estimation and Reduction (NAMER): Convolutional neural network guided retrospective motion correction using a separable motion model. Magnetic Resonance in Medicine 82, 1452–1461.
  • Hephzibah et al. (2023) Hephzibah, R., Anandharaj, H.C., Kowsalya, G., Jayanthi, R., Chandy, D.A., 2023. Review on deep learning methodologies in medical image restoration and segmentation. Current Medical Imaging 19, 844–854.
  • Ho et al. (2020) Ho, J., Jain, A., Abbeel, P., 2020. Denoising diffusion probabilistic models. Advances in Neural Information Processing Systems 33, 6840–6851.
  • Hou et al. (2022) Hou, R., Li, F., Zhang, G., 2022. Truncated residual based plug-and-play ADMM algorithm for MRI reconstruction. IEEE Transactions on Computational Imaging 8, 96–108.
  • Isensee et al. (2019) Isensee, F., Kickingereder, P., Wick, W., Bendszus, M., Maier-Hein, K.H., 2019. No new-net, in: Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries: 4th International Workshop, BrainLes 2018, Held in Conjunction with MICCAI 2018, Granada, Spain, September 16, 2018, Revised Selected Papers, Part II 4, Springer. pp. 234–244.
  • Jack Jr et al. (2008) Jack Jr, C.R., Bernstein, M.A., Fox, N.C., Thompson, P., Alexander, G., Harvey, D., Borowski, B., Britson, P.J., L. Whitwell, J., Ward, C., et al., 2008. The Alzheimer’s disease neuroimaging initiative (ADNI): MRI methods. Journal of Magnetic Resonance Imaging: An Official Journal of the International Society for Magnetic Resonance in Medicine 27, 685–691.
  • Jenkinson et al. (2012) Jenkinson, M., Beckmann, C.F., Behrens, T.E., Woolrich, M.W., Smith, S.M., 2012. FSL. NeuroImage 62, 782–790.
  • Jimeno et al. (2022) Jimeno, M.M., Ravi, K.S., **, Z., Oyekunle, D., Ogbole, G., Geethanath, S., 2022. ArtifactID: Identifying artifacts in low-field MRI of the brain using deep learning. Magnetic Resonance Imaging 89, 42–48.
  • Kaur and Dong (2023) Kaur, A., Dong, G., 2023. A complete review on image denoising techniques for medical images. Neural Processing Letters 55, 7807–7850.
  • Kawar et al. (2022) Kawar, B., Elad, M., Ermon, S., Song, J., 2022. Denoising diffusion restoration models. Advances in Neural Information Processing Systems 35, 23593–23606.
  • Kim and Ye (2021) Kim, K., Ye, J.C., 2021. Noise2score: Tweedie’s approach to self-supervised image denoising without clean images. Advances in Neural Information Processing Systems 34, 864–874.
  • Kingma and Ba (2014) Kingma, D.P., Ba, J., 2014. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980 .
  • Lehtinen et al. (2018) Lehtinen, J., Munkberg, J., Hasselgren, J., Laine, S., Karras, T., Aittala, M., Aila, T., 2018. Noise2Noise: Learning image restoration without clean data, in: International Conference on Machine Learning, PMLR. pp. 2965–2974.
  • Liu et al. (2020) Liu, J., Kocak, M., Supanich, M., Deng, J., 2020. Motion artifacts reduction in brain MRI by means of a deep residual network with densely connected multi-resolution blocks (DRN-DCMB). Magnetic Resonance Imaging 71, 69–79.
  • Liu et al. (2022) Liu, X., Hu, J., Chen, X., Dong, C., 2022. UDC-UNet: Under-display camera image restoration via U-shape dynamic network, in: European Conference on Computer Vision, Springer. pp. 113–129.
  • Mäkinen et al. (2020) Mäkinen, Y., Azzari, L., Foi, A., 2020. Collaborative filtering of correlated noise: Exact transform-domain variance for improved shrinkage and patch matching. IEEE Transactions on Image Processing 29, 8339–8354.
  • Mäkinen et al. (2022) Mäkinen, Y., Marchesini, S., Foi, A., 2022. Ring artifact and poisson noise attenuation via volumetric multiscale nonlocal collaborative filtering of spatially correlated noise. Journal of Synchrotron Radiation 29, 829–842.
  • Maximov et al. (2019) Maximov, I.I., Alnæs, D., Westlye, L.T., 2019. Towards an optimised processing pipeline for diffusion magnetic resonance imaging data: Effects of artefact corrections on diffusion metrics and their age associations in UK Biobank. Human Brain Map** 40, 4146–4162.
  • Mohan et al. (2014) Mohan, J., Krishnaveni, V., Guo, Y., 2014. A survey on the magnetic resonance image denoising methods. Biomedical Signal Processing and Control 9, 56–69.
  • Morelli et al. (2011) Morelli, J.N., Runge, V.M., Ai, F., Attenberger, U., Vu, L., Schmeets, S.H., Nitz, W.R., Kirsch, J.E., 2011. An image-based approach to understanding the physics of MR artifacts. RadioGraphics 31, 849–866.
  • MRIquestions.com (2015) MRIquestions.com, 2015. Why do motion artifacts often form into discrete ghosts? URL: https://mriquestions.com/why-discrete-ghosts.html.
  • Nárai et al. (2022) Nárai, Á., Hermann, P., Auer, T., Kemenczky, P., Szalma, J., Homolya, I., Somogyi, E., Vakli, P., Weiss, B., Vidnyánszky, Z., 2022. Movement-related artefacts (MR-ART) dataset of matched motion-corrupted and clean structural MRI brain scans. Scientific Data 9, 630.
  • Nichol and Dhariwal (2021) Nichol, A.Q., Dhariwal, P., 2021. Improved denoising diffusion probabilistic models, in: International Conference on Machine Learning, PMLR. pp. 8162–8171.
  • Odena et al. (2016) Odena, A., Dumoulin, V., Olah, C., 2016. Deconvolution and checkerboard artifacts. Distill 1, e3.
  • Pérez-García et al. (2021) Pérez-García, F., Sparks, R., Ourselin, S., 2021. TorchIO: A Python library for efficient loading, preprocessing, augmentation and patch-based sampling of medical images in deep learning. Computer Methods and Programs in Biomedicine 208, 106236.
  • Pizurica et al. (2006) Pizurica, A., Wink, A.M., Vansteenkiste, E., Philips, W., Roerdink, B.J., 2006. A review of wavelet denoising in MRI and ultrasound brain imaging. Current Medical Imaging 2, 247–260.
  • Ryu et al. (2019) Ryu, E., Liu, J., Wang, S., Chen, X., Wang, Z., Yin, W., 2019. Plug-and-play methods provably converge with properly trained denoisers, in: International Conference on Machine Learning, PMLR. pp. 5546–5557.
  • Safari et al. (2023) Safari, M., Yang, X., Fatemi, A., Archambault, L., 2023. MRI motion artifact reduction using a conditional diffusion probabilistic model (MAR-CDPM). Medical Physics .
  • Sagheer and George (2020) Sagheer, S.V.M., George, S.N., 2020. A review on medical image denoising algorithms. Biomedical Signal Processing and Control 61, 102036.
  • Shaw et al. (2019) Shaw, R., Sudre, C., Ourselin, S., Cardoso, M.J., 2019. MRI k-space motion artefact augmentation: Model robustness and task-specific uncertainty, in: International Conference on Medical Imaging with Deep Learning, PMLR. pp. 427–436.
  • Sommer et al. (2020) Sommer, K., Saalbach, A., Brosch, T., Hall, C., Cross, N., Andre, J., 2020. Correction of motion artifacts using a multiscale fully convolutional neural network. American Journal of Neuroradiology 41, 416–423.
  • Song and Ermon (2019) Song, Y., Ermon, S., 2019. Generative modeling by estimating gradients of the data distribution. Advances in Neural Information Processing Systems 32.
  • Steffens et al. (2017) Steffens, D.C., Wang, L., Manning, K.J., Pearlson, G.D., 2017. Negative affectivity, aging, and depression: Results from the neurobiology of late-life depression (NBOLD) study. The American Journal of Geriatric Psychiatry 25, 1135–1149.
  • Tournier et al. (2019) Tournier, J.D., Smith, R., Raffelt, D., Tabbara, R., Dhollander, T., Pietsch, M., Christiaens, D., Jeurissen, B., Yeh, C.H., Connelly, A., 2019. MRtrix3: A fast, flexible and open software framework for medical image processing and visualisation. NeuroImage 202, 116137.
  • Venkatakrishnan et al. (2013) Venkatakrishnan, S.V., Bouman, C.A., Wohlberg, B., 2013. Plug-and-play priors for model based reconstruction, in: 2013 IEEE Global Conference on Signal and Information Processing, IEEE. pp. 945–948.
  • Xiang et al. (2022) Xiang, T., Yurt, M., Syed, A.B., Setsompop, K., Chaudhari, A., 2022. DDM22{}^{2}start_FLOATSUPERSCRIPT 2 end_FLOATSUPERSCRIPT: Self-supervised diffusion MRI denoising with generative diffusion models, in: The Eleventh International Conference on Learning Representations.
  • Zhang and Xing (2018) Zhang, C., Xing, Y., 2018. CT artifact reduction via U-net CNN, in: Medical Imaging 2018: Image Processing, SPIE. pp. 440–445.
  • Zhang et al. (2021) Zhang, K., Li, Y., Zuo, W., Zhang, L., Van Gool, L., Timofte, R., 2021. Plug-and-play image restoration with deep denoiser prior. IEEE Transactions on Pattern Analysis and Machine Intelligence 44, 6360–6376.
  • Zhou et al. (2019) Zhou, Z., Siddiquee, M.M.R., Tajbakhsh, N., Liang, J., 2019. Unet++: Redesigning skip connections to exploit multiscale features in image segmentation. IEEE Transactions on Medical Imaging 39, 1856–1867.
  • Zhu et al. (2023) Zhu, Y., Zhang, K., Liang, J., Cao, J., Wen, B., Timofte, R., Van Gool, L., 2023. Denoising diffusion models for plug-and-play image restoration, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pp. 1219–1229.