I Introduction
Image registration deals with the alignment of images of a same object coming from different devices, moments or viewpoints. When the observed images are mapped through a nonlinear dense transformation or a spatially varying deformation model, we refer to this problem as deformable image registration (DIR)
[1]. Inspired by Horn and Shunk [2]and the seminal work by Lucas and Kanade on vector flow estimation
[3], the research communities of computer vision and medical image analysis have made major efforts towards developing more accurate and efficient DIR methods. Since then, image registration has been modeled through different approaches, ranging from diffusion equations to probabilistic graphical models
[4]. The majority of these approaches posed image registration as an optimization problem, following:(1) |
where represents the data term or (dis)similarity criterion (measuring the (dis)similarity between the warped source image and the target image ) and the regularization term (used to impose geometric consistency and ensure realistic deformations). Here indicates the optimal transformation.
The definition of the similarity criterion is among the most critical components of the registration process, since it specifies whether the source and target images are correctly aligned or not. It has been empirically shown that the data terms in the energy function have great influence on the accuracy of the solution to the registration problem. Normally, a data term is the function of a metric such as the sum of absolute differences (SAD) of the intensities, the mutual information (MI) between the images or their normalized cross correlation, just to name a few (we refer the reader to [1]
for a complete list of standard similarity measures). A particular data term is thus chosen based on the application. We argue that instead of using one metric, the locally adaptive and content-specific combination of different metrics can further improve the accuracy of the registration task, in particular, in the presence of semantic labels which then make the registration a domain specific problem. In this paper, we present a method that aims at learning context-specific matching criteria as a weighted aggregation of standard similarity measures. We adopt a weakly-supervised approach, in the sense that we do not use ground-truth annotations in the form of deformation fields. Instead, we employ segmentation maps of anatomical structures as a proxy to impute such latent deformation fields. Specifically, we use the latent structured support vector machine (lssvm)
[5] so that the optimal combinations of standard similarity measures can be learned from a few examples.I-a State-of-the-art on Learning Similarity Measures for Medical Image Registration
During the last years, efforts have been made towards learning similarity measures from data, most of them by posing this problem as a metric learning problem [6]. Metric learning aims at determining a mapping that will bring all data points within the same classes close, while separating all the data points from different classes. From this general definition, the meaning of metric learning in the context of image registration can be simply interpreted as learning a domain specific matching criterion that allows the comparison of any two given image modalities. In [6]
, metric learning methods were classified as supervised or unsupervised.
Supervised methods require a set of annotated data (i.e. some sort of similarity information, like a full scalar distance between samples, a ranking or some proximity of some samples to others or just a separation between samples that are deemed similar and dissimilar [7]). Several image registration methods using supervised metric learning can be found in the recent literature. [8] derived a rigid multi-modality registration algorithm where the similarity measure is learned in a discriminative manner, such that the target and correctly deformed source image receive high similarity scores using a max-margin approach known as structured prediction. In a different but still supervised setting, [9] proposed the use of sensitive hashing to learn a multi-modality distance metric. The training set involved pairs of perfectly aligned images and consisted of a collection of positive and negative patch pairs. Such a metric learning approach was plugged into the standard graph-based deformable registration framework in [10]. In [11], instead of requiring pre-aligned images, the training set consisted of non-aligned images with manually annotated patch pairs (landmarks). All these methods require ground truth data in the form of strong correspondences (patches, landmarks or dense deformation fields), which is extremely difficult to obtain in real clinical data. Instead, the method we propose in this work requires segmentation masks which are easier to generate (e.g using deep learning based segmentation strategies like [12])
. More recently, approaches based on deep learning started to gain popularity. The work by
[13]proved that similarity measures can be learned from annotated image patches using convolutional neural networks (CNN), and discussed different models that could be used to that end. In
[14], the best model presented by Zagoruyko was used as a similarity measure in a standard continuous framework for image registration. The main limitation of CNN-based approaches to metric learning for image registration is that they require huge amounts of data to learn meaningful correspondences.Unsupervised learning methods for image registration have also been studied. [15] proposed to apply manifold learning (through Laplacian eigenmaps) to learn structural representations of multimodal images. In [16] the notion of mutual saliency was considered to locally adapt the metric function involving a weighted sum over a large space of features. A different approach based on unsupervised deep learning was proposed by [17]. The composition of a basis of filters was learned to effectively represent the observed image patches. Another unsupervised deep learning approach was proposed in [18]. The authors combined a spatial transformer [19]
network with a convolutional autoencoder to perform unsupervised feature learning for robust serial section electron microscopy (ssEM) image alignment. Different from our weakly-supervised approach, these unsupervised models do not incorporate any type of semantic information about anatomy into the registration process.
Most similar to our work is the recent method by [20], where a label-driven weakly supervised approach based on CNNs is proposed. Like in [19]
, they learn the complete registration process by means of a spatial transformer layer, but additionally, they incorporate anatomical segmentations into the loss function. The main difference with our work is that they learn the complete registration process from scratch (since the learned model directly predicts the optimal deformation field), and therefore it is not possible to plug the trained model as a similarity measure in a standard registration framework.
I-B Our Contribution: Label-driven Weakly-supervised Learning of Standard Metric Aggregations
In this work, we focus on cases where the ground-truth is given in the form of segmentation masks, which is more common in real scenarios than availability of dense deformation fields or pre-aligned images. In a number of applications, segmentation maps might be available in one of the volumes to be registered (e.g. adaptive radiotherapy, patient follow up exams or multi-atlas segmentation). Human anatomy is domain specific (deformations as well) and depending on the organ to be imaged one can expect different adequacy between the local structure and different mono or multimodal metrics (which somehow reflect the observed tissue properties). Hence, the available segmentation maps could be used to locally suggest efficient similarity measures depending on the organ. We propose a novel theoretical framework where domain specific optimal combination of standard metrics is derived according to the clinical task / observed images. The degrees of freedom of the learning procedure are the class weight combination of the different metrics.
The idea of combining different similarity measures (not necessarily considering them as domain or content-specific) has already been explored. In [21] it was shown that multichannel registration produces more robust registration results when compared to using the features individually. In this case, they used gray intensity value, phase congruency and local phase as features. In a posterior work, [22] proposed a methodology that does not require to explicitly weight the features, by estimating different deformation fields from each feature independently, and then composing them into a final diffeomorphic transformation. Such a strategy produces multiple deformation models (as many as the number of metrics) that in general are locally inconsistent. Therefore, their combination will not be trivial and, in the general case, not anatomical meaningful.
In deformable registration, it is crucial to choose the right relative weighting between the different metrics and the pairwise smoothness term. One naive way would be to choose these relative weights by cross validation (or hand tuning) over the parameters. Clearly, this approach quickly becomes infeasible as the number of metrics increases while it can be applied only at global scale and cannot accommodate local anatomical differences. In order to circumvent the above mentioned problem, we would like to learn the relative weights from a given training dataset using a learning framework. Our method is similar to that of Tang et al. [23], which generates a vector weight map that determines at each spatial location the relative importance of each constituent of the overall metric. However, the proposed learning strategy still requires ground truth data in the form of correspondences (pre-registered images) which is not necessary in our case. We propose a novel discriminative learning framework, based on the well known structured support vector machines (ssvm) [24, 25], to learn the relative weights (or the parameters) from weak annotations. The ssvm and its extension to latent models lssvm [5] have received considerable attention in the recent years for parameter learning.
Our focus is mainly on the 3D to 3D deformable registration problem where the input and the output images are 3D volumes. However, the same framework can be trivially used for other registration problems as well, as 2D to 2D, or even for slice-to-volume registration [26]. One of the key issues we face in all these problems is that the ground truth deformations are not known. This leads us to adopt a weakly supervised learning framework where we treat the ground truth deformations as the latent variables. We model the latent variable imputation problem as the deformable registration problem with additional constraints. These constraints ensure that when the latent deformations are applied to the source image, the deformed source image is maximally aligned with the target image. The alignment accuracy is measured based on a loss function.
Our learning framework, similar to the lssvm, is a special case of non-convex optimization problems, known as the difference of convex functions. The local optimum or the saddle point of such non-convex function can be obtained efficiently using the well known cccp algorithm [27]
. We demonstrate the efficacy of our framework using three challenging medical imaging datasets. A preliminary version of this work has been reported in the International Workshop on Machine Learning in Medical Imaging (MLMI 2017)
[28]. In this special issue of JBHI, we present an invited extended version with a more complete and updated state-of-the-art section, detailed method explanation and additional figures and discussions.Ii Multi-Metric Deformable Registration
Let us assume that we are given a source volume (or image) , source segmentation mask , and the target volume (or image) . The size of the segmentation mask is the same as that of the corresponding image. The segmentation mask is formed by the elements (or voxels) , where is the set of classes. Every class is associated to a different anatomical structure (organs, tissues, etc) as depicted in Figure 1. Without loss of generality, we assume that the elements in the class set are the discrete variables starting from one.
The registration problem is formulated following [29] using a Markov Random Field (MRF) that consists of a regular grid graph , where is the set of nodes and is the set of edges. Each node corresponds to a control point . Each control point is allowed to move in the space, therefore, can be assigned a discrete label associated to a displacement vector . Notice that each displacement vector is a tuple defined as , where , , and are the displacements in the , , and directions, respectively. A quantized version of the deformation field is associated to a labeling of the graph . In another words, the labeling assigned to a each node a label associated to a displacement vector . Note that is a control point based representation of a dense deformation field, which is interpreted as a free form deformation model (FFD). FFDs were popularized in the medical image registration community by [30] . They adopt a regular grid as parametric model and every control point contributes locally to the interpolation function when interpolating the dense deformation field.
to the dense deformation field obtained as a FFD interpolation of the control point based representation
. We denote the control point as the new control point when the displacement is applied to the original control point . Let us define a patch on the source image centered at the displaced control point (after applying label ). Similarly, we define as the patch on the target image centered at the original control point , and as the patch on the input segmentation mask centered at the displaced control point .At this point, it is important to make a distinction between the two different type of labels used in our framework. On one side, the semantic labels (or semantic classes) are provided as an input to our algorithm, defined at a pixel level, associated to anatomical structures and will be used to identify the context and choose the right combination of metrics. However, these labels are considered as input to the algorithm and therefore we do not predict them. On the other side, the labels are the latent variables (not provided as input), associated to displacement vectors and used to solve the registration problem by labeling the nodes of the graph .
Given the definition of these variables, let us now define the unary feature vector corresponding to the node for a given label as , where is the number of metrics and is the unary feature corresponding to the metric evaluated using the patches and . For example, in case the metric is the mutual information (MI) then the unary feature is the mutual information between the patches and . In case of single metric, then is equal to 1. Recall that we have number of semantic classes (anatomical structures). Therefore, given a weight matrix , where denotes the weight for the metric corresponding to the class , the unary potential for the node for a given label is computed as follows:
(2) |
where, is the column of the weight matrix and is the most dominant class in the patch on the source segmentation mask . The dominant class is obtained as follows:
(3) |
where, is the number of voxels of class in the patch (see Figure 1 for a graphical example). Notice that one can use other criteria to find the dominant class. Also note that the semantic segmentation mask for the source image is given as an input to the registration framework, and is not imputed as a latent variable.

