Next Article in Journal
Polarimetric Range Extended Target Detection via Adaptive Range Weighted Feature Extraction
Next Article in Special Issue
An Efficient Object Detection Algorithm Based on Improved YOLOv5 for High-Spatial-Resolution Remote Sensing Images
Previous Article in Journal
Spatial Population Distribution Data Disaggregation Based on SDGSAT-1 Nighttime Light and Land Use Data Using Guilin, China, as an Example
Previous Article in Special Issue
Attention-Embedded Triple-Fusion Branch CNN for Hyperspectral Image Classification
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-Class Double-Transformation Network for SAR Image Registration

1
Chinese Flight Test Establishment, Xi’an 710089, China
2
Key Laboratory of Intelligent Perception and Image Understanding of Ministry of Education, School of Artificial Intelligence, Xidian University, Xi’an 710071, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2023, 15(11), 2927; https://0-doi-org.brum.beds.ac.uk/10.3390/rs15112927
Submission received: 16 May 2023 / Revised: 26 May 2023 / Accepted: 2 June 2023 / Published: 4 June 2023

Abstract

:
In SAR image registration, most existing methods consider the image registration as a two-classification problem to construct the pair training samples for training the deep model. However, it is difficult to obtain a mass of given matched-points directly from SAR images as the training samples. Based on this, we propose a multi-class double-transformation network for SAR image registration based on Swin-Transformer. Different from existing methods, the proposed method directly considers each key point as an independent category to construct the multi-classification model for SAR image registration. Then, based on the key points from the reference and sensed images, respectively, a double-transformation network with two branches is designed to search for matched-point pairs. In particular, to weaken the inherent diversity between two SAR images, key points from one image are transformed to the other image, and the transformed image is used as the basic image to capture sub-images corresponding to all key points as the training and testing samples. Moreover, a precise-matching module is designed to increase the reliability of the obtained matched-points by eliminating the inconsistent matched-point pairs given by two branches. Finally, a series of experiments illustrate that the proposed method can achieve higher registration performance compared to existing methods.

1. Introduction

Due to the special characteristics of synthetic aperture radar (SAR) [1], SAR image processing has been widely used in many fields [2,3]. In particular, some applications [4,5,6,7,8], such as SAR image change detection [4], SAR image fusion [5,6], open set recognition [9], etc., require the simultaneous processing of two or more SAR images. However, SAR images are generally obtained by different sensors under different conditions (such as time, viewpoint, noise). This leads to some differences among these images. Therefore, the registration of two or more SAR images becomes indispensable and significant. SAR image registration [10,11,12] is used to match two SAR images by exploring the geometric transformation model between them, where two images are called the reference image and the sensed image. At present, many registration methods [13,14,15,16,17] have been proposed to achieve the registration of two SAR images, and they can be simply divided into the traditional registration methods [13,18,19] and the deep-learning-based registration methods [12,20,21,22,23]. Due to the prominent performance of deep learning, the deep-learning-based method of SAR image registration has recently received more attention compared to traditional methods.
In general, a registration-model-based deep learning is designed from the perspective of the two-classification problem, where the pair of matched-points and the pair of non-matched-points are considered as the positive category and the negative category, respectively, [12,16,21,22,24]. Therefore, in order to achieve better registration performance, it is expected that a mass of matched-point and non-matched-point pairs could be given and then fed to the deep model. However, compared to non-matched-point pairs, it is difficult to obtain many reliable matched-point pairs directly from two SAR images, which also limits the performance of the deep model.
Interestingly, we find that each point in an SAR image is essentially different and independent from others. This essential characteristic leads us to a worthwhile thought: why did we not directly consider multiple key points as multiple classes to construct a multi-classification deep model for SAR image registration, instead of a two-classification deep model? Recently, Mao et al. [25] proposed an adaptive self-supervised SAR image registration method, which utilized each key point as an independent instance to train the self-supervised deep model and then compared the latent features of each key point with other points to search for the final matched-point pairs. Therefore, inspired by these, we aim to design the SAR image registration method from the perspective of multiple classification (discriminating multiple key points), where each key point is considered as an independent class, abandoning the idea of constructing a two-classification model (discriminating matched and non-matched pairs).
Noticeably, for the SAR image registration model, we know that its purpose is to find K matched-points ( ρ * ) between m key points ( ρ R ) on the reference image and n key points ( ρ S ) on the sensed image. Given ρ R = { p 1 r , p 2 r , , p m r } and ρ S = { p 1 s , p 2 s , , p n s } , if p i r ρ R and p j s ρ S are a pair of matched-points, it means that they are from the same location in two images, and the image information corresponding to them should also be consistent. In brief, the mathematical description of three sets is given as
ρ * = ρ R ρ S , but ρ R ρ S ,
where ρ * and ρ * = { p 1 * , p 2 * , , p K * } , K min { m , n } . Therefore, if each key point is considered as a class, the set of matched-points P * is equivalent to the set of overlaps between ρ R (with m classes) and ρ S (with n classes). This means that there are some overlapping classes in all classes, when each key point is considered as an independent class to construct the multiple classification model.
As we know, in a learning model, the categories of training and testing sets are generally consistent, whereas in SAR image registration, only overlapping key points between reference and sensed images are consistent, since these points are matched-points, and the rest of key points should be different. In the other words, if all key points ( m + n points) are considered as classes, our real independent classes should be m + n K (not m + n ), but K is unknown and must be obtained by the model. Between m classes and n classes, there are only K same classes, and meanwhile there are ( m + n K ) different classes. It brings a difficult problem: determining how to construct a multi-classification model based on ( m + n ) given key points for SAR image registration.
Based on the above analyses, in this paper, we propose a double-transformation network for SAR image registration from the perspective of multi-classification, which mainly includes a coarse-matching-module-based double network and a precise-matching module. Considering that there are overlapping points between key points from reference and sensed images, the proposed method first constructs two multi-classification sub-networks, respectively, based on key points from two images, to seek coarse matched-points. In each sub-network, key points from one image are used as classes to train a multi-classification network; meanwhile, key points from another image are used as the testing set, where Swin-Transformer is used as the basic network. Then, with two multi-classification sub-networks, the prediction of m key points can be obtained by the training model with n key points, and the predictions of n key points are obtained by the other training model with m key points. Since only partial points are matched between key points (classes) from two images, this means that the predictions of two models are inaccurate, but some predictions should be consistent. Therefore, secondly, a precise-matching module is designed to seek these consistent predictions from the results of two models as matched-points. Then, the registration transformation is obtained based on the obtained matched-points. In addition, to weaken the effect of inherent differences between two SAR images, a strategy is used to convert key points from the sensed image into the reference image by an initial transformation matrix, and the reference image is used as the base image to capture the sub-image of each key point. Finally, experimental results illustrate that the proposed method can achieve higher registration performance than the state-of-the-art methods.
Compared with most existing methods, the contributions of the proposed method are listed as follows:
  • We utilize each key point directly as a class to design the multi-class model of SAR image registration, which avoids the difficulty of constructing the positive instances (matched-point pairs) in the traditional (two-classification) registration model.
  • We design the double-transformation network with the coarse-to-precise structure, where key points from two images are, respectively, used to train two sub-networks that alternately predict key points from another image. It addresses the problem that the categories are inconsistent in training and testing sets.
  • A precise-matching module is designed to modify the predictions of two sub-networks and obtain the consistent matched-points, where the nearest points of each key point are introduced to refine the predicted matched-points.
