Abstract
Affine image registration is a cornerstone of medical-image analysis. While classical algorithms can achieve excellent accuracy, they solve a time-consuming optimization for every image pair. Deep-learning (DL) methods learn a function that maps an image pair to an output transform. Evaluating the function is fast, but capturing large transforms can be challenging, and networks tend to struggle if a test-image characteristic shifts from the training domain, such as the resolution. Most affine methods are agnostic to the anatomy the user wishes to align, meaning the registration will be inaccurate if algorithms consider all structures in the image. We address these shortcomings with SynthMorph, a fast, symmetric, diffeomorphic, and easy-to-use DL tool for joint affine-deformable registration of any brain image without preprocessing. First, we leverage a strategy that trains networks with widely varying images synthesized from label maps, yielding robust performance across acquisition specifics unseen at training. Second, we optimize the spatial overlap of select anatomical labels. This enables networks to distinguish anatomy of interest from irrelevant structures, removing the need for preprocessing that excludes content which would impinge on anatomy-specific registration. Third, we combine the affine model with a deformable hypernetwork that lets users choose the optimal deformation-field regularity for their specific data, at registration time, in a fraction of the time required by classical methods. This framework is applicable to learning anatomy-aware, acquisition-agnostic registration of any anatomy with any architecture, as long as label maps are available for training. We analyze how competing architectures learn affine transforms and compare state-of-the-art registration tools across an extremely diverse set of neuroimaging data, aiming to truly capture the behavior of methods in the real world. SynthMorph demonstrates high accuracy and is available at https://w3id.org/synthmorph, as a single complete end-to-end solution for registration of brain magnetic resonance imaging (MRI) data.
Keywords: affine registration, deformable registration, deep learning, hypernetwork, domain shift, neuroimaging
1. Introduction
Image registration is an essential component of medical image processing and analysis that estimates a mapping from the space of the anatomy in one image to the space of another image (Cox, 1996; Fischl et al., 2002, 2004; Jenkinson et al., 2012; Tustison et al., 2013). Such transforms generally include an affine component accounting for global orientation such as different head positions, which are typically not of clinical interest. Transforms often include a deformable component that may represent anatomically meaningful differences in geometry (Hajnal & Hill, 2001). Many techniques analyze these further, for example voxel-based morphometry (Ashburner & Friston, 2000; Whitwell, 2009).
Iterative registration has been extensively studied, and the available methods can achieve excellent accuracy both within and across magnetic resonance imaging (MRI) contrasts (Ashburner, 2007; Cox & Jesmanowicz, 1999; Friston et al., 1995; Jiang et al., 1995; Lorenzi et al., 2013; Rohr et al., 2001; Rueckert et al., 1999). Approaches differ in how they measure image similarity and the strategy chosen to optimize it, but the fundamental algorithm is the same: fit a set of parameters modeling the spatial transformation between an image pair by iteratively minimizing a dissimilarity metric. While classical deformable registration can take tens of minutes to several hours, affine registration optimizes only a handful of parameters and is generally faster (Hoffmann et al., 2015; Jenkinson & Smith, 2001; Modat et al., 2014; Reuter et al., 2010). However, these approaches solve an optimization problem for every new image pair, which is inefficient: depending on the algorithm, affine registration of higher-resolution structural MRI, for example, can easily take 5–10 minutes (Table 2). Further, iterative pipelines can be laborious to use. The user typically has to tailor the optimization strategy and choose a similarity metric appropriate for the image appearance (Pustina & Cook, 2017). Often, images require preprocessing, including intensity normalization or removal of structures that the registration should exclude. These shortcomings have motivated work on deep-learning (DL) based registration.
Table 2.
Method | Affine (seconds) | Deformable (seconds) |
---|---|---|
ANTs | 777.8 36.0 | 17189.5 52.7 |
NiftyReg | 293.7 0.5 | 7021.0 21.3 |
Deeds | 142.8 0.3 | 383.1 0.6 |
Robust | 1598.9 0.8 | – |
FSL | 151.7 0.4 | 8141.5 195.7 |
C2FViTa | 43.7 0.3 | – |
KeyMorph | 36.2 2.6 | – |
VTNb | – | 63.5 0.3 |
SynthMorph | 72.4 0.8 | 887.4 2.5 |
Errors indicate standard deviations. On an NVIDIA V100 GPU, all affine and deformable DL runtimes (bottom) are ~1 minute, including setup.
Timed on the GPU as the device is hard-coded.
Implementation performs joint registration only.
Recent advances in DL have enabled registration with unprecedented efficiency and accuracy (Balakrishnan et al., 2019; Dalca et al., 2018; Eppenhof & Pluim, 2018; Krebs et al., 2017; Li & Fan, 2017; Rohé et al., 2017; Sokooti et al., 2017; Yang et al., 2016, 2017). In contrast to classical approaches, DL models learn a function that maps an input registration pair to an output transform. While evaluating this function on a new pair of images is fast, most existing DL methods focus on the deformable component. Affine registration of the input images is often assumed (Balakrishnan et al., 2019; De Vos et al., 2017) or incorporated ad hoc, and thus given less attention than deformable registration (De Vos et al., 2019; Hu et al., 2018; Mok & Chung, 2022; S. Zhao, Dong, et al., 2019; S. Zhao, Lau, et al., 2019). Although state-of-the-art deformable algorithms can compensate for sub-optimal affine alignment to some extent, they cannot always fully recover the lost accuracy, as the experiment of Section 4.5 will show.
The learning-based models encompassing both affine and deformable components usually do not consider network generalization to modality variation (De Vos et al., 2019; Shen et al., 2019; S. Zhao, Dong, et al., 2019; S. Zhao, Lau, et al., 2019; Zhu et al., 2021). That is, networks trained on one type of data, such as T1-weighted (T1w) MRI, tend to inaccurately register other types of data, such as T2-weighted (T2w) scans. Even for similar MRI contrast, the domain shift caused by different noise or smoothness levels alone has the potential to reduce accuracy at test time. In contrast, learning frameworks capitalizing on generalization techniques and domain adaptation often do not incorporate the fundamental affine transform (M. Chen et al., 2017; Hoffmann et al., 2022; Iglesias et al., 2013; Qin et al., 2019; Tanner et al., 2018).
A separate challenge for affine registration consists of accurately aligning specific anatomy of interest in the image while ignoring irrelevant content. Any undesired structure that moves independently or deforms non-linearly will reduce the accuracy of the anatomy-specific transform unless an algorithm has the ability to ignore it. For example, neck and tongue tissue can confuse rigid brain registration when it deforms non-rigidly (Andrade et al., 2018; Fein et al., 2006; Fischmeister et al., 2013; Hoffmann et al., 2020).
1.1. Contribution
In this work, we present a single, easy-to-use DL tool for fast, symmetric, diffeomorphic—and thus invertible—end-to-end affine and deformable brain registration without preprocessing (Fig. 1). The tool performs robustly across MRI contrasts, intensity scales, and resolutions. We address the domain dependency and anatomical non-specificity of affine registration: while invariance to acquisition specifics will enable networks to generalize to new image types without retraining, our anatomy-specific training strategy alleviates the need for pre-processing segmentation steps that remove image content that would distract most registration methods—as Section 4.4 will show for the example of skull-stripping (Eskildsen et al., 2012; Hoopes, Mora, et al., 2022; Iglesias et al., 2011; Smith, 2002).
Our work builds on ideas from DL-based registration, affine registration, and a recent synthesis-based training strategy that promotes data independence by exposing networks to arbitrary image contrasts (Billot, Greve, et al., 2023; Billot et al., 2020; Hoffmann et al., 2022, 2023; Hoopes, Mora, et al., 2022; Kelley et al., 2024). First, we analyze three fundamental network architectures, to provide insight into how DL models learn and best represent the affine component (Appendix A). Second, we select an optimized affine architecture and train it with synthetic data only, making it robust across a landscape of acquired image types without exposing it to any real images during training. Third, we combine the affine model with a deformable hypernetwork to create an end-to-end registration tool, enabling users to choose a regularization strength that is optimal for their own data without retraining and in a fraction of the time required by classical methods. Fourth, we test our models across an extremely diverse set of images, aiming to truly capture the variability of real-world data. We compare their performance against popular affine and deformable toolboxes in Sections 4.4 and 4.5, respectively, to assess the accuracy users can achieve with off-the-shelf implementations for image types unseen at training.
We freely distribute our source code and tool, SynthMorph, at https://w3id.org/synthmorph. SynthMorph will ship with the upcoming FreeSurfer release (Fischl, 2012). For users who wish to use SynthMorph without downloading FreeSurfer, we maintain a standalone container with a wrapper script for easy setup and use supporting any of the following container tools: Docker, Podman, Apptainer, or Singularity.
2. Related Work
While this section provides an overview of widely adopted strategies for medical image registration, in-depth review articles are available (Fu et al., 2020; Oliveira & Tavares, 2014; Wyawahare et al., 2009).
2.1. Classical registration
Classical registration is driven by an objective function, which measures similarity in appearance between the moving and the fixed image. A simple and effective choice for images of the same contrast is the mean squared error (MSE). Normalized cross-correlation (NCC) is also widely used, because it provides excellent accuracy independent of the intensity scale (Avants et al., 2008). Registration of images across contrasts or modalities generally employs objective functions such as normalized mutual information (NMI) (Maes et al., 1997; Wells et al., 1996) or correlation ratio (Roche et al., 1998), as these do not assume similar appearance of the input images. Another class of classical methods uses metrics based on patch similarity (Glocker et al., 2008, 2011; Ou et al., 2011), which can outperform simpler metrics across modalities (Hoffmann et al., 2022).
To improve computational efficiency and avoid local minima, many classical techniques perform multi-resolution searches (Hellier et al., 2001; Nestares & Heeger, 2000). First, this strategy coarsely aligns smoothed downsampled versions of the input images. This initial solution is subsequently refined at higher resolutions until the original images align precisely (Avants et al., 2011; Modat et al., 2014; Reuter et al., 2010). Additionally, an initial grid search over a set of rotation parameters can help constrain this scale-space approach to a neighborhood around the global optimum (Jenkinson & Smith, 2001; Jenkinson et al., 2012).
Instead of optimizing image similarity, another registration paradigm detects landmarks and matches these across the images (Myronenko & Song, 2010). Early work relied on user assistance to identify fiducials (Besl & McKay, 1992; Meyer et al., 1995). More recent computer-vision approaches automatically extract features (Machado et al., 2018; Toews & Wells, 2013), for example from entropy (Wachinger & Navab, 2010, 2012) or difference-of-Gaussians images (Lowe, 2004; Rister et al., 2017; Wachinger et al., 2018). The performance of this strategy depends on the invariance of landmarks across viewpoints and intensity scales (Matas et al., 2004).
2.2. Deep-learning registration
Analogous to classical registration, unsupervised deformable DL methods fit the parameters of a deep neural network by optimizing a loss function that measures image similarity—but across many image pairs (Balakrishnan et al., 2019; Dalca et al., 2019; De Vos et al., 2019; Guo, 2019; Hoffmann et al., 2022; Krebs et al., 2019). In contrast, supervised DL strategies (Eppenhof & Pluim, 2018; Gopinath et al., 2024; Krebs et al., 2017; Rohé et al., 2017; Sokooti et al., 2017; Yang et al., 2016, 2017) train a network to reproduce ground-truth transforms, for example obtained with classical tools, and tend to underperform relative to their unsupervised counterparts (Hoffmann et al., 2022; Young et al., 2022), although warping features at the end of each U-Net (Ronneberger et al., 2015) level can close the performance gap (Young et al., 2022).
2.2.1. Affine deep-learning registration
A straightforward option for an affine-registration network architecture is combining a convolutional encoder with a fully connected (FC) layer to predict the parameters of an affine transform in one shot (Shen et al., 2019; S. Zhao, Dong, et al., 2019; S. Zhao, Lau, et al., 2019; Zhu et al., 2021). A series of convolutional blocks successively halve the image dimension, such that the output of the final convolution has substantially fewer voxels than the input images. This facilitates the use of the FC layer with the desired number of output units, preventing the number of network parameters from becoming intractably large. Networks typically concatenate the input images before passing them through the encoder. To benefit from weight sharing, twin networks pass the fixed and moving images separately and connect their outputs at the end (X. Chen et al., 2021; De Vos et al., 2019).
As affine transforms have a global effect on the image, some architectures replace the locally operating convolutional layers with vision transformers (Dosovitskiy et al., 2020; Mok & Chung, 2022). These models subdivide their inputs into patch embeddings and pass them through the transformer, before a multi-layer perceptron (MLP) outputs a transformation matrix. Multiple such modules in series can successively refine the affine transform if each module applies its output transform to the moving image before passing it onto the next stage (Mok & Chung, 2022). Composition of the transforms from each step produces the final output matrix.
Another affine DL strategy (Moyer et al., 2021; Yu et al., 2021) derives an affine transform without requiring MLP or FC layers, similar to the classical feature extraction and matching approach (Section 2.1). This method separately passes the moving and the fixed image through a convolutional encoder to detect two corresponding sets of feature maps. Computing the barycenter of each feature map yields moving and fixed point clouds, and a least-squares (LS) fit provides a transform aligning them. The approach is robust across large transforms (Yu et al., 2021), while removing the FC layer alleviates the dependency of the architecture on a specific image size.
In this work, we will test these fundamental DL architectures and extend them to build an end-to-end solution for joint affine and deformable registration that is aware of the anatomy of interest.
2.3. Robustness and anatomical specificity
Indiscriminate registration of images as a whole can limit the accurate alignment of specific substructures, such as the brain in whole-head MRI. One group of classical methods avoids this problem by down-weighting image regions that cannot be mapped accurately with the chosen transformation model, for example using an iteratively re-weighted LS algorithm (Billings et al., 2015; Gelfand et al., 2005; Modat et al., 2014; Nestares & Heeger, 2000; Puglisi & Battiato, 2011; Reuter et al., 2010). Few approaches focus on specific anatomical features, for example by restricting the registration to regions of an atlas with high prior probability for belonging to a particular tissue class (Fischl et al., 2002). The affine registration tools commonly used in neuroimage analysis (Cox, 1996; Friston et al., 1995; Jenkinson & Smith, 2001; Modat et al., 2014) instead expect—and require—that distracting image content be removed from the input data as a preprocessing step for optimal performance (Eskildsen et al., 2012; Iglesias et al., 2011; Klein et al., 2009; Smith, 2002). Similarly, many DL algorithms assume intensity-normalized and skull-stripped input images (Balakrishnan et al., 2019; Yu et al., 2021; S. Zhao, Lau, et al., 2019), preventing their applicability to diverse unprocessed data.
2.4. Domain generalizability
The adaptability of neural networks to out-of-distribution data generally presents a challenge to their deployment (Sun et al., 2016; M. Wang & Deng, 2018). Mitigation strategies include augmenting the variability of the training distribution, for example by adding random noise or applying geometric transforms (Chaitanya et al., 2019; Perez & Wang, 2017; Shorten & Khoshgoftaar, 2019; A. Zhao, Balakrishnan, et al., 2019). Transfer learning adapts a trained network to a new domain by fine-tuning deeper layers on the target distribution (Kamnitsas et al., 2017; Zhuang et al., 2020). These methods require training data from the target domain. By contrast, within medical imaging, a recent strategy synthesizes widely variable training images to promote data independence. The resulting networks generalize beyond dataset specifics and perform with high accuracy on tasks including segmentation (Billot, Greve, et al., 2023; Billot et al., 2020), deformable registration (Hoffmann et al., 2022), and skull-stripping (Hoopes, Mora, et al., 2022; Kelley et al., 2024). We build on this technology to achieve end-to-end registration.
3. Method
3.1. Background
3.1.1. Affine registration
Let be a moving and a fixed image in -dimensional (D) space. We train a deep neural network with learnable weights to predict a global transform that maps the spatial domain of onto , given images . The transform is a matrix
(1) |
where matrix represents rotation, scaling, and shear, and is a vector of translational shifts, such that . We fit the network weights to training set subject to
(2) |
where the loss measures the similarity of two input images, and means transformed by .
3.1.2. Synthesis-based training
A recent strategy (Billot, Greve, et al., 2023; Billot et al., 2020; Hoffmann et al., 2022, 2023; Hoopes, Mora, et al., 2022) achieves robustness to preprocessing and acquisition specifics by training networks exclusively with synthetic images generated from label maps. From a set of label maps , a generative model synthesizes corresponding widely variable images as network inputs. Instead of image similarity, the strategy optimizes spatial label overlap with a (soft) Dice-based loss (Milletari et al., 2016), strictly independent of image appearance:
(3) |
where represents the one-hot encoded label of label map defined at the voxel locations in the discrete spatial domain of . The generative model requires only a few label maps to produce a stream of diverse training images that help the network accurately generalize to real medical images of any contrast at test time, which it can register without needing label maps.
3.2. Anatomy-aware registration
As we build on our recent work on deformable registration, SynthMorph (Hoffmann et al., 2022), here we only provide a high-level overview and focus on what is new for affine and joint affine-deformable registration. Figure 2 illustrates our setup for affine registration.
3.2.1. Label maps
Every training iteration, we draw a pair of moving and fixed brain segmentations. We apply random spatial transformations to each of them to augment the range of head orientations and anatomical variability in the training set. Specifically, we construct an affine matrix from random translation, rotation, scaling, and shear as detailed in Appendix B.
We compose the affine transform with a randomly sampled and randomly smoothed deformation field (Hoffmann et al., 2022) and apply the composite transform in a single interpolation step. Finally, we simulate acquisitions with a partial field of view (FOV) by randomly cropping the label map, yielding .
3.2.2. Anatomical specificity
Let be the complete set of labels in . To encourage networks to register specific anatomy while ignoring irrelevant image content, we propose to recode such that the label maps include only a subset of labels . For brain-specific registration, consists of individual brain structures in the deformable case or larger tissue classes in the affine case. At training, the loss optimizes only the overlap of , whereas we synthesize images from the complete set of labels , providing rich image content outside the brain as illustrated in Figure 2.
3.2.3. Image synthesis
Given label map , we generate image with random contrast, noise, and artifact corruption (and similarly from ). Following SynthMorph, we first sample a mean intensity for each label in and assign this value to all voxels associated with label . Second, we corrupt by randomly applying additive Gaussian noise, anisotropic Gaussian blurring, a multiplicative spatial intensity bias field, intensity exponentiation with a global parameter, and downsampling along randomized axes. In aggregate, these steps produce widely varying intensity distributions within each anatomical label (Fig. 3).
3.2.4. Generation hyperparameters
We choose the affine augmentation range such that it encompasses real-world transforms. Appendix Figure A4 (Appendix D) shows the distribution of affine transformation parameters measured across public datasets. We adapt all other values from prior work, which thoroughly analyzed their impact on accuracy (Hoffmann et al., 2022): Appendix Table A2 (Appendix C) lists hyperparameters for label-map augmentation and image synthesis.
3.3. Learning
3.3.1. Symmetric affine network
Estimating an affine transform from a pair of medical images in D requires reducing a large input space of the order of 100 k–10 M voxels to only output parameters. We extend a recent architecture (Hoffmann et al., 2023; Moyer et al., 2021; A. Q. Wang et al., 2023; Yu et al., 2021), “Detector” in Appendix Figure A1 (Appendix A), that takes a single image as input and predicts a set of non-negative spatial feature maps with , to support full affine transforms (Yu et al., 2021) and weighted least-squares (WLS) (Moyer et al., 2021). Following a series of convolutions, we obtain the center of mass and channel power for each feature map of the moving image,
(4) |
and separately center of mass with channel power for each of the fixed image. We interpret the sets and as corresponding moving and fixed point clouds. Detector refers to a network that predicts the affine transform aligning these point clouds subject to
(5) |
where we use the definition of from Equation (1) as the submatrix of that excludes the last row, and we define the normalized scalar weight as
(6) |
Let and be matrices whose th rows are and , respectively. Denoting , the closed-form WLS solution of Equation (5) is such that
(7) |
3.3.2. Symmetric joint registration
For joint registration, we combine the affine model with a deformable SynthMorph architecture (Hoffmann et al., 2022). Let be a convolutional neural network with parameters that predicts a stationary velocity field (SVF) from concatenated images . While predicts symmetric affine transforms by construction, we explicitly symmetrize the SVF:
(8) |
from which we obtain the diffeomorphic warp field via vector-field integration (Ashburner, 2007; Dalca et al., 2018), and integrating yields the inverse warp , up to the numerical precision of the algorithm used. Usually, approaches to learning deformable registration directly fit weights by optimizing a loss of the form
(9) |
where quantifies label overlap as before, is a regularization term that encourages smooth warps, and the parameter controls the weighting of both terms.
Because directly fitting subject to Equation (9) yields an inflexible network predicting warps of fixed regularity, we parameterize using a hypernetwork. Let be a neural network with trainable parameters . Following our prior work (Hoopes, Hoffmann, et al., 2022; Hoopes et al., 2021), hypernetwork takes the regularization weight as input and outputs the weights of the deformable task network . Consequently, has no learnable parameters in our setup—its convolutional kernels can flexibly adapt in response to the value takes at test time.
As shown in Figure 4, for symmetric joint registration, we move images into an affine mid-space using the matrix square roots of and have predict between images and using kernels specific to input .
While users of SynthMorph can choose between running the deformable step in the affine mid-space or after applying the full transform to , only the former yields symmetric joint transforms. At training, the total forward transform is , and the loss of Equation (9) becomes
(10) |
We choose , where is the displacement of the deformation , and is the identity field.
3.3.3. Overlap loss
In this work, we replace the Dice-based overlap loss term of Equation (3) with a simpler term (Heinrich, 2019; Y. Wang et al., 2021) that measures MSE between one-hot encoded labels ,
(11) |
where we replace weights with and transform with for joint registration. MSE is sensitive to the proportionate contribution of each label to overall alignment, whereas Equation (3) normalizes the contribution of each label by its respective size.
As a result, the MSE loss term discourages the optimization to disproportionately focus on aligning smaller structures, which we find favorable for warp regularity at structure boundaries. In Appendix E, we analyze how optimizing on label maps compares to an image-similarity loss term.
3.3.4. Implementation
Affine SynthMorph implements Detector (Appendix Fig. A1) with convolutional filters and output feature maps. The network width does not vary within the model. We activate the output of each internal block with LeakyReLU (parameter ) and downsample encoder blocks by a factor of 2 using max pooling.
As in our prior work, the deformable model implements a U-Net (Ronneberger et al., 2015) architecture of width , and we integrate the SVF via scaling and squaring (Ashburner, 2007; Dalca et al., 2018). Hypermodel is a simple feed-forward network with 4 ReLU-activated hidden FC layers of 32 output units each.
All kernels are of size . For computational efficiency, our 3D models linearly downsample the network inputs and loss inputs by a factor of 2. We min-max normalize input images such that their intensities fall in the interval . Affine coordinate transforms operate in a zero-centered index space. Appendix B includes further details.
3.3.5. Optimization
We fit model parameters with stochastic gradient descent using Adam (Kingma & Ba, 2014) over consecutive training strips () of batches each. At the beginning of each strip or in the event of divergence, we choose successively smaller learning rates from . For fast convergence, the first strip of affine training optimizes the overlap of larger label groups than indicated in Section 4.1.3: left hemisphere, right hemisphere, and cerebellum.
Because SynthMorph training is generally not prone to overfitting, it uses a simple stopping criterion measuring progress over batches in terms of validation Dice overlap (Section 4.3). The 3D models train with a batch size of 1 until the mean overlap across exceeds of the maximum, that is,
(12) |
For joint registration, we uniformly sample hyperparameter values . For efficiency, we freeze parameters of the trained affine submodel to fit only the weights of hypernetwork , optimizing the loss of Equation (10).
However, unfreezing the affine weights within the setup of Figure 4 has no substantial impact on accuracy. Specifically, after one additional strip of joint training, deformable large-21 Dice scores change by depending on the dataset, while affine accuracy decreases by only points relative to affine-only training.
4. Experiments
In a first experiment, we train the Detector architecture with synthetic data only. This experiment focuses on building a readily usable tool, and we assess its accuracy in various affine registration tasks. In contrast, Appendix A analyzes the performance of the different architectures across a broad range of variants and transformations, to understand how networks learn and best represent the affine component. In a second experiment, we complete the affine model with a deformable hypernetwork to produce a joint registration solution and compare its performance to readily usable baseline tools.
4.1. Data
The training-data synthesis and analyses use 3D brain MRI scans from a broad collection of public data, aiming to truly capture the behavior of the methods facing the diversity of real-world images. While users of SynthMorph do not need to preprocess their data, our experiments use images conformed to the same isotropic 1-mm voxel space using trilinear interpolation, and by cropping and zero-padding symmetrically. We rearrange the voxel data to produce gross left-inferior-anterior (LIA) orientation with respect to the volume axes.
4.1.1. Generation label maps
For training-data synthesis, we compose a set of 100 whole-head tissue segmentations, each derived from T1w acquisitions with isotropic ~1-mm resolution. We do not use these T1w images in our experiments. The training segmentations include 30 locally scanned adult FSM subjects (Greve et al., 2021), 30 participants of the cross-sectional Open Access Series of Imaging Studies (OASIS, Marcus et al. 2007), 30 teenagers from the Adolescent Brain Cognitive Development (ABCD) study (Casey et al., 2018), and 10 infants scanned at Boston Children’s Hospital at age 0–18 months (de Macedo Rodrigues et al., 2015; Hoopes, Mora, et al., 2022).
We derive brain label maps from the conformed T1w scans using SynthSeg (Billot, Greve, et al., 2023; Billot et al., 2020). We emphasize that inaccuracies in the segmentations have little impact on our strategy, as the images synthesized from the segmentations will be in perfect voxel-wise registration with the labels by construction.
To facilitate the synthesis of spatially complex image signals outside the brain, we use a simple thresholding procedure to add non-brain labels to each label map. The procedure sorts non-zero image voxels outside the brain into one of six intensity bins, equalizing bin sizes on a per-image basis.
4.1.2. Evaluation images
For baseline comparisons, we pool adult and pediatric T1w images from the Brain Genomics Superstruct Project (GSP, Holmes et al., 2015), the Lifespan Human Connectome Project Development (HCP-D, Harms et al., 2018; Somerville et al., 2018), MASiVar (MASi, Cai et al., 2021), and IXI (Imperial College London, 2015).
The evaluation set also includes IXI scans with T2w and PDw contrast. As all these images are near-isotropic ~1-mm acquisitions, we complement the dataset with contrast-enhanced clinical T1w stacks of axial 6-mm slices from subjects with newly diagnosed glioblastoma (QIN, Clark et al., 2013; Mamonov and Kalpathy-Cramer 2016; Prah et al., 2015).
Our experiments use the held-out test images listed in Table 1. For monitoring and model validation, we use a handful of images pooled from the same datasets, which do not overlap with the test subjects. We do not consider QIN at validation and validate performance in pediatric data with held-out ABCD subjects. To measure registration accuracy, we compute anatomical brain label maps individually for each conformed image volume using SynthSeg (Billot, Greve, et al., 2023; Billot et al., 2020). Although SynthMorph does not require skull-stripping, we skull-strip all images with SynthStrip (Hoopes, Mora, et al., 2022) for a fair comparison across images that have undergone the preprocessing steps expected by the baseline methods—unless explicitly noted.
Table 1.
Dataset | Type | Res. (mm3) | Subjects |
---|---|---|---|
GSP | T1w, age 18–35 a | 100 | |
IXI | T1w | 100 | |
T2w | 100 | ||
PDw | 100 | ||
HCP-D | T1w, age 5–21 a | 80 | |
MASi | T1w, age 5–8 a | 80 | |
QIN | post-contrast T1w | 50 |
QIN includes contrast-enhanced clinical stacks of thick slices from patients with glioblastoma, whereas the other acquisitions use 3D sequences. While HCP-D and MASi include pediatric data, the remaining datasets consist of adult populations.
4.1.3. Labels
The training segmentations encompass a set of 38 different labels, 32 of which are standard (lateralized) FreeSurfer labels (Fischl et al., 2002). Parenthesizing their average size over FSM subjects relative to the total brain volume and combining the left and right hemispheres, these structures are: cerebral cortex (43.4%) and white matter (36.8%), cerebellar cortex (9.2%) and white matter (2.2%), brainstem (1.8%), lateral ventricle (1.7%), thalamus (1.2%), putamen (0.8%), ventral DC (0.6%), hippocampus (0.6%), caudate (0.6%), amygdala (0.3%), pallidum (0.3%), 4th ventricle (0.1%), accumbens (0.1%), inferior lateral ventricle (0.1%), 3rd ventricle (0.1%), and background.
The remaining labels map to variable image features outside the brain (Section 4.1.1). These added labels do not necessarily represent distinct or meaningful anatomical structures but expose the networks to non-brain image content at training. We use all labels to synthesize training images but optimize the overlap of brain-specific labels based on Equation (3).
For affine training and evaluation, we merge brain structures such that consists of larger tissue classes: left and right cerebral cortex, left and right subcortex, and cerebellum. These classes ensure that small labels like the caudate do not have a disproportionate influence on global brain alignment—different groupings may work equally well. In contrast, deformable registration redefines to include the 21 largest brain structures up to and including caudate. We use these labels for deformable training and evaluation, as prior analyses report that “only overlap scores of localized anatomical regions reliably distinguish reasonable from inaccurate registrations” (Rohlfing, 2011).
For a less circular assessment of deformable registration accuracy, we separately consider the set of the 10 finest-grained structures above whose overlap we do not optimize at training, including the labels from amygdala through 3rd ventricle.
4.2. Baselines
We test 3D affine and deformable classical registration with ANTs (Avants et al., 2011) version 2.3.5 using recommended parameters (Pustina & Cook, 2017) for the NCC metric within and MI across MRI contrasts. We test NiftyReg (Modat et al., 2014) version 1.5.58 with the NMI metric and enable SVF integration for joint registration, as in our approach. We also run the patch-similarity method Deeds (Heinrich et al., 2012), 2022-04-12 version. For a rigorous baseline assessment, we reduce the default grid spacing from to . This setting effectively trades a shorter runtime for increased accuracy as recommended by the author, since it optimizes the parametric B-spline model on a finer control point grid (Heinrich et al., 2013). The modification results in a 1–2% accuracy boost for most datasets as in prior work (Hoffmann et al., 2022). We test affine-only registration with mri_robust_register (“Robust”) from FreeSurfer 7.3 (Fischl, 2012) using its robust cost functions (Reuter et al., 2010), as only the robust cost functions can down-weight the contribution of regions that deform non-linearly. However, we highlight that the robust-entropy metric for cross-modal registration is experimental. We use Robust with up to 100 iterations and initialize the affine registration with a rigid run. Finally, we also test affine and deformable registration with the FSL (Jenkinson et al., 2012) tools FLIRT (Jenkinson & Smith, 2001) version 6.0 and FNIRT (Andersson et al., 2007) build 507. While the recommended cost function of FLIRT, correlation ratio, is suitable within and across modalities, we emphasize that users cannot change FNIRT’s MSE objective, which specifically targets within-contrast registration.
We compare DL model variants covering popular registration architectures in Section A.3. This analysis uses the same capacity and training set for each model. For our final synthesis-based tool in Sections 4.4 and 4.5, we consider readily available machine-learning baselines trained by their respective authors, to assess their generalization capabilities to the diverse data we have gathered. This strategy evaluates what level of accuracy a user can expect from off-the-shelf methods without retraining, as retraining is generally challenging for users (see Section 5.3). We test: KeyMorph (Yu et al., 2021) and C2FViT (Mok & Chung, 2022) models trained for pair-wise affine, and the 10-cascade Volume Tweening Network (VTN) (S. Zhao, Dong, et al., 2019; S. Zhao, Lau, et al., 2019) trained for joint affine-deformable registration. Each network receives inputs with the expected image orientation, resolution, and intensity normalization.
In contrast to the baselines, SynthMorph is the only method optimizing spatial label overlap. While this likely provides an advantage when measuring accuracy with a label-based metric, optimizing an image-based objective may be advantageous when measuring image similarity at test. For a balanced comparison, we assess registration accuracy in terms of label overlap and image similarity.
4.3. Evaluation metrics
To measure registration accuracy, we propagate the moving label map using the predicted transform to obtain the moved label map and compute its (hard) Dice overlap (Dice, 1945) with the fixed label map . In addition, we evaluate MSE of the modality-independent neighborhood descriptor (MIND, Heinrich et al., 2012) between the moved image and the fixed image as well as NCC for same-contrast registration. As we seek to measure brain-specific registration accuracy, we remove any image content external to the brain labels prior to evaluating the image-based metrics. We use paired two-sided -tests to determine whether differences in mean scores between methods are significant.
We analyze the regularity of deformation field in terms of the mean absolute value of the logarithm of the Jacobian determinant over brain voxels . This quantity is sensitive to the deviation of from the ideal value 1 and thus measures the width of the distribution of log-Jacobian determinants, the “log-Jacobian spread” :
(13) |
where . We also determine the proportion of folding voxels, that is, locations where . We compare the inverse consistency of registration methods by means of the average displacement that voxels undergo upon subsequent application of transforms ,
(14) |
Specifically, we evaluate the mean symmetric inverse consistency of method with and for any pair of input images :
(15) |
4.4. Experiment 1: affine registration
In this experiment, we focus on “affine SynthMorph,” an anatomy-aware affine registration tool that generalizes across acquisition protocols while enabling brain registration without preprocessing. In contrast, Appendix A compares competing network architectures and analyzes how they learn and best represent affine transforms.
4.4.1. Setup
First, to give the reader an idea of the accuracy achievable with off-the-shelf algorithms for data unseen at training, we compare affine SynthMorph to classical and DL baselines trained by the respective authors. We test affine registration of skull-stripped images across MRI contrasts, for a variety of different imaging resolutions and populations, including adults, children, and patients with glioblastoma. We also compare the symmetry of each method with regard to reversing the order of input images. Each test involves held-out image pairs from separate subjects, summarized in Table 1.
Second, we analyze the effect of thick-slice acquisitions on affine SynthMorph accuracy compared to classical baselines. This experiment retrospectively reduces the through-plane resolution of the moving image of each GSPIXIT1 pair to produce stacks of axial slices of thickness mm. At each , we simulate partial voluming (Kneeland et al., 1986; Simmons et al., 1994) by smoothing all moving images in slice-normal direction with a 1D Gaussian kernel of full-width at half-maximum (FWHM) and by extracting slices apart using linear interpolation. Finally, we restore the initial volume size by linearly upsampling through-plane.
Third, we evaluate the importance of skull-stripping the input images for accurate registration. With the exception of skull-stripping, we preprocess full-head GSPIXIT1 pairs as expected by each method and assess brain-specific registration accuracy by evaluating image-based metrics within the brain only.
4.4.2. Results
Figure 6 shows representative registration examples for the tested dataset combinations, while Figure 5 quantitatively compares affine registration accuracy across skull-stripped image pairings. Although affine SynthMorph has not seen any real MRI data at training, it achieves the highest Dice score for every dataset tested.
For the GSPIXIT1 and MASiHCP-D pairs that most baselines are optimized for, SynthMorph exceeds the best-performing baseline NiftyReg by points ( and for paired two-sided -tests). Across all other pairings, SynthMorph matches the Dice score achieved by the most accurate affine baseline, which is NiftyReg in every case. Method Deeds performs least accurately, lagging behind the second last classical baselines by or more. The other classical methods perform robustly across all testsets, generally within 1–2 Dice points of each other.
On the MASiHCP-D testset, FLIRT’s performance exceeds Robust by ( ) and matches it across GSPIXIT1 pairs ( ). Across the remaining testsets, FLIRT ranks fourth among classical baselines.
In contrast, the DL baselines do not reach the same accuracy. Even for the T1w pairs they were trained with, SynthMorph leads by or more, likely due to domain shift between the test and baseline training data. As expected, DL-baseline performance continues to decrease as the test-image characteristics deviate further from those at training. Interestingly, VTN consistently ranks among the least accurate baselines, although its preprocessing effectively initializes the translation and scaling parameters by separately adjusting the moving and fixed images such that the brain fills the whole FOV.
Even though affine SynthMorph does not directly optimize image similarity at training, it surpasses NiftyReg for GSPIXIT1 ( ) and MASiHCP-D ( ) pairs in terms of the image-based MSE-MIND metric. Generally, MSE-MIND ranks the methods similarly to Dice overlap, as does NCC across the T1w registration pairs (Fig. 8a).
Figure 9 shows that SynthMorph’s affine transforms across GSPIXIT1 are more symmetric than all baselines tested. When we reverse the order of the input images, the mean inconsistency between forward and backward transforms is mm per brain voxel, closely followed by NiftyReg. Robust also uses an inverse-consistent algorithm, leading to mm. The remaining baselines are substantially less symmetric, with inconsistencies of mm for KeyMorph or more.
Figure 7a shows how registration accuracy evolves with increasing moving-image slice thickness . SynthMorph and ANTs remain the most robust for mm, reducing only to 99% at mm. For mm, ANTs accuracy even improves slightly, likely benefiting from the smoothing effect on the images. The classical baselines FLIRT and Robust are only mildly affected by thicker slices. While their Dice scores decrease more rapidly for , their accuracy reduces to 99% and about 98.5% at mm. Deeds is noticeably more susceptible to resolution changes, decreasing to less than 95% at mm.
Figure 10 compares the drop in median Dice overlap the affine methods undergo when presented with full-head as opposed to skull-stripped GSPIXIT1 images. Except for Deeds, brain-specific accuracy reduces substantially, by 3% in the case of NiftyReg and up to 8% for ANTs. Affine SynthMorph remains most robust: its Dice overlap changes by less than 0.05%. Deeds’ accuracy increases but it still yields the lowest score for the testset.
Table 2 lists the registration time required by each affine method on a 2.2-GHz Intel Xeon Silver 4114 CPU using a single computational thread. The values shown reflect averages over uni-modal runs. Classical runtimes range between 2 and 27 minutes, with Deeds being the fastest and Robust being the slowest, although we highlight that we substantially increased the number of Robust iterations. Complete single-threaded DL runtimes are about 1 minute, including model setup. However, inference only takes a few seconds and reduces to well under a second on an NVIDIA V100 GPU.
4.5. Experiment 2: joint registration
Motivated by the affine performance of SynthMorph, we complete the model with a hypernetwork-powered deformable module to achieve 3D joint affine-deformable registration (Fig. 4). Our focus is on building a complete and readily usable tool that generalizes across scan protocols without requiring preprocessing.
4.5.1. Setup
First, we compare deformable registration using the held-out image pairs from separate subjects for each of the datasets of Table 1. The comparison employs skull-stripped images initialized with affine transforms estimated from skull-stripped data by NiftyReg, the most accurate baseline in Figure 5. We compare deformable SynthMorph performance to classical baselines and VTN, a joint DL baseline trained by the original authors—we seek to gauge the accuracy achievable with off-the-shelf algorithms for data unseen at training.
Second, we analyze the robustness of each tool to sub-optimal affine initialization. In order to cover realistic affine inaccuracies and assess the most likely and intended use case, we repeat the previous experiment, this time initializing each method with the affine transform obtained with the same method—that is, we test end-to-end joint registration with each tool. Similarly, we evaluate the importance of removing non-brain voxels from the input images. In this experiment, we initialize each method with affine transforms estimated by NiftyReg from skull-stripped data, and test deformable registration on a full-head version of the images.
Third, we analyze the effect of reducing the through-plane resolution on SynthMorph performance compared to classical baselines, following the steps outlined in Section 4.4. In this experiment, we initialize each method with affine transforms estimated by NiftyReg from skull-stripped images, such that the comparison solely reflects deformable registration accuracy.
Fourth, we analyze warp-field regularity and registration accuracy over dataset GSPIXIT1 as a function of the regularization weight . We also compare the symmetry of each method with regard to reversing the order of the input images.
4.5.2. Results
Figure 11 shows typical deformable registration examples for each method, and Figure 12 compares registration accuracy across testsets in terms of mean Dice overlap over the 21 largest anatomical structures (large-21), 10 fine-grained structures (small-10) not optimized at training, and image similarity measured with MSE-MIND. Supplementary Figures S1–S5 show deformable registration accuracy across individual brain structures.
Although SynthMorph trains with synthetic images only, it achieves the highest large-21 score for every skull-stripped testset. For all cross-contrast pairings and the pediatric testset, SynthMorph leads by at least 2 Dice points compared to the highest baseline score (MASi HCP-D, for paired two-sided -test) and often much more. Across these testsets, SynthMorph performance remains largely invariant, whereas the other methods except Deeds struggle. Crucially, the distribution of SynthMorph scores for isotropic data is substantially narrower than the baseline scores, indicating the absence of gross inaccuracies such as pairs with that several baselines yield across all isotropic contrast pairings. On the clinical testset QIN IXIT1, SynthMorph surpasses the baselines by at least . For GSP IXIT1, it outperforms the best classical baseline ANTs by 1 Dice point ().
Across the T1w testsets, FNIRT outperforms NiftyReg by several Dice points and also ANTs for MASi HCP-D pairs. Surprisingly, FNIRT beats NiftyReg’s NMI implementation for GSP IXIT2, even though FNIRT’s cost function targets within-contrast registration. The most robust baseline is Deeds, which ranks third at adult T1w registration. Its performance reduces the least for the cross-contrast and clinical testsets, where it achieves the highest Dice overlap after SynthMorph.
The joint DL baseline VTN yields relatively low accuracy across all testsets. This was expected for the cross-contrast pairings, since the model was trained with T1w data, confirming the data dependency introduced with standard training. However, VTN lags behind the worst-performing classical baseline for GSPIXIT1 data, NiftyReg, too ( , ), likely due to domain shift as in the affine case.
Considering the fine-grained small-10 brain structures held out at training, SynthMorph consistently matches or exceeds the best performing method, except for MASi HCP-D, where Deeds leads by ( ). On the clinical testset, SynthMorph leads by at least ( ). Interestingly, SynthMorph outperforms all baselines across testsets in terms of MSE-MIND ( ) and NCC for same-contrast registration (Fig. 8b, ), although it is the only method not optimizing or trained with an image-based loss.
Figure 13 shows the relative change in large-21 Dice for each tool when run end-to-end compared to affine initialization with NiftyReg. SynthMorph’s drop in performance is 0.05% or less across all datasets. For GSP IXIT1, classical-baseline accuracy decreases by no more than . Across the other datasets, the classical methods generally cannot make up for the discrepancy between their own and NiftyReg’s affine transform: accuracy drops by up to , whereas SynthMorph remains robust. The performance of VTN reduces by at least across testsets and often much more, highlighting the detrimental effect an inaccurate affine transform can have on the subsequent deformable step.
Figure 10 shows the importance of skull-stripping for deformable registration accuracy. Generally, deformable accuracy suffers less than affine registration when switching to full-head images, as the algorithms deform image regions independently. SynthMorph remains most robust to the change in preprocessing; its large-21 Dice overlap increases by 0.1%. With a drop of 0.08%, Deeds is similarly robust. In contrast, FNIRT’s performance is most affected, reducing by 5%—a decline of the same order as for most affine methods.
Figure 14 analyzes SynthMorph warp smoothness. As expected, image-based NCC and large-21 Dice accuracy peak for weak regularization of . In contrast, overlap of the small-10 regions not optimized at training benefits from smoother warps, with an optimum at . The fields predicted by SynthMorph achieve the lowest log-Jacobian spread across all baselines for . Similarly, the proportion of folding brain voxels decreases with higher and drops to for (10 integration steps). Deeds yields folding brain voxels, whereas the other baselines achieve . For realistic warp fields with characteristics that match or exceed the tested baselines, we conduct all comparisons in this study with a default weight . We highlight that is an input to SynthMorph, enabling users to choose the optimal regularization strength for their specific data without retraining.
Deformable registration with SynthMorph is highly symmetric (Fig. 9), with a mean forward-backward inconsistency of only mm per brain voxel that closely follows ANTs (0.01 mm) and NiftyReg (0.05 mm). In contrast, the remaining methods are substantially more inconsistent, with mm for Deeds or more.
Figure 7b assesses the dependency of registration performance on slice thickness . Similar to the affine case, deformable accuracy decreases for thicker slices, albeit faster. SynthMorph performs most robustly. Its accuracy remains unchanged up to mm and reduces only to 95% at mm. ANTs is the most robust classical method, but its accuracy drops considerably faster than SynthMorph. FLIRT and NiftyReg are most affected at reduced resolution, performing at less than 95% accuracy for mm and mm, respectively.
Deformable registration often requires substantially more time than affine registration (Table 2). On the GPU, SynthMorph takes less than 8 seconds per image pair for registration, IO, and resampling. One-time model setup requires about 1 minute, after which the user could register any number of image pairs without reinitializing the model. SynthMorph requires about 16 GB of GPU memory for affine and 24 GB for deformable registration. On the CPU, the fastest classical method Deeds requires only about 6 minutes in single-threaded mode, whereas ANTs takes almost 5 hours. While VTN’s joint runtime is 1 minute, SynthMorph needs about 15 minutes for deformable registration on a single thread.
5. Discussion
We present an easy-to-use DL tool for end-to-end affine and deformable brain registration. SynthMorph achieves robust performance across acquisition characteristics such as imaging contrast, resolution, and pathology, enabling accurate registration for brain scans without preprocessing. The SynthMorph strategy alleviates the dependency on acquired training data by generating widely variable images from anatomical label maps—and there is no need for label maps at registration time.
5.1. Anatomy-specific registration
Accurate registration of the specific anatomy of interest requires ignoring or down-weighting the contribution of irrelevant image content to the optimization metric. SynthMorph learns what anatomy is pertinent to the task, as we optimize the overlap of select labels of interest only. It is likely that the model learns an implicit segmentation of the image, in the sense that it focuses on deforming the anatomy of interest, warping the remainder of the image only to satisfy regularization constraints. In contrast, many existing classical and DL methods cannot distinguish between relevant and irrelevant image features, and thus have to rely on explicit segmentation to remove distracting content prior to registration, such as skull-stripping (Eskildsen et al., 2012; Hoopes, Mora, et al., 2022; Iglesias et al., 2011; Smith, 2002).
Pathology missing from the training labels does not necessarily hamper overall registration accuracy, as the experiments with scans from patients with glioblastoma show. In fact, SynthMorph outperforms all deformable baselines tested on these data. However, we do not expect these missing structures to be mapped with high accuracy, in particular if the structure is absent in one of the test images—this is no different from the behavior of methods optimizing image similarity.
5.2. Baseline performance
Networks trained with the SynthMorph strategy do not have access to the MRI contrasts of the testsets nor, in fact, to any MRI data at all. Yet SynthMorph matches or outperforms classical and DL-baseline performance across the real-world datasets tested, while being substantially faster than the classical methods. For deformable registration, the fastest classical method Deeds requires 6 minutes, while SynthMorph takes about 1 minute for one-time model setup and just under 8 seconds for each subsequent registration. This speed-up may be particularly useful for processing large datasets like ABCD, enabling end-to-end registration of hundreds of image pairs per hour—the time that some established tools like ANTs require for a single registration.
The DL baselines tested have runtimes comparable to SynthMorph. Combining them with skull-stripping would generally be a viable option for fast brain-specific registration: brain extraction with a tool like SynthStrip only takes about 30 seconds. However, we are not aware of any existing DL tool that would enable deformable registration of unseen data with adjustable regularization strength without retraining. While the DL baselines break down for contrast pairings unobserved at training, they also cannot match the accuracy of classical tools for the T1w contrast they were trained with, likely due to domain shift.
In contrast, SynthMorph performance is relatively unaffected by changes in imaging contrast, resolution, or subject population. These results demonstrate that the SynthMorph strategy produces powerful networks that can register new image types unseen at training. We emphasize that our focus is on leveraging the training strategy to build a robust and accurate registration tool. It is possible that other architectures, such as the trained DL baselines tested in this work, perform equally well when trained using our strategy. Specifically, novel Bayesian similarity learning methods (Grzech et al., 2022; Su & Yang, 2023) and frameworks that jointly optimize the affine and deformable components emerged since the initial submission of this work (Chang et al., 2023; Meng et al., 2023; Qiu et al., 2023; L. Zhao et al., 2023).
Although Robust down-weights the contribution of image regions that cannot be mapped with the linear transformation model of choice, its accuracy dropped by several points for data without skull-stripping. The poor performance in cross-contrast registration may be due to the experimental nature of its robust-entropy cost function. We initially experimented with the recommended NMI metric, but registration failed for a number of cases as Robust produced non-invertible matrix transforms, and we hoped that the robust metrics would deliver accurate results in the presence of non-brain image content—which the NMI metric cannot ignore during optimization.
5.3. Challenges with retraining baselines
Retraining DL baselines to improve performance for specific user data involves substantial practical challenges. For example, users have to reimplement the architecture and training setup from scratch if code is not available. If code is available, the user may be unfamiliar with the specific programming language or machine-learning library, and building on the original authors’ implementation typically requires setting up an often complex development environment with matching package versions. In our experience, not all authors make this version information readily available, such that users may have to resort to trial and error. Additionally, the user’s hardware might not be on par with the authors’. If a network exhausts the memory of the user’s GPU, avoiding prohibitively long training times on the CPU necessitates reducing model capacity, which can affect performance. We emphasize that because SynthMorph registers new images without retraining, it does not require a GPU. On the CPU, SynthMorph runtimes still compare favorably to classical methods (Table 2).
In principle, users could retrain DL methods despite the above-mentioned challenges. However, in practice the burden is usually sufficiently large that users of these technologies will turn to methods that distribute pre-trained models. For this reason, we specifically compare DL baselines trained by the respective authors, to gauge the performance attainable without retraining. While our previous work (Hoffmann, Billot, et al., 2021) demonstrated the feasibility of training registration networks within the synthesis strategy and, in fact, without any acquired data at all, the original model predicted implausibly under-regularized warps, and changing the regularization strength required retraining. In contrast, the toolbox version provides fast, domain-robust, symmetric, invertible, general-purpose DL registration, enabling users to choose the optimal regularization strength for their specific data—without retraining. We hope that the broad applicability of SynthMorph may help alleviate the historically limited reusability of DL methods.
EasyReg (Iglesias, 2023) is a recent DL registration method developed concurrently with SynthMorph. Both methods leverage the same synthesis strategy (Hoffmann et al., 2022) and thus do not require retraining. They differ in that EasyReg fits an affine transform to hard segmentation maps and estimates transforms to MNI space internally (Fonov et al., 2009), whereas SynthMorph includes an affine registration network and estimates pair-wise transforms directly. In addition, SynthMorph enables the user to control the warp smoothness at test time.
5.4. Joint registration
The joint baseline comparison highlights that deformable algorithms cannot always fully compensate for real-world inaccuracies in affine initialization. Generally, the median Dice overlap drops by a few percent when we initialize each tool with affine transforms estimated by the same package instead of NiftyReg, the most accurate affine baseline we tested. This experiment demonstrates the importance of affine registration for joint accuracy—choosing affine and deformable algorithms from the same package is likely the most common use case.
In Section 4.4, the affine subnetwork of the 10-cascade VTN model consistently ranks among the least accurate methods even for the T1w image type it trained with. We highlight that the authors of VTN do not independently tune or compare the affine component to baselines and instead focus on joint affine-deformable accuracy (S. Zhao, Dong, et al., 2019; S. Zhao, Lau, et al., 2019). While the VTN publication presents the affine cascade as an Encoder architecture ( , Section A.1) terminating with an FC layer (S. Zhao, Lau, et al., 2019), the public implementation omits the FC layer. Some of our experiments with this architecture indicated that the FC layer is critical to competitive performance.
5.5. Limitations
While SynthMorph often achieves state-of-the-art performance, we also discuss several limitations. First, the large-21 evaluation of registration accuracy uses the same anatomical labels whose overlap SynthMorph training optimizes. Although the analyses also compare the small-10 labels not optimized at training, MSE-MIND, and NCC, we consider only one label for the left and another for the right cortex, limiting the evaluation predominantly to subcortical alignment.
Second, some applications require fewer DOF than the full affine matrix that SynthMorph estimates. For example, the bulk motion in brain MRI and its mitigation through pulse-sequence adjustments are constrained to 6 DOF accounting for translation and rotation (Gallichan et al., 2016; Singh et al., 2024; Tisdall et al., 2012; White et al., 2010). Although the SynthMorph utility includes a model for rigid alignment trained with scaling and shear (Appendix B) removed from matrix of Equation (7), the evaluation focuses on affine registration.
Third, considering voxel data alone, the SynthMorph rotational range is limited as the model only sees registration pairs rotated by angles below about any axis , resulting from the rotational offset between any two input label maps combined with spatial augmentation (Appendix Table A2), because the affine model did not converge with augmentation across the full range . However, the registration problem reduces to an effective 90º range when considering the orientation information stored in medical image headers. Ignoring headers, the rotational ranges measured across OASIS and ABCD do not exceed (Appendix Fig. A4).
Fourth, we train SynthMorph as a general tool for cross-subject registration, and the evaluation on clinical data is limited to 50 glioblastoma patients.
In addition, accuracy for specialized applications such as tumor tracking will likely trail behind dedicated models. However, for tumor-specific training, our learning framework could add synthesized pathology to label maps from healthy subjects. For example, an extended synthesis may simulate the mass effect by applying deformations measured in healthy-pathologic image pairs (Hogea et al., 2007) and overlaying the deformed label map with a synthetic tumor label (Zhou et al., 2023) to subsequently generate a distinct image intensity.
5.6. Future work
We plan to expand our work in several ways. First, we will provide a trained 6-DOF model for rigid registration, as many applications require translations and rotations only, and the most accurate rigid transform does not necessarily correspond to the translation and rotation encoded in the most accurate affine transform.
Second, we will employ the proposed strategy and affine architecture to train specialized models for within-subject registration for navigator-based motion correction of neuroimaging with MRI (Gallichan et al., 2016; Hoffmann et al., 2016; Tisdall et al., 2012; White et al., 2010). These models need to be efficient for real-time use but do not have to be invariant to MRI contrast or resolution when employed to track head-pose changes between navigators acquired with a fixed protocol. However, the brain-specific registration made possible by SynthMorph will improve motion-tracking and thus correction accuracy in the presence of jaw movement (Hoffmann et al., 2020).
Third, another application that can dramatically benefit from anatomy-specific registration is fetal neuroimaging, where the fetal brain is surrounded by amniotic fluid and maternal tissue. We plan to tackle registration of the fetal brain, which is challenging, partly due to its small size, and which currently relies on brain extraction prior to registration to remove confounding image content (Billot, Moyer, et al., 2023; Gaudfernau et al., 2021; Hoffmann, Abaci Turk, et al., 2021; Puonti et al., 2016).
6. Conclusion
We present an easy-to-use DL tool for fast, symmetric, diffeomorphic—and thus invertible—end-to-end registration of images without preprocessing. Our study demonstrates the feasibility of training accurate affine and joint registration networks that generalize to image types unseen at training, outperforming established baselines across a landscape of image contrasts and resolutions. In a rigorous analysis approximating the diversity of real-world data, we find that our networks achieve invariance to protocol-specific image characteristics by leveraging a strategy that synthesizes widely variable training images from label maps.
Optimizing the spatial overlap of select anatomical labels enables anatomy-specific registration without the need for segmentation that removes distracting content from the input images. We believe this independence from complex preprocessing has great promise for time-critical applications, such as real-time motion correction of MRI. Importantly, SynthMorph is a widely applicable learning strategy for anatomy-aware and acquisition-agnostic registration of any anatomy with any network architecture, as long as label maps are available for training—there is no need for these at registration time.
Supplementary Material
Acknowledgements
The authors thank Lilla Zöllei and OASIS Cross-Sectional for sharing data (PIs D. Marcus, R. Buckner, J. Csernansky, J. Morris, NIH awards P50 AG05681, P01 AG03991, P01 AG026276, R01 AG021910, P20 MH071616, U24 R021382). We are grateful for funding from the National Institute of Biomedical Imaging and Bioengineering (P41 EB015896, P41 EB030006, R01 EB019956, R01 EB023281, R01 EB033773, R21 EB018907), the National Institute of Child Health and Human Development (R00 HD101553), the National Institute on Aging (R01 AG016495, R01 AG070988, R21 AG082082, R56 AG064027), the National Institute of Mental Health (RF1 MH121885, RF1 MH123195), the National Institute of Neurological Disorders and Stroke (R01 NS070963, R01 NS083534, R01 NS105820, U01 NS132181, UM1 NS132358), and the National Center for Research Resources (S10 RR019307, S10 RR023043, S10 RR023401). We acknowledge additional support from the BRAIN Initiative Cell Census Network (U01 MH117023) and the NIH Blueprint for Neuroscience Research (U01 MH093765), part of the multi-institutional Human Connectome Project. The study also benefited from computational hardware provided by the Massachusetts Life Sciences Center.
A. Affine Network Analysis
A.1. Affine architectures
We analyze and compare three competing network architectures (Appendix Fig. A1) that represent state-of-the art methods (Balakrishnan et al., 2019; De Vos et al., 2019; Moyer et al., 2021; Shen et al., 2019; Yu et al., 2021; Zhu et al., 2021): Decoder from Section 3.3.1 and the following Encoder and Decomposer architectures.
A.1.1. Parameter encoder
We build on networks combining a convolutional encoder with an FC layer (Shen et al., 2019; Zhu et al., 2021) whose output units we interpret as parameters for translation, rotation, scale, and shear. We refer to a cascade of such subnetworks , with , as “Encoder”. Each outputs a matrix constructed from the affine parameters as shown in Appendix B, to incrementally update the total transform. We obtain transform by matrix multiplication after invoking subnetwork ,
(A 1) |
where is the moving image transformed by , and is the identity matrix. As the subnetworks are architecturally identical, weight sharing is possible, and we evaluate versions of the model with and without weights shared across cascades.
For balanced gradient steps, we complete each subnetwork with a layer applying a learnable rescaling weight to each affine parameter before matrix construction.
A.1.2. Warp decomposer
We propose another architecture building on deformable registration models (Balakrishnan et al., 2019; De Vos et al., 2019). “Decomposer” estimates a dense deformation field with corresponding non-negative voxel weights that we decompose into the affine output transform and a (discarded) residual component , that is, . The voxel weights enable the network to focus the decomposition on the anatomy of interest. Both are outputs of a single fully convolutional network and thus benefit from weight sharing. We decompose in a WLS sense over the spatial domain of , using the definition of from Equation (1) as the submatrix of that excludes the last row:
(A 2) |
where is the matrix transpose of . Denoting , and by and the matrices whose corresponding rows are and for each , respectively, Equation (5) yields the closed-form WLS solution as in Section 3.3.1.
A.1.3. Implementation and training
Encoder predicts rotation parameters in degrees. This parameterization ensures varying rotation angles has an effect of similar magnitude as translations in millimeters, at the scale of the brain, which helps networks converge faster in our experiments. We initialize the rescaling weights of Encoder to 1 for translations and rotations, and to 0.05 for scaling and shear, which we find favorable to faster convergence. Appendix B includes details.
Training optimizes an unsupervised NCC loss between the moved image and the fixed image . All models train for a single strip with a batch size of 2 (Section 3.3.5). To avoid non-invertible matrices at the start of training, we pretrain Decomposer for 500 iterations, temporarily replacing the output transform with the field , where are the voxel weights predicted by the network (Section A.1.2), and denotes voxel-wise multiplication.
A.2. Data
For architecture analysis, we use T1w images with isotropic 1-mm resolution from adult participants aged 40–75 years from the UK Biobank (UKBB) study (Alfaro-Almagro et al., 2018; Miller et al., 2016; Sudlow et al., 2015). We conform images and derive label maps as in Section 4.1, extracting mid-sagittal slices from corresponding 3D images and label maps.
A.3. Experiment
Assuming a network capacity of ~250 k learnable parameters, we explore the relative strengths and weaknesses of each affine architecture. We conduct the experiment in a 2D-registration context, which reduces the computational burden to consider numerous model configurations.
A.3.1. Setup
We train networks drawing from a set of 5000 images, and test registration on a validation set of 100 distinct cross-subject pairs that does not overlap with the training set. To keep network capacities comparable, each model uses a different width , held constant across its convolutional layers (Appendix Table A1). Training uses only the affine augmentation indicated in Appendix Table A2.
Appendix Table A1.
Architecture | Config. | Capacity | Dev. (%) | |
---|---|---|---|---|
Encoder | = | 72 | 252 k | |
Encoder | = | 45 | 250 k | |
Encoder | = | 27 | 247 k | |
Encoder | = | 16 | 255 k | |
Encoder | = | 9 | 260 k | |
Decomposer | = 0 | 63 | 253 k | |
Decomposer | = 1 | 59 | 254 k | |
Decomposer | = 2 | 55 | 248 k | |
Decomposer | = 3 | 52 | 246 k | |
Detector | = | 62 | 248 k | |
Detector | = | 62 | 252 k | |
Detector | = | 61 | 253 k | |
Detector | = | 58 | 246 k | |
Encoder | = | 110 | 498 k | |
Decomposer | = 0 | 89 | 504 k | |
Detector | = | 87 | 503 k |
Each model configuration uses a different network width held constant across its convolutional layers to reach a target capacity of 250 k or 500 k parameters, up to a small deviation.
Appendix Table A2.
Hyperparameter | Unit | ||
---|---|---|---|
Translation | mm | 30 | |
Rotation | ° | 45 | |
Scaling | % | 90 | 110 |
Shear | % | 90 | 110 |
Warp sampling SD | mm | 0 | 2 |
Warp blurring FWHM | mm | 8 | 32 |
Label intensity mean | a.u. | 0 | 1 |
Noise intensity SD | % | 10 | 20 |
Image blurring FWHM | mm | 0 | 8 |
Bias field sampling SD | % | 0 | 10 |
Bias field blurring FWHM | mm | 48 | 64 |
FOV cropping | % | 0 | 20 |
Downsampling factor | % | 1 | 8 |
Gamma exponent | – | 1.5 |
We abbreviate standard deviation (SD), full width at half maximum (FWHM), and field of view (FOV).
First, we test if Encoder benefits from weight sharing. We train separate models with subnetworks that either share or use separate weights.
Second, we compare Decomposer variants that fit in an OLS sense, using weights , , or in a WLS sense. For both, we assess the impact of the resolution of the field relative to on performance, by upsampling by a factor of 2 after each of the first convolutional decoder blocks, using skip connections where possible, such that . A resolution of corresponds to 25% of the resolution of , that is, 25% of the original image dimensions.
Third, we analyze OLS and WLS variants of Detector predicting feature maps to compute the corresponding and for .
Finally, we select one configuration per architecture and analyze its performance across a range of transformation magnitudes. We investigate how models adapt to larger transforms, by fine-tuning trained weights to twice the affine augmentation amplitudes of Appendix Table A2 until convergence, and we repeat the experiment with doubled capacity. The test considers copies of the test set, applying random affine transforms of maximum strength relative to the augmentation range of Appendix Table A2. For example, at a given , we uniformly sample a rotation angle for each of the 200 moving and fixed images, where , and similarly for the other 6 degrees of freedom (DOF, Appendix B).
A.3.2. Results
Appendix Figure A2 compares registration accuracy for the NCC-trained models in terms of Dice overlap. Encoder achieves the highest accuracy, surpassing the best Detector configuration by up to 0.4 and the best Decomposer by up to 1 Dice point. Using more subnetworks improves Encoder performance, albeit with diminishing returns after and at the cost of substantially longer training times that roughly scale with . The local rescaling weights of subnetwork converge to values around 1 for translations and rotations and around 0.01 for scaling and shear. The values tend to decrease for subsequent ( , most noticeably the translational weights. For , the translational weights converge to roughly 50% of those of , suggesting that the first subnetworks perform the bulk of the alignment, whereas the subsequent refine it by smaller amounts. Although keeping subnetwork weights separate might also enable each to specialize in increasingly fine adjustments to the final transform, in practice we observe no benefit in distributing capacity over the subnetworks compared to weight sharing.
Decomposer shows a clear trend toward lower output resolutions improving accuracy. Although decomposing the field in a WLS sense boosts performance by 0.6–1.3 points over OLS, the model still lags behind the other architectures while requiring 2–3 times more training iterations to converge. There is little difference across numbers of output feature maps, and choosing WLS over OLS results in a minor increase in accuracy.
Appendix Figure A3 shows network robustness across a range of maximum transform strengths , where we compare Encoder with subnetworks sharing weights to the WLS variants of Decomposer without upsampling and Detector with output channels, to balance performance and efficiency. Detector proves most robust to large transforms, remaining unaffected up to , that is, shifts and rotations up to 36 mm and 54º for each axis, respectively, and scale and shear up to 0.12. In contrast, accuracy declines substantially for Encoder and Decomposer after , corresponding to maximum transforms of 24 mm and (blue). Doubling the affine augmentation extends Encoder and Decomposer robustness to but comes at the cost of a drop of 1 and 2 Dice points for all , respectively (orange). Decomposer performance is capacity-bound, as doubling the number of parameters restores ~50% of the drop in accuracy, whereas increasing capacity does not improve Encoder accuracy for (green). Detector optimally benefits from the doubled affine augmentation, which helps the network perform robustly across the test range (orange). Doubling capacity has no effect (green).
In conclusion, the marginal lead of Encoder only manifests for small transforms and at cascades. The 16 interpolation steps of this variant render it intractably inefficient for 3D applications.
In contrast, Detector performs with high accuracy across transformation strengths, making it a more suitable architecture for a general registration tool.
A.4. Discussion
The network analysis shows that Encoder is an excellent architecture if the expected transforms are small, especially at a number of cascades . For medium to large transforms, Encoder accuracy suffers. While the experiments indicate that the reduction in accuracy can be mitigated by simultaneously optimizing a separate loss for each cascade, doing so substantially increases training times compared to the other architectures. Another drawback of Encoder is the image-size dependence introduced by the FC layer. Detector is a more flexible alternative that remains robust for medium to large transforms. While the results of a 2D analysis may not generalize fully to 3D registration, prior work confirms the robustness of Detector across large transforms in 3D (Yu et al., 2021).
Vision transformers (Dosovitskiy et al., 2020) are another popular approach to overcoming the local receptive field of convolutions with small kernel sizes, querying information across distributed image patches. However, in practice, the sophisticated architecture is often unnecessary for many computer-vision tasks (Pinto et al., 2022): while simple small-kernel U-Nets generally perform well as their multi-resolution convolutions effectively widen the receptive field (Z. Liu et al., 2022), increasing the kernel size can boost the performance of convolutional networks beyond that achieved by vision transformers across multiple tasks (Ding et al., 2022; S. Liu et al., 2022).
B. Affine Parameterization
Let be a fixed D image of side lengths , where indexes the right-handed axes of the spatial image domain . This work uses zero-centered index voxel coordinates . That is,
(A 3) |
with , placing the center of rotations at the center of . Let be the affine coordinate transform of Equation (1), which maps a moving image onto the domain of . We parameterize as
(A 4) |
where , , , are matrices describing translation, rotation, scaling, and shear, respectively. Denoting by the translation and by the scaling parameter along axis , we define
(A 5) |
and
(A 6) |
For rotations and shear, we distinguish between the 2D and 3D case. Let be the angle of rotation about axis , where the direction of rotation follows the right-hand rule. We abbreviate and .
B.1. Two-dimensional case
In 2D, we apply the rotation angle and shear using matrices
(A 7) |
B.2. Three-dimensional case
We consider intrinsic 3D rotations represented as the matrix product , where
(A 8) |
(A 9) |
(A 10) |
and we apply the shears using the parameterization:
(A 11) |
B.3. Transforming coordinates
With the notation introduced in Equation (1), we transform the coordinates of an D point
(A 12) |
as , or, using a single matrix product,
(A 13) |
C. Generation Hyperparameters
Appendix Table A2 lists the generation hyperparameter ranges that SynthMorph training uses for label-map augmentation and image synthesis.
D. Transform Analysis
In this supplementary experiment, we analyze the range of typical transforms a registration tool may have to cope with. We register 1000 distinct and randomly pooled subject pairs from OASIS and another 1000 pairs from ABCD. The estimated transformation matrix decomposes into the translation, rotation, scaling, and shearing parameters defined in Appendix B.
Appendix Figure A4 presents the range of absolute transformation parameters measured within OASIS and ABCD, along any axis of the common space introduced in Section 4.1. Within OASIS, the mean translations and rotations are mm and , respectively ( standard deviation, SD). The average scaling and shearing parameters are % and %, respectively. While the bulk of the transforms is small, a subset of the OASIS subjects are far apart, leading to large total ranges of translation mm, rotation , scaling %, and shear %. Transforms within ABCD follow a similar distribution.
Therefore, we choose to augment input label maps at training with affine transforms drawn from the ranges of Appendix Table A2, ensuring that SynthMorph covers the transformation parameters measured across public datasets.
E. Loss Comparison
In another supplementary experiment, we explore the benefit of optimizing a loss on one-hot encoded label maps compared to optimizing a multi-modal image-similarity loss. We train two identical deformable hypermodels on synthetic images: one model optimizing MSE on brain labels (Section 3.3.3), the other optimizing the modality-independent image-similarity loss MIND-MSE over the brain (Section 4.3). For both models, we complete the similarity term with the regularization term of Equation (10), and we align all training label maps and evaluation images to a common affine space using NiftyReg.
Assessing brain-registration accuracy across 100 cross-subject pairs from the UKBB (Section A.2), we find that training with the label-based loss leads to better Dice scores at test, while the image-based loss leads to better MIND-MSE scores at test (Appendix Fig. A5). However, label-based training substantially outperforms training with MIND-MSE in terms of the image-similarity metric NCC—which, unfortunately, we cannot straightforwardly optimize within the synthesis-based training strategy as it does not perform well for image pairs with different contrasts (Hoffmann et al., 2022).
The image-based loss term may still be sensitive to some of the contrast and artifact differences between the fixed and moving training images that do not represent differences in anatomy, whereas the label-based loss is independent of these intensity differences by construction.
Data and Code Availability
A stand-alone SynthMorph utility and the source code are available at https://w3id.org/synthmorph. We also distribute SynthMorph as part of the open-source FreeSurfer package at https://freesurfer.net. The experiments presented in this study retrospectively analyze public datasets whose original sources we indicate in Section 4.1.
Author Contributions
Malte Hoffmann worked on conceptualization, data curation, formal analysis, funding acquisition, investigation, methodology, project administration, software, and writing (original draft, review, editing). Andrew Hoopes assisted with data curation, methodology, resources, software, validation, and writing (review, editing). Douglas N. Greve helped with data curation, funding acquisition, resources, validation, and writing (review, editing). Bruce Fischl worked on conceptualization, funding acquisition, investigation, methodology, resources, software, supervision, and writing (review, editing). Adrian V. Dalca contributed to conceptualization, methodology, resources, software, supervision, and writing (review, editing).
Ethics
We retrospectively re-analyze public datasets only. The Mass General Brigham Internal Review Board (IRB) approved the FSM study and the infant study. The Committee on Clinical Investigation at Boston Children’s Hospital approved the infant study. Retrospective analysis of de-identified open-access data did not require ethical approval. All subjects gave written informed consent.
Declaration of Competing Interest
Bruce Fischl has financial interests in CorticoMetrics, a company whose medical pursuits focus on brain imaging and measurement technologies. Malte Hoffmann and Bruce Fischl received salary support from GE HealthCare. Massachusetts General Hospital and Mass General Brigham manage this interest in accordance with their conflict of interest policies. The authors have no other interests that could have inappropriately influenced the work reported in this paper.
Supplementary Materials
Supplementary material for this article is available with the online version here: https://doi.org/10.1162/imag_a_00197.
References
- Alfaro-Almagro, F., Jenkinson, M., Bangerter, N. K., Andersson, J. L., Griffanti, L., Douaud, G., Sotiropoulos, S. N., Jbabdi, S., Hernandez-Fernandez, M., Vallee, E., Vidaurre, D., Webster, M., McCarthy, P., Rorden, C., Daducci, A., Alexander, D. C., Zhang, H., Dragonu, I., Matthews, P. M., … Smith, S. M. (2018). Image processing and quality control for the first 10,000 brain imaging datasets from UK Biobank. NeuroImage, 166, 400–424. 10.1016/j.neuroimage.2017.10.034 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Andersson, J. L. R., Jenkinson, M., & Smith, S. (2007). Non-linear registration aka spatial normalisation. FMRIB Technical Report TR07JA2. FMRIB Analysis Group of the University of Oxford, 2(1). https://www.fmrib.ox.ac.uk/datasets/techrep/tr07ja2/tr07ja2.pdf [Google Scholar]
- Andrade, N., Faria, F. A., & Cappabianco, F. A. M. (2018). A practical review on medical image registration: From rigid to deep learning based approaches. In 2018 31st SIBGRAPI Conference on Graphics, Patterns and Images (SIBGRAPI), Parana, Brazil, 29 October 2018–01 November (pp. 463–470). IEEE. 10.1109/sibgrapi.2018.00066 [DOI] [Google Scholar]
- Ashburner, J. (2007). A fast diffeomorphic image registration algorithm. NeuroImage, 38(1), 95–113. 10.1016/j.neuroimage.2007.07.007 [DOI] [PubMed] [Google Scholar]
- Ashburner, J., & Friston, K. J. (2000). Voxel-based morphometry—The methods. NeuroImage, 11(6), 805–821. 10.1006/nimg.2000.0582 [DOI] [PubMed] [Google Scholar]
- Avants, B. B., Epstein, C. L., Grossman, M., & Gee, J. C. (2008). Symmetric diffeomorphic image registration with cross-correlation: Evaluating automated labeling of elderly and neurodegenerative brain. Medical Image Analysis, 12(1), 26–41. 10.1016/j.media.2007.06.004 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Avants, B. B., Tustison, N. J., Song, G., Cook, P. A., Klein, A., & Gee, J. C. (2011). A reproducible evaluation of ANTs similarity metric performance in brain image registration. NeuroImage, 54(3), 2033–2044. 10.1016/j.neuroimage.2010.09.025 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Balakrishnan, G., Zhao, A., Sabuncu, M. R., Guttag, J., & Dalca, A. V. (2019). VoxelMorph: A learning framework for deformable medical image registration. IEEE Transactions on Medical Imaging, 38(8), 1788–1800. 10.1109/tmi.2019.2897538 [DOI] [PubMed] [Google Scholar]
- Besl, P. J., & McKay, N. D. (1992). Method for registration of 3-D shapes. In Proceedings Volume 1611, Sensor Fusion IV: Control Paradigms and Data Structures Robotics ‘91, 1991, Boston, MA (pp. 586–606). 10.1117/12.57955 [DOI] [Google Scholar]
- Billings, S. D., Boctor, E. M., & Taylor, R. H. (2015). Iterative most-likely point registration (IMLP): A robust algorithm for computing optimal shape alignment. PLoS One, 10(3), e0117688. 10.1371/journal.pone.0117688 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Billot, B., Greve, D. N., Puonti, O., Thielscher, A., Van Leemput, K., Fischl, B., Dalca, A. V., & Iglesias, J. E. (2023). SynthSeg: Segmentation of brain MRI scans of any contrast and resolution without retraining. Medical Image Analysis, 86, 102789. 10.1016/j.media.2023.102789 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Billot, B., Greve, D. N., Van Leemput, K., Fischl, B., Iglesias, J. E., & Dalca, A. (2020). A learning strategy for contrast-agnostic MRI segmentation. Medical Imaging with Deep Learning, 121, 75–93. 10.48550/arXiv.2003.01995 [DOI] [Google Scholar]
- Billot, B., Moyer, D., Dey, N., Hoffmann, M., Turk, E. A., Gagoski, B., Grant, E., & Golland, P. (2023). SE(3)-equivariant and noise-invariant 3D rigid motion tracking in brain MRI. IEEE transactions on medical imaging. In Press. 10.1109/TMI.2024.3411989 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Cai, L. Y., Yang, Q., Kanakaraj, P., Nath, V., Newton, A. T., Edmonson, H. A., Luci, J., Conrad, B. N., Price, G. R., Hansen, C. B., Kerley, C. I., Ramadass, K., Yeh, F.-C., Kang, H., Garyfallidis, E., Descoteaux, M., Rheault, F., Schilling, K. G., & Landman, B. A. (2021). MASiVar: Multisite, multiscanner, and multisubject acquisitions for studying variability in diffusion weighted MRI. Magnetic Resonance in Medicine, 86(6), 3304–3320. 10.1002/mrm.28926 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Casey, B., Cannonier, T., Conley, M. I., Cohen, A. O., Barch, D. M., Heitzeg, M. M., Soules, M. E., Teslovich, T., Dellarco, D. V., Garavan, H., Orr, C. A., Wager, T. D., Banich, M. T., Speer, N. K., Sutherland, M. T., Riedel, M. C., Dick, A. S., Bjork, J. M., Thomas, K. M., … Dale, A. M. (2018). The Adolescent Brain Cognitive Development (ABCD) study: Imaging acquisition across 21 sites. Developmental Cognitive Neuroscience, 32, 43–54. 10.1016/j.dcn.2018.03.001 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Chaitanya, K., Karani, N., Baumgartner, C. F., Becker, A., Donati, O., & Konukoglu, E. (2019). Semi-supervised and task-driven data augmentation. In Chung A., Gee J., Yushkevich P., & Bao S. (Eds.), Information processing in medical imaging (pp. 29–41). Springer. 10.1007/978-3-030-20351-1_3 [DOI] [Google Scholar]
- Chang, Q., Lu, C., & Li, M. (2023). Cascading affine and B-spline registration method for large deformation registration of lung X-rays. Journal of Digital Imaging, 36(3), 1262–1278. 10.1007/s10278-022-00763-z [DOI] [PMC free article] [PubMed] [Google Scholar]
- Chen, M., Carass, A., Jog, A., Lee, J., Roy, S., & Prince, J. L. (2017). Cross contrast multi-channel image registration using image synthesis for MR brain images. Medical Image Analysis, 36, 2–14. 10.1016/j.media.2016.10.005 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Chen, X., Meng, Y., Zhao, Y., Williams, R., Vallabhaneni, S. R., & Zheng, Y. (2021). Learning unsupervised parameter-specific affine transformation for medical images registration. In de Bruijne M., Cattin P. C., Cotin S., Padoy N., Speidel S., Zheng Y., & Essert C. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2021 (pp. 24–34). Springer. 10.1007/978-3-030-87202-1_3 [DOI] [Google Scholar]
- Clark, K., Vendt, B., Smith, K., Freymann, J., Kirby, J., Koppel, P., Moore, S., Phillips, S., Maffitt, D., Pringle, M., Tarbox, L., & Prior, F. (2013). The Cancer Imaging Archive (TCIA): Maintaining and operating a public information repository. Journal of Digital Imaging, 26(6), 1045–1057. 10.1007/s10278-013-9622-7 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Cox, R. W. (1996). AFNI: Software for analysis and visualization of functional magnetic resonance neuroimages. Computers and Biomedical Research, 29(3), 162–173. 10.1006/cbmr.1996.0014 [DOI] [PubMed] [Google Scholar]
- Cox, R. W., & Jesmanowicz, A. (1999). Real-time 3D image registration for functional MRI. Magnetic Resonance in Medicine, 42(6), 1014–1018. [DOI] [PubMed] [Google Scholar]
- Dalca, A. V., Balakrishnan, G., Guttag, J., & Sabuncu, M. R. (2018). Unsupervised learning for fast probabilistic diffeomorphic registration. In Frangi A., Schnabel J., Davatzikos C., Alberola-López C., & Fichtinger G. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2018 (pp. 729–738). Springer. 10.1007/978-3-030-00928-1_82 [DOI] [Google Scholar]
- Dalca, A. V., Balakrishnan, G., Guttag, J., & Sabuncu, M. R. (2019). Unsupervised learning of probabilistic diffeomorphic registration for images and surfaces. Medical Image Analysis, 57, 226–236. 10.1016/j.media.2019.07.006 [DOI] [PubMed] [Google Scholar]
- de Macedo Rodrigues, K., Ben-Avi, E., Sliva, D. D., Choe, M.-s., Drottar, M., Wang, R., Fischl, B., Grant, P. E., & Zöllei, L. (2015). A FreeSurfer-compliant consistent manual segmentation of infant brains spanning the 0–2 years age range. Frontiers in Human Neuroscience, 9, 21. 10.3389/fnhum.2015.00021 [DOI] [PMC free article] [PubMed] [Google Scholar]
- De Vos, B. D., Berendsen, F. F., Viergever, M. A., Sokooti, H., Staring, M., & Išgum, I. (2019). A deep learning framework for unsupervised affine and deformable image registration. Medical Image Analysis, 52, 128–143. 10.1016/j.media.2018.11.010 [DOI] [PubMed] [Google Scholar]
- De Vos, B. D., Berendsen, F. F., Viergever, M. A., Staring, M., & Išgum, I. (2017). End-to-end unsupervised deformable image registration with a convolutional neural network. In Jorge Cardoso M., Arbel T., Carneiro G., Syeda-Mahmood T., Tavares J. M. R. S., Moradi M., Bradley A., Greenspan H., Papa J. P., Madabhushi A., Nascimento J. C., Cardoso J. S., Belagiannis V., & Lu Z. (Eds.), Deep learning in medical image analysis and multimodal learning for clinical decision support (pp. 204–212). Springer. 10.1007/978-3-319-67558-9_24 [DOI] [Google Scholar]
- Dice, L. R. (1945). Measures of the amount of ecologic association between species. Ecology, 26(3), 297–302. 10.2307/1932409 [DOI] [Google Scholar]
- Ding, X., Zhang, X., Han, J., & Ding, G. (2022). Scaling up your kernels to 31x31: Revisiting large kernel design in CNNs. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 11963–11975). IEEE. 10.1109/cvpr52688.2022.01166 [DOI] [Google Scholar]
- Dosovitskiy, A., Beyer, L., Kolesnikov, A., Weissenborn, D., Zhai, X., Unterthiner, T., Dehghani, M., Minderer, M., Heigold, G., Gelly, S., Uszkoreit, J., & Houlsby, N. (2020). An image is worth 16x16 words: Transformers for image recognition at scale. arXiv preprint arXiv:2010.11929. 10.48550/arXiv.2010.11929 [DOI] [Google Scholar]
- Eppenhof, K. A. J., & Pluim, J. P. W. (2018). Pulmonary CT registration through supervised learning with convolutional neural networks. IEEE Transactions on Medical Imaging, 38(5), 1097–1105. 10.1109/tmi.2018.2878316 [DOI] [PubMed] [Google Scholar]
- Eskildsen, S. F., Coupé, P., Fonov, V., Manjón, J. V., Leung, K. K., Guizard, N., Wassef, S. N., Østergaard, L. R., & Collins, D. L. (2012). BEaST: Brain extraction based on nonlocal segmentation technique. NeuroImage, 59(3), 2362–2373. 10.1016/j.neuroimage.2011.09.012 [DOI] [PubMed] [Google Scholar]
- Fein, G., Landman, B., Tran, H., Barakos, J., Moon, K., Sclafani Di, V., & Shumway, R. (2006). Statistical parametric mapping of brain morphology: Sensitivity is dramatically increased by using brain-extracted images as inputs. NeuroImage, 30(4), 1187–1195. 10.1016/j.neuroimage.2005.10.054 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Fischl, B. (2012). FreeSurfer. NeuroImage, 62(2), 774–781. 10.1016/j.neuroimage.2012.01.021 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Fischl, B., Salat, D. H., Busa, E., Albert, M., Dieterich, M., Haselgrove, C., Kouwe van der, W. A. J., Killiany, R., Kennedy, D., Klaveness, S., Montillo, A., Makris, N., Rosen, B. R., & Dale, A. M. (2002). Whole brain segmentation: Automated labeling of neuroanatomical structures in the human brain. Neuron, 33(3), 341–355. 10.1016/s0896-6273(02)00569-x [DOI] [PubMed] [Google Scholar]
- Fischl, B., Salat, D. H., Kouwe van der, W. A. J., Makris, N., Ségonne, F., Quinn, B. T., & Dale, A. M. (2004). Sequence-independent segmentation of magnetic resonance images. NeuroImage, 23, S69–S84. 10.1016/j.neuroimage.2004.07.016 [DOI] [PubMed] [Google Scholar]
- Fischmeister, F. P. S., Höllinger, I., Klinger, N., Geissler, A., Wurnig, M. C., Matt, E., Rath, J., Robinson, S. D., Trattnig, S., & Beisteiner, R. (2013). The benefits of skull stripping in the normalization of clinical fMRI data. NeuroImage: Clinical, 3, 369–380. 10.1016/j.nicl.2013.09.007 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Fonov, V. S., Evans, A. C., McKinstry, R. C., Almli, C. R., & Collins, D. (2009). Unbiased nonlinear average age-appropriate brain templates from birth to adulthood. NeuroImage, 47, S102. 10.1016/s1053-8119(09)70884-5 [DOI] [Google Scholar]
- Friston, K. J., Ashburner, J., Frith, C. D., Poline, J.-B., Heather, J. D., & Frackowiak, R. S. (1995). Spatial registration and normalization of images. Human Brain Mapping, 3(3), 165–189. 10.1002/hbm.460030303 [DOI] [Google Scholar]
- Fu, Y., Lei, Y., Wang, T., Curran, W. J., Liu, T., & Yang, X. (2020). Deep learning in medical image registration: A review. Physics in Medicine & Biology, 65(20), 20TR01. 10.1088/1361-6560/ab843e [DOI] [PMC free article] [PubMed] [Google Scholar]
- Gallichan, D., Marques, J. P., & Gruetter, R. (2016). Retrospective correction of involuntary microscopic head movement using highly accelerated fat image navigators (3D FatNavs) at 7T. Magnetic Resonance in Medicine, 75(3), 1030–1039. 10.1002/mrm.25670 [DOI] [PubMed] [Google Scholar]
- Gaudfernau, F., Blondiaux, E., & Allassonière, S. (2021). Analysis of the anatomical variability of fetal brains with corpus callosum agenesis. In Sudre C. H., Licandro R., Baumgartner C., Melbourne A., Dalca A., Hutter J., Tanno R., Turk E. A., Van Leemput K., Barrena J. T., Wells W. M., & Macgowan C. (Eds.), Uncertainty for safe utilization of machine learning in medical imaging, and perinatal imaging, placental and preterm image analysis (pp. 274–283). Springer. 10.1007/978-3-030-87735-4_26 [DOI] [Google Scholar]
- Gelfand, N., Mitra, N. J., Guibas, L. J., & Pottmann, H. (2005). Robust global registration. In Desbrun M. & Pottmann H. (Eds.), Symposium on geometry processing (Vol. 2, p. 5). Eurographics. https://dl.acm.org/doi/abs/10.5555/1281920.1281953 [Google Scholar]
- Glocker, B., Komodakis, N., Tziritas, G., Navab, N., & Paragios, N. (2008). Dense image registration through MRFs and efficient linear programming. Medical Image Analysis, 12(6), 731–741. 10.1016/j.media.2008.03.006 [DOI] [PubMed] [Google Scholar]
- Glocker, B., Sotiras, A., Komodakis, N., & Paragios, N. (2011). Deformable medical image registration: Setting the state of the art with discrete methods. Annual Review of Biomedical Engineering, 13, 219–244. 10.1146/annurev-bioeng-071910-124649 [DOI] [PubMed] [Google Scholar]
- Gopinath, K., Hu, X., Hoffmann, M., Puonti, O., & Iglesias, J. E. (2024). Registration by regression (RbR): A framework for interpretable and flexible atlas registration. arXiv preprint arXiv:2404.16781. 10.48550/arXiv.2404.16781 [DOI] [Google Scholar]
- Greve, D. N., Billot, B., Cordero, D., Hoopes, A., Hoffmann, M., Dalca, A. V., Fischl, B., Iglesias, J. E., & Augustinack, J. C. (2021). A deep learning toolbox for automatic segmentation of subcortical limbic structures from MRI images. NeuroImage, 244, 118610. 10.1016/j.neuroimage.2021.118610 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Grzech, D., Azampour, M. F., Glocker, B., Schnabel, J., Navab, N., Kainz, B., & Folgoc Le, L. (2022). A variational bayesian method for similarity learning in non-rigid image registration. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 119–128). IEEE. 10.1109/cvpr52688.2022.00022 [DOI] [Google Scholar]
- Guo, C. K. (2019). Multi-modal image registration with unsupervised deep learning. Massachusetts Institute of Technology. https://dspace.mit.edu/handle/1721.1/123142 [Google Scholar]
- Hajnal, J. V., & Hill, D. L. (2001). Medical image registration. CRC Press. 10.1201/9781420042474 [DOI] [Google Scholar]
- Harms, M. P., Somerville, L. H., Ances, B. M., Andersson, J., Barch, D. M., Bastiani, M., Bookheimer, S. Y., Brown, T. B., Buckner, R. L., Burgess, G. C., Coalson, T. S., Chappell, M. A., Dapretto, M., Douaud, G., Fischl, B., Glasser, M. F., Greve, D. N., Hodge, C., Jamison, K. W., … Yacoub, E. (2018). Extending the human connectome project across ages: Imaging protocols for the lifespan development and aging projects. NeuroImage, 183, 972–984. 10.1016/j.neuroimage.2018.09.060 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Heinrich, M. P. (2019). Closing the gap between deep and conventional image registration using probabilistic dense displacement networks. In Shen D., Liu T., Peters T. M., Staib L. H., Essert C., Zhou S., Yap P.-T., & Khan A. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2019 (pp. 50–58). Springer. 10.1007/978-3-030-32226-7_6 [DOI] [Google Scholar]
- Heinrich, M. P., Jenkinson, M., Bhushan, M., Matin, T., Gleeson, F. V., Brady, M., & Schnabel, J. A. (2012). MIND: Modality independent neighbourhood descriptor for multi-modal deformable registration. Medical Image Analysis, 16(7), 1423–1435. 10.1016/j.media.2012.05.008 [DOI] [PubMed] [Google Scholar]
- Heinrich, M. P., Jenkinson, M., Brady, M., & Schnabel, J. A. (2013). MRF-based deformable registration and ventilation estimation of lung CT. IEEE Transactions on Medical Imaging, 32(7), 1239–1248. 10.1109/tmi.2013.2246577 [DOI] [PubMed] [Google Scholar]
- Hellier, P., Barillot, C., Mémin, E., & Pérez, P. (2001). Hierarchical estimation of a dense deformation field for 3-D robust registration. IEEE Transactions on Medical Imaging, 20(5), 388–402. 10.1109/42.925292 [DOI] [PubMed] [Google Scholar]
- Hoffmann, M., Turk Abaci, E., Gagoski, B., Morgan, L., Wighton, P., Tisdall, M. D., Reuter, M., Adalsteinsson, E., Grant, P. E., Wald, L. L., & van der Kouwe, A. J. W. (2021). Rapid head-pose detection for automated slice prescription of fetal-brain MRI. International Journal of Imaging Systems and Technology, 31(3), 1136–1154. 10.1002/ima.22563 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hoffmann, M., Billot, B., Greve, D. N., Iglesias, J. E., Fischl, B., & Dalca, A. V. (2022). SynthMorph: Learning contrast-invariant registration without acquired images. IEEE Transactions on Medical Imaging, 41(3), 543–558. 10.1109/tmi.2021.3116879 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hoffmann, M., Billot, B., Iglesias, J. E., Fischl, B., & Dalca, A. V. (2021). Learning MRI contrast-agnostic registration. In 2021 IEEE 18th International Symposium on Biomedical Imaging (ISBI), Nice, France, 13–16 April (pp. 899–903). IEEE. 10.1109/isbi48211.2021.9434113 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hoffmann, M., Carpenter, T. A., Williams, G. B., & Sawiak, S. J. (2015). A survey of patient motion in disorders of consciousness and optimization of its retrospective correction. Magnetic Resonance Imaging, 33(3), 346–350. 10.1016/j.mri.2014.11.004 [DOI] [PubMed] [Google Scholar]
- Hoffmann, M., Frost, R., Salat, D., Tisdall, M. D., Polimeni, J., & van der Kouwe, A. J. W. (2020). Real-time brain masking algorithm improves motion tracking accuracy in scans with volumetric navigators (vNavs). Proceedings of the International Society for Magnetic Resonance in Medicine, 2020, 3367. https://www.ncbi.nlm.nih.gov/pmc/articles/PMC10416756/ [PMC free article] [PubMed] [Google Scholar]
- Hoffmann, M., Hoopes, A., Fischl, B., & Dalca, A. V. (2023). Anatomy-specific acquisition-agnostic affine registration learned from fictitious images. In Colliot O. & Išgum I. (Eds.), Medical imaging 2023: Image processing, San Diego, CA, 19–24 February (Vol. 12464, p. 1246402). SPIE. 10.1117/12.2653251 [DOI] [Google Scholar]
- Hoffmann, M., Mada, M., Carpenter, T. A., Sawiak, S. J., & Williams, G. B. (2016). Additional sampling directions improve detection range of wireless radiofrequency probes. Magnetic Resonance in Medicine, 76(3), 913–918. 10.1002/mrm.25993 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hogea, C., Biros, G., Abraham, F., & Davatzikos, C. (2007). A robust framework for soft tissue simulations with application to modeling brain tumor mass effect in 3D MR images. Physics in Medicine & Biology, 52(23), 6893. 10.1088/0031-9155/52/23/008 [DOI] [PubMed] [Google Scholar]
- Holmes, A. J., Hollinshead, M. O., O’keefe, T. M., Petrov, V. I., Fariello, G. R., Wald, L. L., Fischl, B., Rosen, B. R., Mair, R. W., Roffman, J. L., Smoller, J. W., & Buckner, R. L. (2015). Brain genomics superstruct project initial data release with structural, functional, and behavioral measures. Scientific Data, 2(1), 1–16. 10.1038/sdata.2015.31 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hoopes, A., Hoffmann, M., Fischl, B., Guttag, J., & Dalca, A. V. (2021). HyperMorph: Amortized hyperparameter learning for image registration. In IPMI 2021: Information processing in medical imaging (pp. 3–17). Springer International Publishing. https://doi.org/10.1007/978-3-030-78191-0_1 [Google Scholar]
- Hoopes, A., Hoffmann, M., Greve, D. N., Fischl, B., Guttag, J., & Dalca, A. V. (2022). Learning the effect of registration hyperparameters with HyperMorph. Machine Learning for Biomedical Imaging, 1(IPMI 2021 Special Issue), 1–30. 10.59275/j.melba.2022-74f1 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hoopes, A., Mora, J. S., Dalca, A. V., Fischl, B., & Hoffmann, M. (2022). SynthStrip: Skull-stripping for any brain image. NeuroImage, 260, 119474. 10.1016/j.neuroimage.2022.119474 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hu, Y., Modat, M., Gibson, E., Ghavami, N., Bonmati, E., Moore, C. M., Emberton, M., Noble, J. A., Barratt, D. C., & Vercauteren, T. (2018). Label-driven weakly-supervised learning for multimodal deformable image registration. In 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, 4–7 April (pp. 1070–1074). IEEE. 10.1109/isbi.2018.8363756 [DOI] [Google Scholar]
- Iglesias, J. E. (2023). A ready-to-use machine learning tool for symmetric multi-modality registration of brain MRI. Scientific Reports, 13(1), 6657. 10.1038/s41598-023-33781-0 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Iglesias, J. E., Konukoglu, E., Zikic, D., Glocker, B., Van Leemput, K., & Fischl, B. (2013). Is synthesizing MRI contrast useful for inter-modality analysis? In Mori K., Sakuma I., Sato Y., Barillot C., & Navab N. (Eds.), Medical image computing and computer-assisted intervention—MICCAI 2013 (pp. 631–638). 10.1007/978-3-642-40811-3_79 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Iglesias, J. E., Liu, C.-Y., Thompson, P. M., & Tu, Z. (2011). Robust brain extraction across datasets and comparison with publicly available methods. IEEE Transactions on Medical Imaging, 30(9), 1617–1634. 10.1109/tmi.2011.2138152 [DOI] [PubMed] [Google Scholar]
- Imperial College London. (2015). IXI dataset. Retrieved April 29, 2022 from https://brain-development.org/ixi-dataset/
- Jenkinson, M., Beckmann, C. F., Behrens, T. E. J., Woolrich, M. W., & Smith, S. M. (2012). FSL. NeuroImage, 62(2), 782–790. 10.1016/j.neuroimage.2011.09.015 [DOI] [PubMed] [Google Scholar]
- Jenkinson, M., & Smith, S. (2001). A global optimisation method for robust affine registration of brain images. Medical Image Analysis, 5(2), 143–156. 10.1016/s1361-8415(01)00036-6 [DOI] [PubMed] [Google Scholar]
- Jiang, A., Kennedy, D. N., Baker, J. R., Weisskoff, R. M., Tootell, R. B. H., Woods, R. P., Benson, R. R., Kwong, K. K., Brady, T. J., Rosen, B. R., & Belliveau, J. W. (1995). Motion detection and correction in functional MR imaging. Human Brain Mapping, 3(3), 224–235. 10.1002/hbm.460030306 [DOI] [Google Scholar]
- Kamnitsas, K., Baumgartner, C., Ledig, C., Newcombe, V., Simpson, J., Kane, A., Menon, D., Nori, A., Criminisi, A., Rueckert, D., & Glocker, B. (2017). Unsupervised domain adaptation in brain lesion segmentation with adversarial networks. In Information processing in medical imaging (pp. 597–609). Springer International Publishing. 10.48550/arXiv.2402.16634 [DOI] [Google Scholar]
- Kelley, W., Ngo, N., Dalca, A. V., Fischl, B., Zöllei, L., & Hoffmann, M. (2024). Boosting skull-stripping performance for pediatric brain images. In IEEE International Symposium on Biomedical Imaging. 10.48550/arXiv.2402.16634 [DOI] [Google Scholar]
- Kingma, D. P., & Ba, J. (2014). Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980. 10.48550/arXiv.1412.6980 [DOI] [Google Scholar]
- Klein, A., Andersson, J., Ardekani, B. A., Ashburner, J., Avants, B., Chiang, M.-C., Christensen, G. E., Collins, D. L., Gee, J., Hellier, P., Song, J. H., Jenkinson, M., Lepage, C., Rueckert, D., Thompson, P., Vercauteren, T., Woods, R. P., Mann, J. J., & Parsey, R. V. (2009). Evaluation of 14 nonlinear deformation algorithms applied to human brain MRI registration. NeuroImage, 46(3), 786–802. 10.1016/j.neuroimage.2008.12.037 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Kneeland, J. B., Shimakawa, A., & Wehrli, F. W. (1986). Effect of intersection spacing on MR image contrast and study time. Radiology, 158(3), 819–822. 10.1148/radiology.158.3.3945757 [DOI] [PubMed] [Google Scholar]
- Krebs, J., Delingette, H., Mailhé, B., Ayache, N., & Mansi, T. (2019). Learning a probabilistic model for diffeomorphic registration. IEEE Transactions on Medical Imaging, 38(9), 2165–2176. 10.1109/tmi.2019.2897112 [DOI] [PubMed] [Google Scholar]
- Krebs, J., Mansi, T., Delingette, H., Zhang, L., Ghesu, F. C., Miao, S., Maier, A. K., Ayache, N., Liao, R., & Kamen, A. (2017). Robust non-rigid registration through agent-based action learning. In Descoteaux M., Maier-Hein L., Franz A., Jannin P., Collins D. L., & Duchesne S. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2017 (pp. 344–352). Springer. 10.1007/978-3-319-66182-7_40 [DOI] [Google Scholar]
- Li, H., & Fan, Y. (2017). Non-rigid image registration using fully convolutional networks with deep self-supervision. arXiv preprint arXiv:1709.00799. [Google Scholar]
- Liu, S., Chen, T., Chen, X., Chen, X., Xiao, Q., Wu, B., Pechenizkiy, M., Mocanu, D., & Wang, Z. (2022). More ConvNets in the 2020s: Scaling up kernels beyond 51x51 using sparsity. arXiv preprint arXiv:2207.03620. 10.48550/arXiv.2207.03620 [DOI] [Google Scholar]
- Liu, Z., Mao, H., Wu, C.-Y., Feichtenhofer, C., Darrell, T., & Xie, S. (2022). A ConvNet for the 2020s. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 11976–11986). IEEE. https://doi.ieeecomputersociety.org/10.1109/CVPR52688.2022.01167 [Google Scholar]
- Lorenzi, M., Ayache, N., Frisoni, G. B., & Pennec, X. (2013). LCC-Demons: A robust and accurate symmetric diffeomorphic registration algorithm. NeuroImage, 81, 470–483. 10.1016/j.neuroimage.2013.04.114 [DOI] [PubMed] [Google Scholar]
- Lowe, D. G. (2004). Distinctive image features from scale-invariant keypoints. International Journal of Computer Vision, 60(2), 91–110. 10.1023/b:visi.0000029664.99615.94 [DOI] [Google Scholar]
- Machado, I., Toews, M., Luo, J., Unadkat, P., Essayed, W., George, E., Teodoro, P., Carvalho, H., Martins, J., Golland, P., Pieper, S., Frisken, S., Golby, A., & Wells, W., III. (2018). Non-rigid registration of 3D ultrasound for neurosurgery using automatic feature detection and matching. International Journal of Computer Assisted Radiology and Surgery, 13(10), 1525–1538. 10.1007/s11548-018-1786-7 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Maes, F., Collignon, A., Vandermeulen, D., Marchal, G., & Suetens, P. (1997). Multimodality image registration by maximization of mutual information. IEEE Transactions on Medical Imaging, 16(2), 187–198. 10.1109/42.563664 [DOI] [PubMed] [Google Scholar]
- Mamonov, A. B., & Kalpathy-Cramer, J. (2016). Data from QIN GBM treatment response. The Cancer Imaging Archive. 10.7937/k9/tcia.2016.nQF4gpn2 [DOI] [Google Scholar]
- Marcus, D. S., Wang, T. H., Parker, J., Csernansky, J. G., Morris, J. C., & Buckner, R. L. (2007). Open Access Series of Imaging Studies (OASIS): Cross-sectional MRI data in young, middle aged, nondemented, and demented older adults. Journal of Cognitive Neuroscience, 19(9), 1498–1507. 10.1162/jocn.2007.19.9.1498 [DOI] [PubMed] [Google Scholar]
- Matas, J., Chum, O., Urban, M., & Pajdla, T. (2004). Robust wide-baseline stereo from maximally stable extremal regions. Image and Vision Computing, 22(10), 761–767. 10.1016/j.imavis.2004.02.006 [DOI] [Google Scholar]
- Meng, M., Bi, L., Fulham, M., Feng, D., & Kim, J. (2023). Non-iterative coarse-to-fine transformer networks for joint affine and deformable image registration. In International Conference on Medical Image Computing and Computer Assisted Intervention (MICCAI 2023) (pp. 750–760). 10.1007/978-3-031-43999-5_71 [DOI] [Google Scholar]
- Meyer, C. R., Leichtman, G. S., Brunberg, J. A., Wahl, R. L., & Quint, L. E. (1995). Simultaneous usage of homologous points, lines, and planes for optimal, 3-D, linear registration of multimodality imaging data. IEEE Transactions on Medical Imaging, 14(1), 1–11. 10.1109/42.370397 [DOI] [PubMed] [Google Scholar]
- Miller, K. L., Alfaro-Almagro, F., Bangerter, N. K., Thomas, D. L., Yacoub, E., Xu, J., Bartsch, A. J., Jbabdi, S., Sotiropoulos, S. N., Andersson, J. L. R., Griffanti, L., Douaud, G., Okell, T. W., Weale, P., Dragonu, I., Garratt, S., Hudson, S., Collins, R., Jenkinson, M., … Smith, S. M. (2016). Multimodal population brain imaging in the UK Biobank prospective epidemiological study. Nature Neuroscience, 19(11), 1523–1536. 10.1038/nn.4393 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Milletari, F., Navab, N., & Ahmadi, S.-A. (2016). V-Net: Fully convolutional neural networks for volumetric medical image segmentation. In International conference on 3D vision (pp. 565–571). IEEE. 10.1109/3DV.2016.79 [DOI] [Google Scholar]
- Modat, M., Cash, D. M., Daga, P., Winston, G. P., Duncan, J. S., & Ourselin, S. (2014). Global image registration using a symmetric block-matching approach. Journal of Medical Imaging, 1(2), 024003. 10.1117/1.jmi.1.2.024003 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Mok, T. C. W., & Chung, A. (2022). Affine medical image registration with coarse-to-fine vision transformer. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 20835–20844). 10.1109/cvpr52688.2022.02017 [DOI] [Google Scholar]
- Moyer, D., Turk Abaci, E., Grant, P. E., Wells, W. M., & Golland, P. (2021). Equivariant filters for efficient tracking in 3D imaging. In de Bruijne M., Cattin P. C., Cotin S., Padoy N., Speidel S., Zheng Y., & Essert C. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2021 (pp. 193–202). Springer. 10.1007/978-3-030-87202-1_19 [DOI] [Google Scholar]
- Myronenko, A., & Song, X. (2010). Point set registration: Coherent point drift. IEEE Transactions on Pattern Analysis and Machine Intelligence, 32(12), 2262–2275. 10.1109/tpami.2010.46 [DOI] [PubMed] [Google Scholar]
- Nestares, O., & Heeger, D. J. (2000). Robust multiresolution alignment of MRI brain volumes. Magnetic Resonance in Medicine, 43(5), 705–715. [DOI] [PubMed] [Google Scholar]
- Oliveira, F. P. M., & Tavares, J. M. R. S. (2014). Medical image registration: A review. Computer Methods in Biomechanics and Biomedical Engineering, 17(2), 73–93. 10.1080/10255842.2012.670855 [DOI] [PubMed] [Google Scholar]
- Ou, Y., Sotiras, A., Paragios, N., & Davatzikos, C. (2011). DRAMMS: Deformable registration via attribute matching and mutual-saliency weighting. Medical Image Analysis, 15(4), 622–639. 10.1016/j.media.2010.07.002 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Perez, L., & Wang, J. (2017). The effectiveness of data augmentation in image classification using deep learning. arXiv preprint arXiv:1712.04621. 10.48550/arXiv.1712.04621 [DOI] [Google Scholar]
- Pinto, F., Torr, P. H. S., & Dokania K, P. (2022). An impartial take to the CNN vs transformer robustness contest. In European conference on computer vision (pp. 466–480). 10.1007/978-3-031-19778-9_27 [DOI] [Google Scholar]
- Prah, M. A., Stufflebeam, S. M., Paulson, E. S., Kalpathy-Cramer, J., Gerstner, E. R., Batchelor, T. T., Barboriak, D. P., Rosen, B. R., & Schmainda, K. M. (2015). Repeatability of standardized and normalized relative CBV in patients with newly diagnosed glioblastoma. American Journal of Neuroradiology, 36(9), 1654–1661. 10.3174/ajnr.a4374 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Puglisi, G., & Battiato, S. (2011). A robust image alignment algorithm for video stabilization purposes. IEEE Transactions on Circuits and Systems for Video Technology, 21(10), 1390–1400. 10.1109/tcsvt.2011.2162689 [DOI] [Google Scholar]
- Puonti, O., Iglesias, J. E., & Van Leemput, K. (2016). Fast and sequence-adaptive whole-brain segmentation using parametric bayesian modeling. NeuroImage, 143, 235–249. 10.1016/j.neuroimage.2016.09.011 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Pustina, D., & Cook, P. (2017). Anatomy of an antsRegistration call. Retrieved June 1, 2024 from https://github.com/ANTsX/ANTs/wiki/Anatomy-of-an-antsRegistration-call
- Qin, C., Shi, B., Liao, R., Mansi, T., Rueckert, D., & Kamen, A. (2019). Unsupervised deformable registration for multi-modal images via disentangled representations. In Chung A., Gee J., Yushkevich P., & Bao S. (Eds.), Information processing in medical imaging—IPMI 2019 (pp. 249–261). Springer. 10.1007/978-3-030-20351-1_19 [DOI] [Google Scholar]
- Qiu, W., Xiong, L., Li, N., Luo, Z., Wang, Y., & Zhang, Y. (2023). AEAU-Net: An unsupervised end-to-end registration network by combining affine transformation and deformable medical image registration. Medical & Biological Engineering & Computing, 61(11), 2859–2873. 10.1007/s11517-023-02887-y [DOI] [PubMed] [Google Scholar]
- Reuter, M., Rosas, H. D., & Fischl, B. (2010). Highly accurate inverse consistent registration: A robust approach. NeuroImage, 53(4), 1181–1196. 10.1016/j.neuroimage.2010.07.020 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Rister, B., Horowitz, M. A., & Rubin, D. L. (2017). Volumetric image registration from invariant keypoints. IEEE Transactions on Image Processing, 26(10), 4900–4910. 10.1109/tip.2017.2722689 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Roche, A., Malandain, G., Pennec, X., & Ayache, N. (1998). The correlation ratio as a new similarity measure for multimodal image registration. In W. M. Wells, A. Colchester, & S. Delp (Eds.), Medical image computing and computer-assisted intervention—MICCAI’98 (pp. 1115–1124). Springer. 10.1007/bfb0056301 [DOI] [Google Scholar]
- Rohé, M.-M., Datar, M., Heimann, T., Sermesant, M., & Pennec, X. (2017). SVF-Net: Learning deformable image registration using shape matching. In Descoteaux M., Maier-Hein L., Franz A., Jannin P., Collins D. L., & Duchesne S. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2017 (pp. 266–274). Springer. 10.1007/978-3-319-66182-7_31 [DOI] [Google Scholar]
- Rohlfing, T. (2011). Image similarity and tissue overlaps as surrogates for image registration accuracy: Widely used but unreliable. IEEE Transactions on Medical Imaging, 31(2), 153–163. 10.1109/tmi.2011.2163944 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Rohr, K., Stiehl, H. S., Sprengel, R., Buzug, T. M., Weese, J., & Kuhn, M. (2001). Landmark-based elastic registration using approximating thin-plate splines. IEEE Transactions on Medical Imaging, 20(6), 526–534. 10.1109/42.929618 [DOI] [PubMed] [Google Scholar]
- Ronneberger, O., Fischer, P., & Brox, T. (2015). U-Net: Convolutional networks for biomedical image segmentation. In Navab N., Hornegger J., Wells W., & Frangi A. (Eds.), Medical image computing and computer-assisted intervention (pp. 234–241). Springer. 10.1007/978-3-319-24574-4_28 [DOI] [Google Scholar]
- Rueckert, D., Sonoda, L. I., Hayes, C., Hill, D. L. G., Leach, M. O., & Hawkes, D. J. (1999). Nonrigid registration using free-form deformations: Application to breast MR images. IEEE Transactions on Medical Imaging, 18(8), 712–721. 10.1109/42.796284 [DOI] [PubMed] [Google Scholar]
- Shen, Z., Han, X., Xu, Z., & Niethammer, M. (2019). Networks for joint affine and non-parametric image registration. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 4224–4233). 10.1109/cvpr.2019.00435 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Shorten, C., & Khoshgoftaar, T. M. (2019). A survey on image data augmentation for deep learning. Journal of Big Data, 6(1), 1–48. 10.1186/s40537-019-0197-0 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Simmons, A., Tofts, P. S., Barker, G. J., & Arridge, S. R. (1994). Sources of intensity nonuniformity in spin echo images at 1.5t. Magnetic Resonance in Medicine, 32(1), 121–128. 10.1002/mrm.1910320117 [DOI] [PubMed] [Google Scholar]
- Singh, N. M., Dey, N., Hoffmann, M., Fischl, B., Adalsteinsson, E., Frost, R., Dalca, A. V., & Golland, P. (2024). Data consistent deep rigid MRI motion correction. In Medical imaging with deep learning (pp. 368–381). [Google Scholar]
- Smith, S. M. (2002). Fast robust automated brain extraction. Human Brain Mapping, 17(3), 143–155. 10.1002/hbm.10062 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Sokooti, H., De Vos, B., Berendsen, F., Lelieveldt, B. P. F., Išgum, I., & Staring, M. (2017). Nonrigid image registration using multi-scale 3D convolutional neural networks. In Descoteaux M., Maier-Hein L., Franz A., Jannin P., Collins D. L., & Duchesne S. (Eds.), Medical image computing and computer assisted intervention—MICCAI 2017 (pp. 232–239). Springer. 10.1007/978-3-319-66182-7_27 [DOI] [Google Scholar]
- Somerville, L. H., Bookheimer, S. Y., Buckner, R. L., Burgess, G. C., Curtiss, S. W., Dapretto, M., Elam, J. S., Gaffrey, M. S., Harms, M. P., Hodge, C., Kandala, S., Kastman, E. K., Nichols, T. E., Schlaggar, B. L., Smith, S. M., Thomas, K. M., Yacoub, E., Van Essen, D. C., & Barch, D. M. (2018). The lifespan human connectome project in development: A large-scale study of brain connectivity development in 5–21 year olds. NeuroImage, 183, 456–468. 10.1016/j.neuroimage.2018.08.050 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Su, H., & Yang, X. (2023). Nonuniformly spaced control points based on variational cardiac image registration. In Greenspan H., Madabhushi A., Mousavi P., Salcudean S., Duncan J., Syeda-Mahmood T., & Taylor R. (Eds.), Medical image computing and computer-assisted intervention—MICCAI 2023 (pp. 634–644). Springer. 10.1007/978-3-031-43999-5_60 [DOI] [Google Scholar]
- Sudlow, C., Gallacher, J., Allen, N., Beral, V., Burton, P., Danesh, J., Downey, P., Elliott, P., Green, J., Landray, M., Liu, B., Matthews, P., Ong, G., Pell, J., Silman, A., Young, A., Sprosen, T., Peakman, T., & Collins, R. (2015). Uk biobank: An open access resource for identifying the causes of a wide range of complex diseases of middle and old age. PLoS Medicine, 12(3), e1001779. 10.1371/journal.pmed.1001779 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Sun, B., Feng, J., & Saenko, K. (2016). Return of frustratingly easy domain adaptation. In Schuurmans D., Wellman M., Leake D., Lester J., Kolter Z., Monteleoni C., Doherty P., Ghallab M. (Eds.), Proceedings of the AAAI Conference on Artificial Intelligence (Vol. 30). AAAI Press, Palo Alto, California USA. 10.1609/aaai.v30i1.10306 [DOI] [Google Scholar]
- Tanner, C., Ozdemir, F., Profanter, R., Vishnevsky, V., Konukoglu, E., & Goksel, O. (2018). Generative adversarial networks for MR-CT deformable image registration. arXiv preprint arXiv:1807.07349. https://arxiv.org/abs/1807.07349 [Google Scholar]
- Tisdall, M. D., Hess, A. T., Reuter, M., Meintjes, E. M., Fischl, B., & Kouwe van der, W. A. J. (2012). Volumetric navigators for prospective motion correction and selective reacquisition in neuroanatomical MRI. Magnetic Resonance in Medicine, 68(2), 389–399. 10.1002/mrm.23228 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Toews, M., & Wells, W. M., III. (2013). Efficient and robust model-to-image alignment using 3D scale-invariant features. Medical Image Analysis, 17(3), 271–282. 10.1016/j.media.2012.11.002 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Tustison, N. J., Avants, B. B., Cook, P. A., Song, G., Das, S., van Strien, N., Stone, J. R., & Gee, J. C. (2013). The ANTs cortical thickness processing pipeline. In Weaver J. B. & Molthen R. C. (Eds.), Medical imaging 2013: Biomedical applications in molecular, structural, and functional imaging (Vol. 8672, pp. 126–129). SPIE. 10.1117/12.2007128 [DOI] [Google Scholar]
- Wachinger, C., & Navab, N. (2010). Structural image representation for image registration. In IEEE computer society conference on computer vision and pattern recognition workshops, San Francisco, CA, 13–18 June (pp. 23–30). IEEE. 10.1109/cvprw.2010.5543432 [DOI] [Google Scholar]
- Wachinger, C., & Navab, N. (2012). Entropy and laplacian images: Structural representations for multi-modal registration. Medical Image Analysis, 16(1), 1–17. 10.1016/j.media.2011.03.001 [DOI] [PubMed] [Google Scholar]
- Wachinger, C., Toews, M., Langs, G., Wells, W., III, & Golland, P. (2018). Keypoint transfer for fast whole-body segmentation. IEEE Transactions on Medical Imaging, 39(2), 273–282. 10.1109/tmi.2018.2851194 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Wang, A. Q., Yu, E. M., Dalca, A. V., & Sabuncu, M. R. (2023). A robust and interpretable deep learning framework for multi-modal registration via keypoints. Medical Image Analysis, 90, 102962. 10.1016/j.media.2023.102962 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Wang, M., & Deng, W. (2018). Deep visual domain adaptation: A survey. Neurocomputing, 312, 135–153. 10.1016/j.neucom.2018.05.083 [DOI] [Google Scholar]
- Wang, Y., Zhang, J., Cavichini, M., Bartsch, D.-U. G., Freeman, W. R., Nguyen, T. Q., & An, C. (2021). Robust content-adaptive global registration for multimodal retinal images using weakly supervised deep-learning framework. IEEE Transactions on Image Processing, 30, 3167–3178. 10.1109/tip.2021.3058570 [DOI] [PubMed] [Google Scholar]
- Wells, W. M., III, Viola, P., Atsumi, H., Nakajima, S., & Kikinis, R. (1996). Multi-modal volume registration by maximization of mutual information. Medical Image Analysis, 1(1), 35–51. 10.1016/s1361-8415(01)80004-9 [DOI] [PubMed] [Google Scholar]
- White, N., Roddey, C., Shankaranarayanan, A., Han, E., Rettmann, D., Santos, J., Kuperman, J., & Dale, A. (2010). PROMO: Real-time prospective motion correction in MRI using image-based tracking. Magnetic Resonance in Medicine, 63(1), 91–105. 10.1002/mrm.22176 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Whitwell, J. L. (2009). Voxel-based morphometry: An automated technique for assessing structural changes in the brain. Journal of Neuroscience, 29(31), 9661–9664. 10.1523/jneurosci.2160-09.2009 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Wyawahare, M. V., Patil, P. M., & Abhyankar, H. K. (2009). Image registration techniques: An overview. International Journal of Signal Processing, Image Processing and Pattern Recognition, 2(3), 11–28. [Google Scholar]
- Yang, X., Kwitt, R., & Niethammer, M. (2016). Fast predictive image registration. In Carneiro G., Mateus D., Peter L., Bradley A., Tavares J. M. R. S., Belagiannis V., Papa J. P., Nascimento J. C., Loog M., Lu Z., Cardoso J. S., & Cornebise J. (Eds.), Deep learning and data labeling for medical applications (pp. 48–57). Springer. 10.1007/978-3-319-46976-8_6 [DOI] [Google Scholar]
- Yang, X., Kwitt, R., Styner, M., & Niethammer, M. (2017). Quicksilver: Fast predictive image registration—A deep learning approach. NeuroImage, 158, 378–396. 10.1016/j.neuroimage.2017.07.008 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Young, S. I., Balbastre, Y., Dalca, A. V., Wells, W. M., Iglesias, J. E., & Fischl, B. (2022). SuperWarp: Supervised learning and warping on U-Net for invariant subvoxel-precise registration. In Hering A., Schnabel J., Zhang M., Ferrante E., Heinrich M., & Rueckert D. (Eds.), Biomedical Image Registration—WBIR 2022. (pp. 103–115). 10.1007/978-3-031-11203-4_12 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Yu, E. M., Wang, A. Q., Dalca, A. V., & Sabuncu, M. R. (2021). KeyMorph: Robust multi-modal affine registration via unsupervised keypoint detection. Medical Imaging with Deep Learning, 172, 1482–1503. https://proceedings.mlr.press/v172/yu22a.html [Google Scholar]
- Zhao, A., Balakrishnan, G., Durand, F., Guttag, J. V., & Dalca, A. V. (2019). Data augmentation using learned transformations for one-shot medical image segmentation. In Proceedings of the 2022 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, 18–24 June (pp. 8543–8553). 10.1109/cvpr.2019.00874 [DOI] [Google Scholar]
- Zhao, L., Pang, S., Chen, Y., Zhu, X., Jiang, Z., Su, Z., Lu, H., Zhou, Y., & Feng, Q. (2023). SpineRegNet: Spine registration network for volumetric MR and CT image by the joint estimation of an affine-elastic deformation field. Medical Image Analysis, 86, 102786. 10.1016/j.media.2023.102786 [DOI] [PubMed] [Google Scholar]
- Zhao, S., Dong, Y., Chang, E. I.-C., & Xu, Y. (2019). Recursive cascaded networks for unsupervised medical image registration. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision, Seoul, Korea, 27 October 2019–02 November (pp. 10600–10610). 10.1109/iccv.2019.01070 [DOI] [Google Scholar]
- Zhao, S., Lau, T., Luo, J., Eric, I., Chang, C., & Xu, Y. (2019). Unsupervised 3D end-to-end medical image registration with volume tweening network. IEEE Journal of Biomedical and Health Informatics, 24(5), 1394–1404. 10.1109/jbhi.2019.2951024 [DOI] [PubMed] [Google Scholar]
- Zhou, Y., Fu, J., Smedby, Ö., & Moreno, R. (2023). Synthesis of pediatric brain tumor images with mass effect. In Medical imaging 2023: Image processing (Vol. 12464, pp. 699–707). 10.1117/12.2654366 [DOI] [Google Scholar]
- Zhu, Z., Cao, Y., Qin, C., Rao, Y., Lin, D., Dou, Q., Ni, D., & Wang, Y. (2021). Joint affine and deformable three-dimensional networks for brain MRI registration. Medical Physics, 48(3), 1182–1196. 10.1002/mp.14674 [DOI] [PubMed] [Google Scholar]
- Zhuang, F., Qi, Z., Duan, K., Xi, D., Zhu, Y., Zhu, H., Xiong, H., & He, Q. (2020). A comprehensive survey on transfer learning. Proceedings of the IEEE, 109(1), 43–76. 10.1109/jproc.2020.3004555 [DOI] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Data Availability Statement
A stand-alone SynthMorph utility and the source code are available at https://w3id.org/synthmorph. We also distribute SynthMorph as part of the open-source FreeSurfer package at https://freesurfer.net. The experiments presented in this study retrospectively analyze public datasets whose original sources we indicate in Section 4.1.