The pairwise clique potential between the control points and is defined as , where is the norm between the two displacement vectors corresponding to the input labels (other regularizers could be used as well). Intuitively, this will encourage neighboring control points to be labeled with similar displacement vectors, enforcing smoothness in the final result. Under this setting, the multi-class energy function corresponding to the deformable registration task is defined as:
(4) |
Therefore, we aim at finding the optimal labeling (associated to the quantized version of the deformation field ) by solving the following problem:
(5) |
Pyramidal Approach Similar to [29, 26], we adopt a pyramidal approach (detailed in Algorithm 1) to refine the search space at every level and, at the same time, capture a big range of deformations. The pyramidal approach consists in registering the images incrementally, at different resolutions (constructing a Gaussian pyramid of downsampled images) and associating to every level a different grid spacing. Coarser grids will be used to register the low resolution images, while finer grids will be used for the high resolution. The final deformation field is simply constructed through composition of the intermediate deformation fields. By combining the pyramidal approach with the L1 regularization we ensure smoothness on the deformation field while keeping a good capture range. In the multi-resolution strategy we restrict the size of the displacement vectors in the label space to be 0.4 times the spacing between the control points of the grid. As suggested in [31], this constraint in the size of the displacement vectors ensures that the final deformation field is diffeomorphic by construction, meaning that they are differentiable and invertible, and thus preserve topology.
Discrete Optimization
We use the well known FastPD [32] as the inference algorithm at every level of the pyramid. FastPD is a discrete optimization algorithm based on principles from linear programming and primal dual strategies, which applies the popular primal-dual schema to the relaxed version of the MRF integer programming formulation
Iii Weakly-Supervised Learning of Metric Aggregations thorugh LSSVM
In the previous section we assumed that the weight matrix is given to us. However, this assumption becomes unrealistic quickly as the number of metrics and the classes increases. In order to circumvent this problem, we propose an algorithm to learn the weights using a given dataset. Our algorithm is based on the well known latent structured svm framework [24, 25, 5] which optimizes an upperbound on the empirical risk. Instead of learning the complete weight matrix at once, we learn the weights for each class individually. From now onwards, the weight vector denotes a particular column of the weight matrix , which represents the weights corresponding to a particular class. We use the words ‘parameters’ and ‘weights’ interchangeably. In what follows we talk about the learning algorithm in details.
Iii-a Preliminaries