The rest of this paper is organized as follows. Section 2 first shows related works. Second, Section 3 introduces the detail of the proposed method. Then, Section 4 shows the corresponding experimental results and analysis to verify the performance of the proposed method. Finally, Section 6 shows the conclusion of this paper.

2. Related Works

2.1. The Attention Mechanism

As we know, people can receive a lot of information every day via various ways, whereas most people do not pay attention to all information, and they only selectively absorb a small amount of useful or interesting information. This ability is generally called attention. Inspired by the way human attention works, the researchers proposed the attention mechanism [26,27]. At present, the attention mechanism is widely used in natural language processing [28,29], image classification [30,31], object detection [32,33], etc.
Simply speaking, the attention mechanism selects the more critical information of the current target task by calculating the degree of correlation between the various samples. In general, the attention mechanism generates three vectors from the input vector, namely, the query vector Q ( Q = [ q 0 , q 1 , , q m ] ), key vectors K ( K = [ k 0 , k 1 , , k m ] ), and the value vector V ( V = [ v 0 , v 1 , , v m ] ). The attention mechanism is achieved by the following three steps.
First, the similarity of each key in the query vector Q and the key vector k i is calculated by the formula [26,27]
s i = s i m ( Q , k i ) ,
where s i expresses the similarity of the ith key, i = 1 , 2 , 3 , , m . Here, the common similarity function can be used, such as Euclidean distance, the cosine similarity, etc. Then, the estimated similarity s i is normalized by the softmax function to obtain the weight α i of the query vector and each key. Finally, the following formula is used to calculate the result of the weighted sum of all the elements in the weight α and the value vector V as the attention vector z i [26,27], shown as follows:
z i = i = 1 m α i V i .
In short, the attention mechanism works by calculating the weights between the query Q and the corresponding key K, and then a weighted sum of all values in V is followed as the final output.

2.2. The Transformer Model

Recently, Transformer [34] has been paid more attention due to its effectiveness, which mainly utilizes the self-attention mechanism to extract internal features and promote the performance of the network model. In general, there are encoder and decoder modules in the model of Transformer. In the encoder, the multi-head attention mechanism is the most important part, which allows the model to learn multiple feature representation spaces. In the decoder module, besides using the multi-head attention mechanism, the masked multi-attention mechanism is designed to hide the predicted information and meanwhile ensure that the results are predicted based on the known information each time.
For the tasks of computer vision and natural language processing, many studies [34,35,36] have illustrated the effective performance of Transformer. Vaswani et al. [34] introduced attention mechanism to solve machine translation and parsing tasks, which achieved good results. Devlin et al. [35] proposed a brand new linguistic representation model, which caused a stir in the NLP field, with the best results in many tasks in NLP. Thereafter, a wide variety of Transformer variants [37,38,39] were proposed. Dosovitskiy et al. [39] proposed Vision Transformer (ViT), which directly used the original Transformer structure and generated the sequence data of image blocks by cutting the image. The ViT model is directly used for image classification tasks, and can attain excellent results compared to state-of-the-art CNNs, whereas, when the ViT model is applied in vision tasks, there are still two main problems: one is that the feature size extracted by ViT is fixed, and the another is the that the computational complexity is high for the input image with large size.
The model of Swin-Transformer [40] was proposed by the Google team in 2021, which improves the ViT model [39] and further demonstrates the powerful performance of transformer in a series of visual tasks. Compared with ViT, Swin-Transformer achieves a layer-by-layer processing mechanism similar to the convolutional neural network, which reduces feature size gradually using patch merging to obtain multi-scale feature representations. In addition, it introduces locally aggregated information by performing the self-attention mechanism in the window [40], which is calculated by
Attention ( Q , K , V ) = Softmax ( Q K T d + B ) V .
The feature size of Q, K, and V is n × d , where n is the number of token vectors in a window. B is relative position bias, which is calculated by the relative position between the current patch index and the reference patch index.
Moreover, the Shifted-Window Multi-head Self-Attention (SW-MSA) module is also proposed, which is the improvement of the Window Multi-head Self Attention (W-MSA) module, and each Swin-Transformer block contains one W-MSA module and one SW-MSA module. The SW-MSA module can achieve the information interaction between windows while retaining the ability of reducing the computational complexity in the W-MSA module [40], shown as follows:
O ( W - MSA ) = ( h k w k ) * ( 4 k 2 C 2 + 2 k 4 C 2 ) = 4 h w C 2 + 2 k 2 h w C 2 ,
where h and w represent the length and width of the input image, and k is the length of Shifted-Window. In the Wwin-Transformer model, the width of the input image is k k rather than h w ; thus, there are ( h / M ) ( w / M ) windows to calculate. Due to the excellent performance of Transformer in image classification, this paper applies Swin-Transformer as the basic classification model to construct the multi-classification registration model for SAR images.

3. The Proposed Method

In this paper, we propose a multi-class double-transformation network of SAR image registration, where each key point is directly considered as an independence-class to construct the multi-classification model, named STDT-Net. The framework of STDT-Net is shown in Figure 1, which mainly includes two parts: the multi-class double-transformation networks based on multiple key points, and the precise-matching module to optimize the obtained pairs of matched-points. In the following, we will introduce each part in detail.

3.1. The Multi-Class Double-Transformation Networks

In the proposed method, each key point in SAR images is considered as one category to construct the multi-classification model for SAR image registration. As we know, a pair of matched-points between two images are essentially located at the same coordinates. This means that two matched-points should belong to the same category and the non-matched-points should belong to different categories. Based on this, a double-transformation network is designed from the perspective of multiple classification to seek the coarse matched-points, which is composed of two branches, respectively, named the R-S sub-network and the S-R sub-network. In particular, the R-S sub-network uses the key points ρ R as the training set and the key points ρ S as the testing set, and the S-R sub-network uses the key points ρ S as the training set and the key points ρ R as the testing set.

3.1.1. Constructing Samples-Based Key Points

For a classification model, the first crucial part is to construct the training and testing samples for the learning model. In order to construct the training and testing samples with multiple classification, two preparations need be implemented.
First, we use the SAR-SIFT algorithm [13] to detect key points from two SAR images, respectively. By SAR-SIFT algorithm, m key points are obtained from the reference image, ρ R = { p 1 r , p 2 r , , p m r } , and n key points are obtained from the sensed image, ρ S = { p 1 s , p 2 s , , p n s } . Then, the obtained key points are used as the centers to capture sub-images as training and testing samples.
In order to weaken the inherent diversities between two SAR images, a new strategy [25] is applied to transform key points from one image to the other image and then capture all sub-images (corresponding to all key points) from one same image. Here, a simple method is applied to obtain the initial transformation matrix as a rough registration. An example is given below to illustrate the details of constructing samples for two sub-networks. The R-S dataset corresponds to the R-S sub-network, and the S-R dataset corresponds to the S-R sub-network.
For the R-S date, the m key points ( ρ R ), detected from the reference image, are used as the centers to capture sub-images of size s × s from the reference image. Here, a sub-image corresponds to one sample. In addition, data enhancement is applied to enlarge training samples, mainly including the combination of rotation, brightness, cropping, etc., and each training sample is enhanced by t times. Thus, based on ρ R , a training set ( D t r R ) is obtained, including m t training samples with m classes, where each class corresponds to a key point in ρ R and of t augmented samples (sub-images).
Then, for the testing samples, n key points ( ρ S ), detected from the sensed image, are used to construct their corresponding samples. In particular, to weaken the inherent diversities between two SAR images, we transform ρ S into the reference image by an initial transformation matrix (the initial transformation matrix T R - S can be given by one simple existing method; here, we use SAR-SIFT to obtain the initial transformation matrix) ( T R - S ) and obtain their transformed key points ( ρ ˜ S R ), where the transformation is given by
ρ ˜ S R = T R - S ( ρ S ) ,
where ρ ˜ S R = { p ˜ s 1 r , p ˜ s 2 r , , p ˜ s n r } . Instead of ρ S , the transformed points ( ρ ˜ S R ) are used as the centers to capture sub-images from the reference image as the testing samples, where the size of each sub-image is s × s . This give a testing set ( D t s S ˜ ) containing n testing samples, where each sample corresponds to a key point in ρ ˜ S R .
Similarly, for the S-R data, the n key points ( ρ S ) from the sensed image are used to obtain their corresponding training samples. With data enhancement, the training set ( D t r S ) is obtained, including n t training samples with n classes, where each class corresponds to a key point in ρ S and of t samples (sub-images). Then, the m key points ( ρ R ) of the reference image are transformed to obtain their transformed points ( ρ ˜ R S ), shown as
ρ ˜ R S = T S - R ( ρ R ) ,
where ρ ˜ R S = { p ˜ r 1 s , p ˜ r 2 s , , p ˜ r m s } . Then, the transformed points ( ρ ˜ R S ) are used as the centers to capture m sub-images as testing samples. The testing set ( D t s R ˜ ) is obtained, including m testing samples, where each sample corresponds to a key point in ρ ˜ R S . Differently, all sub-images are captured from the sensed image for the S-R dataset, whereas all sub-images are captured from the reference image for the R-S dataset.

3.1.2. Multi-Class Double-Transformation Networks

In the proposed method, each key point is considered as a category to construct the multiple classification model. If m key points ( ρ R ) from the reference image are used as the training categories and n key points ( ρ S ) from the sensed image are used as the testing samples, the training model will be trained based on m categories, and the n testing samples will be predicted into m categories by the training model. Obviously, this brings a category inconsistency problem, since only matched-points belong to the same category. Specifically, except for matched-points between ρ R and ρ S , samples in the testing set should not be from any categories of the training set.
Hence, we design a double-transformation network that directly constructs two branches to train the multi-classification registration model, rather than a single branch network. In the proposed method, one branch is trained based on samples corresponding to m key points from the reference image, and the other is trained based on samples corresponding to n key points from the sensed image. Based on this, two datasets are constructed for two branches: the R-S data (for the R-S data, its training set D t r R contains m t samples with m classes, and its testing set D t s S ˜ contains n samples), { D t r R , D t s S ˜ }, and the S-R data (for the S-R data, its training set D t r S contains n t samples with n classes, and its testing set D t s R ˜ contains m samples), { D t r S , D t s R ˜ }, and the details are given in Section 3.1.1. Then, two multiple classification branches (sub-networks) are, respectively, constructed to find the matched-point pairs between reference and sensed images, defined as the R-S branch ( N e t R ) and the S-R branch ( N e t S ), respectively. Here, the Swin-Transformer [40] is used as the basic learning network, as it has achieved the remarkable performance in many applications.
In the R-S branch, since m key points are used as the categories of the multi-classification model, n testing samples are predicted into m categories, and a testing sample x j s is given a predicted class by N e t R , shown as
P r e d R ( x j s ) = i , i = { 1 , , m } ,
where P r e d R ( . ) expresses the prediction result, and x j s D t s S ˜ , j = { 1 , , n } . If a testing sample x j s is predicted as the ith category, it means that its corresponding key point ( p S j ) is possibly matched to the ith key point ( p R i ). Therefore, according to the prediction results, we can obtain a candidate set ϕ i r of matched-points for the ith key point ( p i r ) in ρ R , shown as
ϕ i r = { ( p i r , p ˜ i 1 s ) , ( p i r , p ˜ i 2 s ) , , ( p i r , p ˜ i L i s ) } ,
where L i is the number of all testing samples that are predicted as the jth category. p ˜ i l r corresponds to the lth testing sample ( x l s ) which is predicted as the jth category by N e t R , shown as P r e d R ( x l s ) = i , where l = { 1 , , L i } . Therefore, we obtain all candidate sets { ϕ 1 r , ϕ 2 r , , ϕ m r } of matched-points for all key points ρ R . Note that ϕ j s is an empty set if any testing samples are not predicted as the jth category.
Meanwhile, in the S-R branch, n key points are used as the categories of the multi-classification model, and m testing samples are predicted into n categories. A testing sample x i r is given a predicted class by N e t S , shown as
P r e d S ( x i R ) = j , j = { 1 , , n } .
Similarly, if the sample x i r is predicted as the jth category, it means that its corresponding key point ( p R i ) is possibly matched to the jth key point ( p R j ). Therefore, according to the prediction results, we can also obtain n candidate sets of matched-points for n key points in ρ S , shown as { ϕ 1 s , ϕ 2 s , , ϕ n s } , where
ϕ j s = { ( p j s , p ˜ j 1 r ) , ( p j s , p ˜ j 1 r ) , , ( p j s , p ˜ j L j r ) } ,
where p ˜ j l s corresponds to the lth testing sample ( x l r ) that is predicted as the jth category by N e t S , shown as P r e d S ( x l r ) = j , where l = { 1 , , L j } .
As we know, the matched-points should be one-to-one, but the size L i (or L j ) of an candidate set is not equal to 1, since several testing samples are predicted to be in the same category. Based on this, we measure the similarities between the sub-image (corresponding to a key point p i r ) and all sub-images (corresponding to its L i candidate matched-points), and then the most similar matched-points are selected as the final coarse matched-points obtained by two branches, defined as ϕ R - S and ϕ S - R , respectively, shown in Figure 1.

3.2. The Precise-Matching Module