We consider a dataset . Each is a pair represented as , where is the source volume (or the source image) and is the target volume (or the target image). Similarly, each is a pair represented as , where and are the segmentation masks for the source and target images, respectively. The size of each segmentation mask is the same as that of the corresponding images. As stated earlier, the segmentation mask is formed by the elements (or voxels) , where is the set of classes.
The loss function evaluates the similarity between the two segmentation masks and . Higher value of implies stronger dissimilarity between the segmentations. Since our final evaluation is based on the Dice coefficient, therefore, we use a Dice based loss function. Note that we follow the empirical risk minimization strategy, in which we should optimize the risk over which the evaluation is performed. The loss is therefore defined as:
(6) |
We approximate the Dice between the segmentation masks as defined below:
(7) |
where, and are the patches at the control point on the segmentation masks and , respectively. The function represents the cardinality of a given set. The above approximation of the Dice makes it decomposable over the nodes of the graph . As will be discussed shortly, this decomposition allows us to train our algorithm very efficiently.
Given the parameters for a particular class, the labeling , and the input tuple , the mutli-class energy function (4) can be trivially converted into class based energy function as follows:
(8) |
where, is the parameter associated with the pairwise term. Let us denote the parameter vector as the concatenation of and . The energy function (8) is linear in and can be written as:
(9) |
where, is the joint feature map defined as:
(10) |
Notice that the energy function (8) does not depend on the source segmentation mask . Source segmentation masks in the energy function (4) are used to obtain the dominant class using the equation (3), which in this case is not required. However, we will shortly see that the source segmentation mask plays a crucial role in the learning algorithm to compute the loss function.
Ideally, the dataset must contain the ground truth deformation labeling corresponding to the source image in order to compute the energy term defined in the equation (8). Since annotating the dataset with the ground truth deformation is non-trivial, we use them as the latent variables in our algorithm. As will be seen shortly, we impute these deformations using the given dataset ensuring that the loss (as defined in the equation (6)) between the source segmentation mask when deformed using the imputed deformation field, and the target segmentation mask is minimized. In what follows, we will refer to this step indistinctly as ’latent assignment step’ or ’segmentation consistent registration’.
Iii-B The Objective Function
Given the dataset , we would like to learn the parameter vector such that minimizing the energy function (8) leads to a deformation field which when applied to the source segmentation mask gives minimum loss with respect to the target segmentation mask. Let us denote the deformed segmentation when the dense deformation is applied to the segmentation mask . Therefore, ideally, we would like to learn such that:
(11) |
where, . The above objective function is the empirical risk minimization based formulation. However, the objective function is highly non-convex in , therefore, minimizing it directly makes the algorithm sensitive in terms of convergence to bad local minima. In order to circumvent this problem, we optimize a regularized upper bound on the loss as follows:
(12) | |||||
(14) | |||||
The above objective function minimizes an upper bound on the Dice based loss function denoted as the variable , known as the slack. The first term in the objective function , is the regularization term used to avoid overfitting. The effect of the regularization term is controlled by the hyper-parameter . The second term is the proximity term. This ensures that the learned is close to the initialization
. The effect of the proximity term can be controlled by the hyperparameter
. The proximity term can be useful when we have some intuition about a good initialization (for example, if we know that certain factor works well when using the single metric approach, we could re-scale it taking into account the number of metrics in the multi-metric approach, and use it for initialization). In case we do not have any intuition, we can simply set and this term will be ignored.Intuitively, for a given input sample, the constraints of the above objective function tries to enforce the condition that the energy corresponding to the best possible deformation field (with minimum loss, additional constraint to enforce coherence) must always be less than the energy corresponding to any other deformation field with a margin proportional to the loss. Notice that, the term in equation 14, makes the problem non convex. Shortly we will see how to upperbound this term, also known as the latent variable imputation step, in order to make the problem convex.
Iii-C The Learning Algorithm
The objective function (12) that optimizes an upper bound on the empirical risk, is non-convex. Hence, it can not be optimized efficiently to obtain the optimal set of parameters. However, it can be shown that the objective function is a non-convex function that can be re-written as the difference of convex functions, which can be seen as the sum of the convex and the concave functions. For such family of non-convex functions, the well known cccp algorithm [27]) can be used to obtain efficiently a local minima or a saddle point (the cutting plane algorithm can produce the optimal solution, but in practice this is not possible due to the computational constraints associated with the dimension of the problem). Broadly speaking, the cccp algorithm consist of three steps — (1) upperbounding the concave part at a given , which leads to an affine function in ; (2) optimizing the resultant convex function (sum of convex and affine functions is convex); (3) repeating the above steps until the objective can not be decreased beyond a given tolerance of .
The cccp algorithm for the optimization of the objective function (12) is shown in the Algorithm 2. The first step of upperbounding the concave functions (Algorithm 2, Line 5) is the same as the latent imputation step, which we call the segmentation consistent registration problem. The second step is the optimization of the resultant convex problem, which, in this case, is the optimization of the ssvm (Algorithm 2, Lines 7 to 11)). The optimization leads to updating the parameters. We use the well known cutting plane algorithm [33] for this purpose. In what follows we discuss these steps in detail.
Segmentation Consistent Registration
As discussed, the ground truth deformation is not known a priori. Thus, in this step, we generate the best possible ground truth deformation field at a given . This is same as the latent imputation step of the cccp algorithm (Algorithm 2, Line 5). Recall that we are interested in learning the parameters such that the upper bound on the loss function, defined in equation (6), is minimized. This leads us to formulate the latent imputation step as an inference problem with additional constraints. These additional constraints ensure that the imputed deformation field deforms the input image such that the loss between the deformed input image and the target image is minimized. Mathematically, for a given parameter vector , the latent deformation is imputed by solving the following problem:
(15) |
The above problem is hard to solve and may not have unique solution. Thus, we solve the relaxed version of the above problem as defined below:
(16) |
where, controls the relaxation trade-off parameter. Since the loss function used is decomposable, the above problem is equivalent to the inference of the deformable registration with simple modifications on the unary potentials. Thus, it can be solved efficiently using the FastPD inference algorithm.

Updating the Parameters
Once the latent variables have been imputed or the concave functions have been upperbounded, the resultant objective function can be written as:
(18) | |||||
where, is the labeling associated to the quantized latent deformation field imputed by solving the problem (16). Intuitively, the above objective function tries to learn the parameters such that the energy corresponding to the imputed deformation field is always less than the energy of any other deformation field with a margin proportional to the loss function with some positive slack. Notice that the above objective function has exponential number of constraints, one for each possible labeling . In order to alleviate this problem we use the cutting plane algorithm [33]. Let us briefly talk about the idea behind the cutting plane algorithm. For a given , each labeling gives a slack. Therefore, instead of minimizing all the slacks for a particular sample at once, we rather find the labeling that leads to the maximum value of the slack and store this in a set known as the working set. This is known as finding the most violated constraint. Therefore, instead of using exponentially many constraints, we now optimize our algorithm over the constraints stored in the working set. This process is repeated till no constraints can be added to the working set. The main ingredient of the above discussed cutting plane algorithm is finding the most violated constraint. As discussed earlier, the most violated constraint for the sample is the deformation field associated to the labeling that maximizes the slack corresponding to this sample. Rearranging the terms in the constraints of the objective function (III-C) to obtain the slack, ignoring the constant term , and maximizing it with respect to the possible deformations (which is equivalent to minimizing the negative of it), leads to the following problem solving which gives the most violated constraint:
(19) |
Since the loss function is decomposable, again, the above problem is equivalent to the deformable registration with modifications on the unary potentials. Thus, it can be solved efficiently using the FastPD.
Iii-D Prediction
Once we obtain the learned parameters for each class using Algorithm 2, we form the matrix where each column of the matrix represents the learned parameter for a specific class. This matrix is then used to solve the registration problem defined in equation (4) using the approximate inference algorithm in a new setting where semantic labels are available in the source image but not in the target. Note that we use the pyramidal approach as described in Algorithm 1 at both training and prediction time.

Iv Experiments and Results
We evaluated our method on three different medical datasets. These datasets involve several anatomical structures, different image modalities, and inter/intra patient images, which makes the deformable registration task on these dataset highly challenging. In all the experiments, we cross validate the hyper parameters and , and use . We use four different metrics in all the experiments: (1) sum of absolute differences (sad), (2) mutual information (mi), (3) normalized cross correlation (ncc), and (4) discrete wavelet coefficients (dwt) (see [34] for a complete description of DWT as a similarity measure for image registration). In all the experiments (single and multi-metric) we used the same set of parameters for the pyramidal approach based inference algorithm (discussed in the section II). These parameters are as follows: 2 pyramid levels, 5 refinement steps per pyramid level, 125 labels, and distance between control points of 25mm in the finer level. The running time for each registration case is around 12 seconds. For the training, we initialized with the hand tuned values for each metric: , for sad, mi, ncc, and dwt, respectively.
For comparison, we include results computed using two of the most popular and developed state-of-the-art registration toolboxes: Elastix [35] and Advanced Normalization Tools (ANTs) [36] . Elastix implements a standard multi-resolution approach using stochastic gradient descent for optimization, b-spline as deformation model and the MI metric
RT Parotids It contains CT volumes of head, obtained from 4 different patients, 2 volumes per patient. The volumes are captured in two different stages of a radiotherapy treatment in order to estimate the radiation dose. Right and left parotid glands were segmented by the specialists in every volume. The dimensions of the volumes are voxels with a physical spacing of mm, mm, and mm, in x, y, and z axes, respectively. We generated pairs of source and target volumes using the given dataset. Notice that, while generating the source and target pairs, we did not mix the volumes coming from different patients. We split the dataset into train and test, and cross validated the hyper-parameters and on the train dataset. The average result on the test dataset are shown in the Figure 5.a, while qualitative results can be found in Figure 3.

RT Abdominal This dataset contains CT volumes of abdomen for a particular patient captured with a time window of about 7 days during a radiotherapy treatment. Three organs have been manually segmented by the specialists: (1) sigmoid, (2) rectum, and (3) bladder. The dimensions of the volumes are voxels with a physical spacing of mm, mm, and mm, in x, y, and z axes, respectively (there are small variations depending on the volume). We generated a train dataset of 6 pairs and test dataset of 4 pairs. The results on the test dataset are shown in the Figure 5.b.
IBSR We used images from the well known Internet Brain Segmentation Repository dataset, which consists of brain mri volumes, coming from different patients. Segmentations of three different brain structures are provided: white mater (WM), gray mater (GM), and cerebrospinal fluid (CSF). We used a downsampled version of the dataset to reduce the computation. The dimension of the volumes are voxels with a physical spacing of mm, mm, and mm in x, y, and z axes, respectively. To perform the experiments, we divided the 18 volumes in 2 folds of 9 volumes on each fold. This gave a total of 72 pairs per fold. We used an stochastic approach for the learning process, where we sample 10 different pairs from the training set, and we tested on the 72 pairs of the other fold. We run this experiment 3 times per fold, giving a total of 6 different experiments, with 72 testing samples and 10 training samples randomly chosen. Quantitative results on the test dataset are shown in Figure 5.c while qualitative results can be found in Figure 4.
As observed in Figure 5, the linear combination of similarity measures weighted using the learned coefficients outperforms the single metric based registration, improving the results of the discrete registration framework making them comparable (and in most of the cases better) than those obtained with the baselines (green and orange lines in Figure 5). In all the cases the Dice for the multi-metric is higher than the Dice for the single metric based registrations, or it is as good as the best them (please refer to Figure 5.a, ‘Parotr’ to see the case in which the multi-metric is at least as good as the best obtained using the single metric). The results for the ‘Sigmoid’ organ in the Figure 5.b show that in some cases the multi-metric based registration can significantly outperform the single metric based registration. Table I shows the average Dice value per organ for the three datasets, considering the single and multi-metric approaches. We achieved maximum average improvement of 0.033, 0.082 and 0.037 in terms of Dice coefficient for RT Parotids, RT Abdominal and IBSR.
Figure 2 shows the examples of the slices from the volumes corresponding to each dataset. In figures 3 and 4 we include some qualitative results on the three challenging datasets in order to highlight the effects of learning the weights of different metrics. In the first one (figure 3), we present the overlapping of the segmentation masks in different views for one registration case from RT Abdominal and RT Parotids datasets, using single and multi-metric approaches. The observed results are coherent with the numerical results reported in figures 5.a and b. We observe that multi-weight algorithm gives a better fit between the deformed and ground truth structures than the rest of the single similarity measures, which are over segmenting most of the structures showing a poorer registration performance. In the second graph (figure 4), we include results for the IBSR dataset. Extreme values (which mean high differences between the images) correspond to blue and red colors, while green indicates no difference in terms of intensity. Note how most of the big differences observed in the first column (before registration) are reduced by the multi-weight algorithm, while some of them (specially in the peripheral area of the head) remain when using single metrics.
Dataset | Organ | SAD | MI | NCC | DWT | MW | Average Dice increment for MW |
Parotl | 0,756 | 0,760 | 0,750 | 0,757 | 0,788 | 0,033 | |
RT Parotids | Parotr | 0,813 | 0,798 | 0,783 | 0,774 | 0,811 | 0,019 |
Bladder | 0,661 | 0,643 | 0,662 | 0,652 | 0,736 | 0,082 | |
Sigmoid | 0,429 | 0,423 | 0,432 | 0,426 | 0,497 | 0,070 | |
RT Abdominal | Rectum | 0,613 | 0,606 | 0,620 | 0,617 | 0,660 | 0,046 |
CSF | 0,447 | 0,520 | 0,543 | 0,527 | 0,546 | 0,037 | |
GM | 0,712 | 0,725 | 0,735 | 0,734 | 0,761 | 0,035 | |
IBSR | WM | 0,629 | 0,658 | 0,669 | 0,661 | 0,682 | 0,028 |

V Discussion and Conclusions
In this paper we introduced a novel framework to learn aggregations of similarity measures in the context of deformable image registration. We also proposed a multi-metric MRF based image registration algorithm that incorporates such metric aggregations by weighting different similarity measures depending on the anatomical regions. We showed that associating different similarity criteria to every anatomical region yields results superior to the classic single metric approach. In order to learn this mapping in real scenarios where ground truth is generally given in the form of segmentation masks, we proposed to conceive deformation fields as latent variables and solve our problem using the lssvm framework.
One of the main limitations of our method is the need of segmentation masks for the source images at testing time. However, different real scenarios like radiation therapy or atlas-based segmentation methods fulfill this condition and can be improved through this technique. Note that, at prediction (testing) time, the segmentation mask is simply considered to determine the combination of metric weights per control node (as indicated in equation 3 and Figure 1). The segmentation labels are not used explicitly at testing time to guide the registration process that is purely image based. Instead, segmentation masks are required at test time just for the source image and only used to choose the metric aggregation learned for each dominant class. At training time though, both source and target segmentation mask are used to compute the loss function . The idea could be further extended to unlabeled data (as it concerns the source image at testing time) where the dominant label class per control node is the output of a classification/learning method. Another limitation is that the metric aggregations are organ specific and therefore they must be learned whenever the framework is used in a new type of data. However, in real clinical scenarios the organs, image modalities and imaging machines considered in a given medical center will remain constant. Thus, the training has to be performed only once, when initially setting up the imaging pipeline, but this will not imply re-training for future patients.
Figure 6 shows the optimal weights learned for the three datasets. Note that in case of the RT Parotids, given that both parotid glands present the same intensity distribution, similar weights are learned for both structures, with SAD dominating the other similarity measures. However, in IBSR dataset, NCC dominates in case of CSF and WM, while MI receives the higher value for gray matter (GM). This is important since it indicates that different similarity measures complement each other, and suggests that the proposed learning framework takes advantage of this fact by assigning different weights depending on the anatomical structures.
From a theoretical viewpoint, we showed how three of the main components of LSSVM can be reduced to equivalent inference problems. In other words, the latent imputation step (Eq. 16), the prediction step (Eq. 5) and finding the most violated constraint (Eq. 19) can be formulated as the exact same problem. Since the loss function was defined so that it distributes with respect to the unary terms of the energy, the only difference among these three problems will be given by the unary potentials. This is extremely important given that further improvements in this inference problem will directly increase the quality of the results.
Rather than employing highly customized solutions that suffer from robustness and modularity, our approach relies on producing class-dependent metrics as linear combination of widely known and conventional mono-modal and multi-modal metrics. Consequently, the proposed registration method is modular and might be adjusted to different setting by simply changing the linear weights. Extensive experimental validation on various challenging datasets demonstrated the potentials of the proposed method.
The registration weights were learned by minimizing an upperbound on the Dice based loss function. Dice is conventionally used but does not offer a very convincing picture as it concerns registration performance. The integration of alternative accuracy measures such as the Hausdorff distance between surfaces or even real geometric distances for anatomical landmarks could further enhance the performance and the robustness of the method. The use of alternative parameter learning mechanisms is another interesting approach to explore. In that sense, learning a combination of metrics could be seen as a multi-view learning problem, where every metric is considered as a view of the original image. We plan to explore the use of several novel frameworks to deal with multi-view learning [37, 38] in the context of learning metric aggregations. Last but not least, the use of the method on clinical applications where domain knowledge is present (for example, radiotherapy) could be considered to improve existing patient positioning practices.
Acknowledgment
EF is beneficiary of an AXA Research Fund grant.
References
- [1] A. Sotiras, C. Davatazikos, and N. Paragios, “Deformable Medical Image Registration: A Survey,” IEEE Transactions on Medical Imaging, vol. 32, pp. 1153–1190, 2013.
- [2] B. K. Horn and B. G. Schunck., “Determining Optical Flow,” Artificial Intelligence, vol. 17, pp. 185–203, 1980.
- [3] B. D. Lucas and T. Kanade, “An Iterative Image Registration Technique with an Application to Stereo Vision,” Imaging, vol. 130, no. x, 1981.
- [4] N. Paragios et al., “(hyper)-graphical models in biomedical image analysis,” Medical Image Analysis, vol. 33, pp. 102 – 106, 2016.
- [5] Y. Yu et al., “Confocal bi-protocol: A new strategy for isotropic 3D live cell imaging,” Journal of Microscopy, vol. 242, no. 1, pp. 70–85, 2009.
- [6] L. Yang and R. Jin, “Distance metric learning: A comprehensive survey,” Michigan State Universiy, pp. 1–51, 2006.
- [7] F. Michel, Multi-Modal Similarity Learning for 3D Deformable Registration of Medical Images. PhD thesis, Ecole Centrale Paris, 2014.
- [8] D. Lee et al., “Learning similarity measure for multi-modal 3D image registration,” in CVPR, 2009., pp. 186–193, IEEE, 2009.
- [9] M. M. Bronstein, A. M. Bronstein, F. Michel, and N. Paragios, “Data fusion through cross-modality metric learning using similarity-sensitive hashing,” in CVPR 2010, pp. 3594–3601, IEEE, 2010.
- [10] F. Michel, M. Bronstein, A. Bronstein, and N. Paragios, “Boosted metric learning for 3D multi-modal deformable registration,” in ISBI, 2011.
- [11] A. W. Toga, “Learning based coarse-to-fine image registration,” 2008 IEEE CVPR, pp. 1–7, 2008.
- [12] M. e. a. Shakeri, “Sub-cortical brain structure segmentation using F-CN,” in ISBI 2016, 2016.
- [13] S. Zagoruyko and N. Komodakis, “Learning to Compare Image Patches via Convolutional Neural Networks,” no. i, 2015.
- [14] M. Simonovsky et al., “A Deep Metric for Multimodal Registration,” in MICCAI, pp. 10–18, 2016.
- [15] C. Wachinger and N. Navab, “Manifold Learning for Multi-Modal Image Registration,” Proc. BMVC, pp. 82.1—-82.12, 2010.
- [16] Y. Ou et al., “DRAMMS: Deformable registration via attribute matching and mutual-saliency weighting,” Med Im Analysis, vol. 15, no. 4, 2011.
-
[17]
G. Wu, M. Kim, Q. Wang, Y. Gao, S. Liao, and D. Shen, “Unsupervised Deep Feature Learning for Deformable Registration of MR Brain Images,” in
MICCAI 2013, vol. 72, pp. 649–656, 2013. -
[18]
I. Yoo et al.
, “ssemnet: Serial-section electron microscopy image registration using a spatial transformer network with learned features,” in
DLMIA Workshop at MICCAI, pp. 249–257, Springer, 2017. - [19] M. Jaderberg, K. Simonyan, A. Zisserman, et al., “Spatial transformer networks,” in NIPS, pp. 2017–2025, 2015.
- [20] Y. Hu et al., “Label-driven weakly-supervised learning for multimodal deformable image registration,” arXiv preprint arXiv:1711.01666, 2017.
- [21] A. Cifor et al., “Hybrid feature-based Log-Demons registration for tumour tracking in 2-D liver ultrasound images,” Proceedings - International Symposium on Biomedical Imaging, pp. 724–727, 2012.
- [22] A. Cifor, L. Risser, D. Chung, E. M. Anderson, and J. A. Schnabel, “Hybrid feature-based diffeomorphic registration for tumor tracking in 2-D liver ultrasound images,” IEEE Transactions on Medical Imaging, vol. 32, no. 9, pp. 1647–1656, 2013.
- [23] L. Tang, A. Hero, and G. Hamarneh, “Locally-adaptive similarity metric for deformable medical image registration,” in ISBI, pp. 728–731, 2012.
- [24] B. Taskar, C. Guestrin, and D. Koller, “Max-margin {M}arkov networks,” in NIPS, 2003.
- [25] I. Tsochantaridis, T. Hofmann, T. Joachims, and Y. Altun, “Support vector machine learning for interdependent and structured output spaces,” in ICML, 2004.
- [26] E. Ferrante and N. Paragios, “Slice-to-volume medical image registration: A survey,” Medical image analysis, vol. 39, pp. 101–123, 2017.
- [27] A. Yuille and A. Rangarajan, “The concave-convex procedure,” Neural Computation, 2003.
- [28] E. Ferrante, P. K. Dokania, R. Marini, and N. Paragios, “Deformable registration through learning of context-specific metric aggregation,” in MLMI-MICCAI 2017, pp. 256–265, Springer, 2017.
- [29] B. Glocker, N. Komodakis, G. Tziritas, N. Navab, and N. Paragios, “Dense image registration through MRFs and efficient linear programming.,” Medical image analysis, vol. 12, no. 6, pp. 731–41, 2008.
- [30] D. Rueckert, L. I. Sonoda, C. Hayes, et al., “Nonrigid registration using free-form deformations: application to breast MR images.,” IEEE TMI, vol. 18, pp. 712–21, aug 1999.
- [31] B. Glocker, A. Sotiras, N. Komodakis, and N. Paragios, “Deformable Medical Image Registration: Setting the State of the Art with Discrete Methods,” Ann. rev. of biomed. eng., vol. 13, pp. 219–244, aug 2011.
- [32] N. Komodakis and G. Tziritas, “Approximate Labeling via Graph Cuts Based on Linear Programming,” IEEE T-PAMI, vol. 29, no. 8, 2007.
- [33] T. Joachims, T. Finley, and C.-N. Yu, “Cutting-plane Training of Structural {SVM}s,” Machine Learning, 2009.
- [34] B. Singh, S. Alchatzidis, and N. Paragios, “Quasi real-time sub-space 3d deformable fusion,” in ISBI, pp. 833–836, IEEE, 2015.
- [35] S. Klein, M. Staring, K. Murphy, M. A. Viergever, and J. P. Pluim, “Elastix: a toolbox for intensity-based medical image registration,” IEEE transactions on medical imaging, vol. 29, no. 1, pp. 196–205, 2010.
- [36] B. B. Avants, N. J. Tustison, M. Stauffer, G. Song, B. Wu, and J. C. Gee, “The insight toolkit image registration framework,” Frontiers in neuroinformatics, vol. 8, p. 44, 2014.
-
[37]
Y. e. a. Luo, “Tensor canonical correlation analysis for multi-view dimension reduction,”
IEEE TKDE, vol. 27, no. 11, 2015. -
[38]
Y. e. a. Luo, “Large margin multi-modal multi-task feature extraction for image classification,”
IEEE TIP, vol. 25, no. 1, pp. 414–427, 2016.
Comments
There are no comments yet.