After obtaining the coarse matched-point pairs, a precise-matching module is designed to search for the more accurate and consistent matched-point pairs between two images, which utilizes the near-points of each key point to assist in estimating the matched-point pairs between the reference and sensed images. The details of the precise-matching module are introduced as follows.
According to [16], it is known that sub-images corresponding to different key points may be similar. Therefore, we first re-find eight near-points around each key point in the testing set. These near-points are located at the top left, top, right, left, left, right, bottom left, bottom and right, respectively, around the key point with k pixels, and eight near-points are used as centers to capture their corresponding sub-images of size s × s . Then, eight sub-images are used as new testing samples and predicted by the training model to obtain the matched-point pairs of eight near-points. A simple example is shown in Figure 2.
Second, for the pairs of coarse matched-points, we compare the matched-point pair of each key point in the testing set with the matched-point pairs of its eight near-points. If the predicted category of a key point is more than 50% consistent with the predicted categories of its eight near-points, we consider the prediction of that key point to be absolutely accurate. The consistency is calculated by
C o n s ( p j s ) = t = 1 8 I ( P r e d R ( x ^ j t ) = P r e d R ( x j S ) ) ,
where x j S expresses the sub-image corresponding to the key point p j s , and x ^ j t is the sub-image corresponding to the tth near-point of p j s . In contrast, if the consistence between a key point and its near-points is less than 50 % , we consider that the prediction of this point may be slightly biased, and then delete its matched-point pair from r pairs of matched-points. By this processing, the obtained matched-point pairs are updated by eliminating some incorrect matched-point pairs. Specifically, ϕ R - S is updated as ϕ R - S , and ϕ S - R is updated as ϕ S - R .
Then, based on the matched-point pairs ϕ R - S and ϕ S - R , we merge the results obtained by two sub-networks to search for the overlapping pairs {( p i r , p j s )}. The overlapping pair ( p i r , p j s ) are actually the consistent matched-points between two images. Therefore, the condition for two points to match is that they satisfy
P r e d R ( p j s ) = i and P r e d S ( p i r ) = j ,
where i is the class corresponding to p i r in the R-S branch, and j is the class corresponding to p j s in the S-R branch. If p j s is predicted to be the ith category (corresponding to p i r ) by N e t R , and meanwhile p i r is predicted to be the jth category (corresponding to p j s ) by N e t S , it means that two points, p j s and p i r , are matched.
Moreover, since we use an initial registration to transform key points from one image to another in the process of sample construction, this may bring some bias in capturing sub-images based on the transformed point. Therefore, after obtaining the overlapping pairs of matched-points, we compare each key point with its near-points to select the most similar matched-point from nine points as the final overlapping point. Finally, the least squares method [25,41] is used to calculate the transformation matrix based on the final overlapping matched-points.

4. Experiments and Analyses

In order to validate the registration performance of the proposed method, we implement experiments and analyses from four items: (1) comparing the registration performance of the proposed method with the state-of-the-art methods; (2) the visualization on chessboard diagrams of SAR image registration; (3) the analysis on the precise-matching module; (4) the analysis on the double-transformation network. In the experiments, four datasets are used to validate the registration performance of the proposed method, including Wuhan, Australia-Yama, YellowR1, and YellowR2 datasets, and more detailed descriptions are available in [16,25]. Four datasets are shown in Figure 3, Figure 4, Figure 5 and Figure 6, respectively.
All experiments are implemented in the environment with NVIDIA GeForce RTX 2080Ti and Windows 10 with 64 GB memory and kernel Intel (R) Xeon (R) CPU E5-2605 v3 @2.30 GHz, and the frame is Pytorch. In the process of data enhancement, three transformation are used, including scale, rotation, and contrast. Note that the parameter settings are different for the training set and for the validation set. For the training samples, the parameter range of scale-transformation is [ 0.5 , 1.5 ] , and the parameters of rotation-transformation are selected between 1 to 20 degrees. Contrast-transformation is set at p = 3 . For the validation sample, the parameter range of scale-transformation is [ 0.5 , 1.5 ] , while the parameter of rotation-transformation is selected between 1 and 10 degrees. Meanwhile the contrast transformation is set at p = 2 . For the parameters of Swin-Transformer, the batch size is set as 128, the feature-dim size is set as 128, and the temperature size is set as 0.5. Referred to [40,42], the layer number of each block is set as 2, 2, 18, and 2. An AdamW optimizer is used to train the network for 300 epochs with a cosine decay learning rate scheduler, the initial learning rate is set as 0.001, and the weight decay is set as 0.05.
In addition, eight quantified evaluation indicators [16] are used to validate the registration performance, including R M S a l l , R M S L O O , N r e d , P q u a d , B P P ( r ) , S k e w , S c a t , and ϕ . Eight indicators are shown in detail as follows:
1.
R M S a l l expresses the root mean square error of the registration result. Note that R M S a l l 1 means that the performance reaches sub-pixel accuracy.
2.
N r e d is the number of matched-points pairs. Its value is higher, which may be beneficial for obtaining a transformation matrix with a better performance of image registration.
3.
R M S L O O expresses the error obtained based on the Leave-One-Out strategy and the root mean square error. For each point in N r e d , R M S L O O is the average of all errors ( R M S a l l of N r e d 1 points).
4.
P q u a d is used to detect whether the retained feature points are evenly distributed in the quadrant, and its value should be less than 95 % .
5.
B P P ( r ) expresses the bad point proportion in obtained matched-points pairs, where a point with a residual value above a certain threshold (r) is called the bad point.
6.
S k e w denotes the absolute value of the calculated correlation coefficient. Note that the Spearman correlation coefficient is used when N r e d < 20 ; otherwise, the Pearson correlation coefficient is applied.
7.
S c a t is a statistical evaluation of the entire image feature point distribution [43], which should be less than 95 % .
8.
ϕ is the linear combination of the above seven indicators, calculated by
ϕ = 1 12 [ 2 × ( 1 N r e d + R M S L O O + B P P ( 1.0 ) + S c a t ) + R M S a l l + 1.5 × ( P q u a d + S k n e w ) ] .
When N r e d 20 , P q u a d is not used, and the above formula is simplified as
ϕ = 1 10.5 [ 2 × ( 1 N r e d + R M S L O O + B P P ( 1.0 ) + S c a t ) + R M S a l l + 1.5 × S k n e w ] ,
and its value should be less than 0.605.

4.1. Comparison and Analysis of the Experimental Results

In this part, to validate the registration performance, we compare the proposed method with eight existing methods: SIFT [44], SAR-SIFT [13], VGG16-LS [45], ResNet50-LS [46], ViT-LS [39], DNN+RANSAC [12], MSDF-Net [16], and AdaSSIR [25]. In the nine compared methods, SIFT and SAR-SIFT are two traditional registration methods. SIFT is mainly matched by using the Euclidean distance ratio between the nearest and second-nearest neighbors of the corresponding features. SAR-SIFT is an improvement of the SIFT method, and it is more consistent with the SAR image characteristics. VGG16-LS, ResNet50-LS and ViT-LS are deep-learning-based classification methods. DNN + RANSAC [12] constructs the training sample set by using self-learning methods, and then it uses DNN networks to obtain matched image pairs. MSDF-Net [16] uses deep forest to construct multiple matching models based on multi-scale fusion to obtain the matched-points pairs, and then it uses RANSAC to calculate the transformation matrix. AdaSSIR [25] proposes an adaptive self-supervised SAR image registration method, where the registration of SAR images is considered as a self-supervised learning problem and each key point is regarded as a category-independent instance to construct the contrastive model for searching out the accurate matched points.
Table 1, Table 2, Table 3 and Table 4 show the registration results on the four datasets, respectively. From four tables, it can be seen that the proposed method (STDT-Net) obtains better registration performances compared with other methods on four datasets. Obviously, the R M S a l l and R M S L O O of the proposed method are highest in six methods for all datasets, meanwhile obtaining the lowest bad point ratio ( B P P ( r ) ), whereas the final retained key points are not well distributed in the quadrant ( P q u a d ). In short, the results for four datasets demonstrate that the proposed method can improve the performance of SAR image registration by double-transformation network based on Swin-Transformer.
Compared with three compared classification networks (VGG16-LS, ResNet50-LS, ViT-LS, DNN+RANSAC, MSDF-Net, and AdaSSIR), the proposed method (STDT-Net) obtains a relatively large number of matching pairs ( N r e d ) and the minimum error rate in obtaining the correct matching pair index, and also achieves better registration accuracy ( R M S a l l and R M S L o o ). In general, the registration accuracy is better if a method has a large N r e d and a smaller R M S a l l value. It is seen that, compared with other classification networks, the obtained feature space is best when the Swin-Transformer network is used as the basic classification model. It means that the coordinate error between the obtained matched-points pairs is smaller, which results in the decreased proportion of bad points and the rise of N r e d indicators, meanwhile reducing the registration error. In short, the proposed method obtains better registration performance than other compared methods.

4.2. The Visual Results of SAR Image Registration

In this part, we draw the chessboard map (CB-map) of two matched SAR images to visually show the registration results on four datasets. Figure 7, Figure 8, Figure 9 and Figure 10 show the CB-maps for four datasets, respectively. In each figure, the chessboard mainly focuses on the overlapping region of two image registrations, and the size of each checker is set based on the size of each datum. Except for the overlapping region, the other regions are filled by their corresponding images (reference or sensed image). For example, in Figure 9, the rightmost area of the CB-map is filled by the sensed image; meanwhile, the leftmost area of the CB-map is filled by the reference image. In order to enhance the visual effect, the contrast ratio between reference and sensed images is increased by darkening one image or brightening the other image.
For each chessboard map, if edges and overlapping regions are more continuous and consistent, it illustrates that the registration result is more accurate. Obviously, it is observed from four CB-maps that two images are matched well by the proposed method for each data. In four CB-maps, these regions (such as river, roads, croplands, etc.) are continuous and consistent, which illustrates that two images are accurately registered. These visual results also validate that the proposed method can obtain more accurate registration results.

4.3. Analyses on the Precise-Matching Module

In this part, we give an analysis of the precise-matching module to validate its effectiveness for enhancing the registration performance. In this experiment, we show the results of two branches (the R-S sub-network and the S-R sub-network) with precise-matching and without precise-matching. R M S a l l is used as the quantitative indicator, and Table 5 shows the experimental results. From Table 5, it is seen that the accuracy without precise-matching is improved by using precise-matching for four datasets regardless of the R-S network or the S-R network. It indicates that our designed precise-matching module is effective for finding more accurate matched points.
Additionally, in order to verify the effectiveness of the precise-matching module more intuitively, we show some visual results. First, nine points were selected from the reference of Yellow River R1 data, and the obtained matched-points corresponding to nine points before and after using the precise-matching module are given. Then, their corresponding sub-images are captured from the reference image. Figure 11 shows the comparison of sub-images corresponding to nine matched-points pairs obtained by the proposed method without precised-matching module and with precise-matching module, where the locations of nine points in the reference image are given and the matched results with precised-matching module are labeled in the red box. From Figure 11, it is observed that the sub-images corresponding to the matched-points obtained by the proposed method with the precise-matching module are more similar to the original sub-images of nine points than without the precise-matching module. It also illustrates that the precise-matching is effective for improving the performance of our method.

4.4. Analyses on the Double-Transformation Network

In this part, we give an analysis of the proposed double-transformation network. Figure 12 shows the comparison of the root mean square error (RMSE, R M S a l l ) obtained by the proposed method (with two branches) and only using one branch (the R-S network or the S-R network) for the four datasets. From Figure 12, it is seen that the proposed method obtains more registration results than only using the single network, which indicates that our double-transformation network can seek more accurate matched-points between two images compared with two single networks (the R-S network or the S-R network), since these matched-points pairs are obtained based on two multi-classification models which are trained in two feature spaces.

5. Discussion

Based on the above experimental results and analyses, it is demonstrated that the proposed method can obtain more accurate registrations of SAR images than other existing methods. According to our analyses, the reasons mainly focus on several items: First, the proposed method utilizes key points as the independent classes to handle SAR image registration, which effectively avoids the defects of traditional two-classification model for SAR image registration. Compared with existing methods, it is novel to directly use key points as independent classes to construct the multi-classification model. Additionally, key points are easily obtained from an image, which means that there are more corresponding training samples when there are more key points. Second, considering the categories of training and testing sets in SAR image registration, the proposed method is designed with a double-transformation network to construct the multi-classification model. Specially, two sub-networks effectively achieve the complementation of obtaining predicted matched-points, since two sub-networks are trained based on different key points (categories). Third, a precise-matching module is designed based on the nearest points to modify the predictions of two sub-networks and obtain more consistent matched-points. Moreover, since the detection of key points is not key for the proposed method, a simple method is used to detect the key points from two SAR images in our model, whereas it does not mean that other advanced methods are not adaptive for our model. In actuality, these methods can be used to detect the key points.
In addition, the Swin-Transformer is used as the basic network to construct the training model of the proposed method. Therefore, we also make a classification performance comparison of Swin-Transformer with three different basic networks, including VGG16 [45], ResNet50 [46], and ViT [39], which may be helpful to select which basic network to use as the basic classification model for researchers. In this part, the four networks have the same hyperparameters and the number of training iterations, and the accuracy rate ( A c c ) and the running time ( T i m e ) are used as the verifiable indicators to analyze the classification performances of four basic networks.
Table 6 shows the experimental results of the four networks on the Yellow River R1 data and the Wuhan data, where the best results are in bold. From Table 6, it is obvious that Swin-Transformer obtains higher accuracy rates of classification and has shorter running times compared with the other three basic networks. It indicates that the proposed method using Swin-Transformer as the basic classification network is more effective and more suitable for SAR image registration.

6. Conclusions

In this paper, we propose a multi-class double-transformation network based on Swin-Transformer for SAR image registration. Different from most existing methods, the proposed method considers each key point of an SAR image as a category to construct the multi-classification model for SAR image registration. To find the matched-points between two images, we design a double-transformation network with two branches, which are trained based on multiple key points, respectively, from the reference image and the sensed image. In particular, while constructing the training and testing samples, one image is used as the base image to capture the sub-images corresponding to the key points by using an initial registration transformation, which can effectively weaken the inherent diversity between SAR images. Furthermore, a precise-matching module is designed to search for more accurate matched-points by eliminating the inconsistent matched-points between the results obtained by two branches. Finally, experimental results show that the proposed method can achieve more accurate registration than the compared methods.

Author Contributions

Conceptualization, X.D. and S.M.; methodology, X.D., J.Y. and S.M.; software, J.Y. and S.L.; validation, X.D., S.G. and L.J.; formal analysis, S.M.; investigation, L.J.; resources, S.M.; data curation, Y.Z.; writing—original draft preparation, S.M., S.L. and J.Y.; writing—review and editing, X.D., S.M. and S.G.; visualization, S.L.; supervision, L.J.; project administration, X.D.; funding acquisition, S.M. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the State Key Program of National Natural Science of China (No. 62234010), the National Natural Science Foundation of China (No. 61806154 and No. 62102296), the China Postdoctoral Science Foundation Funded Project (No. 2019M653565), and Natural Science Foundation of Shaanxi Province (Grant No. 2022JQ-661).

Data Availability Statement

The public datasets used in experiments can be accessed at the following addresses: Bern Flood Data: https://github.com/summitgao/SAR_Change_Detection_CWNN, accessed on 1 June 2023.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Fitch, J.P. Synthetic Aperture Radar; Springer Science & Business Media: New York, NY, USA, 2012. [Google Scholar]
  2. Joyce, K.E.; Samsonov, S.V.; Levick, S.R.; Engelbrecht, J.; Belliss, S. Mapping and monitoring geological hazards using optical, LiDAR, and synthetic aperture RADAR image data. Nat. Hazards 2014, 73, 137–163. [Google Scholar] [CrossRef]
  3. Quartulli, M.; Olaizola, I.G. A review of EO image information mining. ISPRS J. Photogramm. Remote Sens. 2013, 75, 11–28. [Google Scholar] [CrossRef] [Green Version]
  4. Wang, Y.; Du, L.; Dai, H. Unsupervised sar image change detection based on sift keypoints and region information. IEEE Geosci. Remote Sens. Lett. 2016, 13, 931–935. [Google Scholar] [CrossRef]
  5. Poulain, V.; Inglada, J.; Spigai, M. High-resolution optical and SAR image fusion for building database updating. IEEE Trans. Geosci. Remote Sens. 2011, 49, 2900–2910. [Google Scholar] [CrossRef] [Green Version]
  6. Byun, Y.; Choi, J.; Han, Y. An Area-Based Image Fusion Scheme for the Integration of SAR and Optical Satellite Imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2013, 6, 2212–2220. [Google Scholar] [CrossRef]
  7. Moser, G.; Serpico, S.B. Unsupervised Change Detection from Multichannel SAR Data by Markovian Data Fusion. IEEE Trans. Geosci. Remote Sens. 2009, 47, 2114–2128. [Google Scholar] [CrossRef]
  8. Song, T.; Yi, S. Fast and Accurate Target Detection Based on Multiscale Saliency and Active Contour Model for High-Resolution SAR Images. IEEE Trans. Geosci. Remote Sens. 2016, 54, 5729–5744. [Google Scholar]
  9. Giusti, E.; Ghio, S.; Oveis, A.H.; Martorella, M. Proportional Similarity-Based Openmax Classifier for Open Set Recognition in SAR Images. Remote Sens. 2022, 14, 4665. [Google Scholar] [CrossRef]
  10. Schwind, P.; Suri, S.; Reinartz, P.; Siebert, A. Applicability of the sift operator to geometric sar image registration. Int. J. Remote Sens. 2010, 31, 1959–1980. [Google Scholar] [CrossRef]
  11. Wang, S.H.; You, H.J.; Fu, K. Bfsift: A novel method to find feature matches for sar image registration. IEEE Geosci. Remote Sens. Lett. 2012, 9, 649–653. [Google Scholar] [CrossRef]
  12. Wang, S.; Quan, D.; Liang, X.; Ning, M.; Guo, Y.; Jiao, L. A deep learning framework for remote sensing image registration. ISPRS J. Photogramm. Remote Sens. 2018, 145, 148–164. [Google Scholar] [CrossRef]
  13. Dellinger, F.; Delon, J.; Gousseau, Y.; Michel, J.; Tupin, F. SAR-SIFT: A SIFT-Like Algorithm for SAR Images. IEEE Trans. Geosci. Remote Sens. 2015, 53, 453–466. [Google Scholar] [CrossRef] [Green Version]
  14. Wu, Y.; Miao, Q.; Ma, W.; Gong, M.; Wang, S. PSOSAC: Particle Swarm Optimization Sample Consensus Algorithm for Remote Sensing Image Registration. IEEE Geosci. Remote Sens. Lett. 2018, 15, 242–246. [Google Scholar] [CrossRef]
  15. Liu, Y.; Zhou, Y.; Zhou, Y.; Ma, L.; Wang, B.; Zhang, F. Accelerating SAR Image Registration Using Swarm-Intelligent GPU Parallelization. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 5694–5703. [Google Scholar] [CrossRef]
  16. Mao, S.; Yang, J.; Gou, S.; Jiao, L.; Xiong, T.; Xiong, L. Multi-Scale Fused SAR Image Registration Based on Deep Forest. Remote Sens. 2021, 13, 2227. [Google Scholar] [CrossRef]
  17. Zhang, S.; Sui, L.; Zhou, R.; Xun, Z.; Du, C.; Guo, X. Mountainous SAR Image Registration Using Image Simulation and an L2E Robust Estimator. Sustainability 2022, 14, 9315. [Google Scholar] [CrossRef]
  18. Gong, M.; Zhao, S.; Jiao, L.; Tian, D.; Wang, S. A novel coarse-to-fine scheme for automatic image registration based on SIFT and mutual information. IEEE Trans. Geosci. Remote Sens. 2013, 52, 4328–4338. [Google Scholar] [CrossRef]
  19. Sollers, J.J.; Buchanan, T.W.; Mowrer, S.M.; Hill, L.K.; Thayer, J.F. Comparison of the ratio of the standard deviation of the RR interval and the root mean squared successive differences (SD/rMSSD) to the low frequency-to-high frequency (LF/HF) ratio in a patient population and normal healthy controls. Biomed. Sci. Instrum. 2007, 43, 158–163. [Google Scholar] [PubMed]
  20. Ma, W.; Zhang, J.; Wu, Y.; Jiao, L.; Zhu, H.; Zhao, W. A Novel Two-Step Registration Method for Remote Sensing Images Based on Deep and Local Features. IEEE Trans. Geosci. Remote Sens. 2019, 57, 4834–4843. [Google Scholar] [CrossRef]
  21. Quan, D.; Wang, S.; Ning, M.; Xiong, T.; Jiao, L. Using deep neural networks for synthetic aperture radar image registration. In Proceedings of the 2016 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Beijing, China, 10–15 July 2016; pp. 2799–2802. [Google Scholar]
  22. Ye, F.; Su, Y.; Xiao, H.; Zhao, X.; Min, W. Remote sensing image registration using convolutional neural network features. IEEE Geosci. Remote Sens. Lett. 2018, 15, 232–236. [Google Scholar] [CrossRef]
  23. Mu, J.; Gou, S.; Mao, S.; Zheng, S. A Stepwise Matching Method for Multi-modal Image based on Cascaded Network. In Proceedings of the 29th ACM International Conference on Multimedia, Nice, France, 21–25 October 2021; pp. 1284–1292. [Google Scholar]
  24. Zou, B.; Li, H.; Zhang, L. Self-Supervised SAR Image Registration With SAR-Superpoint and Transformation Aggregation. IEEE Trans. Geosci. Remote Sens. 2023, 61, 5201115. [Google Scholar] [CrossRef]
  25. Mao, S.; Yang, J.; Gou, S.; Lu, K.; Jiao, L.; Xiong, T.; Xiong, L. Adaptive Self-Supervised SAR Image Registration with Modifications of Alignment Transformation. IEEE Trans. Geosci. Remote Sens. 2023, 61, 5203715. [Google Scholar] [CrossRef]
  26. Niu, Z.; Zhong, G.; Yu, H. A review on the attention mechanism of deep learning. Neurocomputing 2021, 452, 48–62. [Google Scholar] [CrossRef]
  27. Chaudhari, S.; Mithal, V.; Polatkan, G.; Ramanath, R. An attentive survey of attention models. ACM Trans. Intell. Syst. Technol. 2021, 12, 53. [Google Scholar] [CrossRef]
  28. Kim, Y.; Lee, J.; Lee, E.B.; Lee, J.H. Application of Natural Language Processing (NLP) and Text-Mining of Big-Data to Engineering-Procurement-Construction (EPC) Bid and Contract Documents. In Proceedings of the 6th Conference on Data Science and Machine Learning Applications (CDMA), Riyadh, Saudi Arabia, 4–5 March 2020; pp. 123–128. [Google Scholar]
  29. Xu, K.; Ba, J.; Kiros, R.; Cho, K.; Courville, A.; Salakhudinov, R.; Zemel, R.; Bengio, Y. Show, attend and tell: Neural image caption generation with visual attention. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 2048–2057. [Google Scholar]
  30. Guo, H.; Zheng, K.; Fan, X.; Yu, H.; Wang, S. Visual attention consistency under image transforms for multi-label image classification. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 729–739. [Google Scholar]
  31. Haut, J.M.; Paoletti, M.E.; Plaza, J.; Plaza, A.; Li, J. Visual attention-driven hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2019, 57, 8065–8080. [Google Scholar] [CrossRef]
  32. Li, W.; Liu, K.; Zhang, L.; Cheng, F. Object detection based on an adaptive attention mechanism. Sci. Rep. 2020, 10, 11307. [Google Scholar] [CrossRef]
  33. Zhu, Y.; Zhao, C.; Guo, H.; Wang, J.; Zhao, X.; Lu, H. Attention CoupleNet: Fully convolutional attention coupling network for object detection. IEEE Trans. Image Process. 2018, 28, 113–126. [Google Scholar] [CrossRef]
  34. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the 31st Conference on Neural Information Processing Systems (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  35. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  36. Han, K.; Wang, Y.; Chen, H.; Chen, X.; Guo, J.; Liu, Z.; Tang, Y.; Xiao, A.; Xu, C.; Xu, Y.; et al. A Survey on Vision Transformer. IEEE Trans. Pattern Anal. Mach. Intell. 2023, 45, 87–110. [Google Scholar] [CrossRef]
  37. Dai, Z.; Yang, Z.; Yang, Y.; Carbonell, J.; Le, Q.V.; Salakhutdinov, R. Transformer-xl: Attentive language models beyond a fixed-length context. arXiv 2019, arXiv:1901.02860. [Google Scholar]
  38. Chen, J.; Lu, Y.; Yu, Q.; Luo, X.; Adeli, E.; Wang, Y.; Lu, L.; Yuille, A.L.; Zhou, Y. Transunet: Transformers make strong encoders for medical image segmentation. arXiv 2021, arXiv:2102.04306. [Google Scholar]
  39. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An image is worth 16 x 16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  40. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 10012–10022. [Google Scholar]
  41. Mansard, E.P.; Funke, E.R. The measurement of incident and reflected spectra using a least squares method. Coast. Eng. Proc. 1980, 17, 8. [Google Scholar] [CrossRef] [Green Version]
  42. Hugo, T.; Matthieu, C.; Matthijs, D.; Francisco, M.; Alexandre, S.; Hervé, J. Training data-efficient image transformers & distillation through attention. In Proceedings of the 38th International Conference on Machine Learning, PMLR, Virtual Event, 18–24 July 2021; pp. 10347–10357. [Google Scholar]
  43. Goncalves, H.; Goncalves, J.A.; Corte-Real, L. Measures for an Objective Evaluation of the Geometric Correction Process Quality. IEEE Geosci. Remote Sens. Lett. 2009, 6, 292–296. [Google Scholar] [CrossRef]
  44. Lowe, D.G. Object recognition from local scale-invariant features. IEEE Int. Conf. Comput. Vis. 1999, 2, 1150–1157. [Google Scholar]
  45. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  46. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
Figure 1. The framework of the proposed method.
Figure 1. The framework of the proposed method.
Remotesensing 15 02927 g001
Figure 2. A visual example of eight near-points around a key point from the sensed image with k pixels, where k = 5 and the predictions are obtained by the R-S branch ( N e t R ).
Figure 2. A visual example of eight near-points around a key point from the sensed image with k pixels, where k = 5 and the predictions are obtained by the R-S branch ( N e t R ).
Remotesensing 15 02927 g002
Figure 3. Reference and sensed images of Wuhan data. The image size is 400 × 400 and the resolution is 10 m.
Figure 3. Reference and sensed images of Wuhan data. The image size is 400 × 400 and the resolution is 10 m.
Remotesensing 15 02927 g003
Figure 4. Reference and sensed images of Australia-Yama data. The image size is 650 × 350 pixels.
Figure 4. Reference and sensed images of Australia-Yama data. The image size is 650 × 350 pixels.
Remotesensing 15 02927 g004
Figure 5. Reference and sensed images of YellowR1 data. The image size is 700 × 700 pixels and the resolution is 8 m.
Figure 5. Reference and sensed images of YellowR1 data. The image size is 700 × 700 pixels and the resolution is 8 m.
Remotesensing 15 02927 g005
Figure 6. Reference and sensed images of YellowR2 data. The image size is 1000 × 1000 pixels and the resolution is 8 m.
Figure 6. Reference and sensed images of YellowR2 data. The image size is 1000 × 1000 pixels and the resolution is 8 m.
Remotesensing 15 02927 g006
Figure 7. Registration CB-map for Wuhan data with 400 × 400 .
Figure 7. Registration CB-map for Wuhan data with 400 × 400 .
Remotesensing 15 02927 g007
Figure 8. Registration CB-map for YellowR1 data with 700 × 700 .
Figure 8. Registration CB-map for YellowR1 data with 700 × 700 .
Remotesensing 15 02927 g008
Figure 9. Registration CB-map for Yamba data with 350 × 650 .
Figure 9. Registration CB-map for Yamba data with 350 × 650 .
Remotesensing 15 02927 g009
Figure 10. Registration CB-map for YellowR2 data with 1000 × 1000 .
Figure 10. Registration CB-map for YellowR2 data with 1000 × 1000 .
Remotesensing 15 02927 g010
Figure 11. The comparison of sub-images corresponding to matched-points obtained by the proposed method without precised-matching module and with precise-matching module. For each point, the left sub-image corresponds to that point, the right top sub-image corresponds to its matched-point obtained by the proposed method without precised-matching module, and the right under sub-image (labeled in the red box) corresponds to the matched results with precised-matching module.
Figure 11. The comparison of sub-images corresponding to matched-points obtained by the proposed method without precised-matching module and with precise-matching module. For each point, the left sub-image corresponds to that point, the right top sub-image corresponds to its matched-point obtained by the proposed method without precised-matching module, and the right under sub-image (labeled in the red box) corresponds to the matched results with precised-matching module.
Remotesensing 15 02927 g011
Figure 12. The comparison of the proposed double-transformation network to two single branches (the R-S branch and the S-R branch).
Figure 12. The comparison of the proposed double-transformation network to two single branches (the R-S branch and the S-R branch).
Remotesensing 15 02927 g012
Table 1. Comparison of registration performance obtained by six methods on Wuhan data.
Table 1. Comparison of registration performance obtained by six methods on Wuhan data.
Methods N red RMS all RMS Loo P quad BPP ( r ) S kew S cat ϕ
SIFT171.20761.21390.64710.13670.99910.7048
SAR-SIFT661.24551.24910.63000.62120.12510.99610.6784
VGG16-LS580.56110.56940.66650.25560.03891.00000.4420
ResNet50-LS680.48180.49660.71620.28180.19430.97660.4489
ViT-LS640.52180.53040.61010.23300.10721.00000.4296
DNN + RANSAC80.64710.67660.18180.09430.97660.4484
MSDF-Net390.43450.48930.61010.31240.10721.00000.4304
AdaSSIR470.42170.44590.62540.33770.11651.00000.4287
STDT-Net (Ours)780.44900.45200.62540.22770.11651.00000.4122
Rank/All1/103/102/102/72/104/104/41/10
Table 2. Comparison of registration performance obtained by six methods on YAMBA data.
Table 2. Comparison of registration performance obtained by six methods on YAMBA data.
Methods N red RMS all RMS Loo P quad BPP ( r ) S kew S cat ϕ
SIFT691.17681.18060.90130.6812 0 . 0975 0.99220.7010
SAR-SIFT 151 1.24871.29480.60160.67550.12740.99800.6910
VGG16-LS1120.56040.56850.61500.36210.12711.00000.4626
ResNet50-LS1200.49030.5064 0 . 5873 0.25150.10271.00000.4215
ViT-LS1090.52760.53710.71620.25290.11051.00000.4472
DNN+RANSAC80.72930.75820.50000.12270.97660.5365
MSDF-Net120.46450.48350.40000.11750.99990.4356
AdaSSIR710.46370.47070.60130.45450.10721.00000.4504
STDT-Net (Ours)115 0 . 4604 0.47320.6740 0 . 2173 0.11751.0000 0 . 4205
Rank/All3/91/92/95/72/94/94/41/9
Table 3. Comparison of registration performance obtained by six methods on YellowR1 data.
Table 3. Comparison of registration performance obtained by six methods on YellowR1 data.
Methods N red RMS all RMS Loo P quad BPP ( r ) S kew S cat ϕ
SIFT110.91050.94360.54550.10550.98730.5908
SAR-SIFT 31 1.14241.29480.59100.74190.09621.00000.6636
VGG16-LS190.60890.61140.42110.10611.00000.4703
ResNet50-LS250.57250.58890.58140.60580.13871.00000.5102
ViT-LS200.59860.55710.58210.58750.12661.00000.5118
DNN+RANSAC100.80240.85180.60000.13810.99960.5821
MSDF-Net110.59230.61140.43510.08340.99900.4753
AdaSSIR200.55340.57200.53950.44440.10861.00000.4715
STDT-Net (Ours)24 0 . 5487 0 . 5531 0.54860.40380.10881.0000 0 . 4610
Rank/All3/91/91/92/71/96/94/41/9
Table 4. Comparison of registration performance obtained by six methods on YellowR2 data.
Table 4. Comparison of registration performance obtained by six methods on YellowR2 data.
Methods N red RMS all RMS Loo P quad BPP ( r ) S kew S cat ϕ
SIFT881.16961.17110.63990.78410.1138 0 . 9375 0.6757
SAR-SIFT 301 1.19031.19730.89610.86710.13181.00000.7390
VGG16-LS540.54060.55040.68040.31870.12771.00000.4607
ResNet50-LS700.50360.51060.71620.27780.12080.99990.4470
ViT-LS670.50150.5095 0 . 6000 0.29250.12811.00000.4356
DNN+RANSAC100.57840.59060.00000.13080.99990.3946
MSDF-Net520.50510.52200.61120.76920.14341.00000.5215
AdaSSIR680.48580.49940.60130.57140.11491.00000.4776
STDT-Net (Ours)790.48080.49540.67400.26920.11341.00000.4347
Rank/All3/91/91/95/72/91/94/42/9
Table 5. A performance comparison ( R M S a l l ) between with and without precise-matching.
Table 5. A performance comparison ( R M S a l l ) between with and without precise-matching.
DatasetsBranchWithout Precise-MatchingWith Precise-Matching
WuhanR→S0.45980.4579
S→R0.46200.4590
YellowR1R→S0.57980.5525
S→R0.55850.5535
YAMBAR→S0.47880.4960
S→R0.48580.4763
YellowR2R→S0.52530.5185
S→R0.50930.4960
Table 6. Quantitative comparisons of the four classification networks.
Table 6. Quantitative comparisons of the four classification networks.
DatasetsPerformanceVGG16ResNet50ViTSwin-Transformer
YellowR1 A c c (%)87.1389.3289.5992.74
T i m e (m)47384231
Wuhan A c c (%)89.2692.7191.1094.83
T i m e (m)19132810
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Deng, X.; Mao, S.; Yang, J.; Lu, S.; Gou, S.; Zhou, Y.; Jiao, L. Multi-Class Double-Transformation Network for SAR Image Registration. Remote Sens. 2023, 15, 2927. https://0-doi-org.brum.beds.ac.uk/10.3390/rs15112927

AMA Style

Deng X, Mao S, Yang J, Lu S, Gou S, Zhou Y, Jiao L. Multi-Class Double-Transformation Network for SAR Image Registration. Remote Sensing. 2023; 15(11):2927. https://0-doi-org.brum.beds.ac.uk/10.3390/rs15112927

Chicago/Turabian Style

Deng, Xiaozheng, Shasha Mao, Jinyuan Yang, Shiming Lu, Shuiping Gou, Youming Zhou, and Licheng Jiao. 2023. "Multi-Class Double-Transformation Network for SAR Image Registration" Remote Sensing 15, no. 11: 2927. https://0-doi-org.brum.beds.ac.uk/10.3390/rs15112927

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop