Next Article in Journal
Mapping Rice Paddy Based on Machine Learning with Sentinel-2 Multi-Temporal Data: Model Comparison and Transferability
Previous Article in Journal
Local Population Mapping Using a Random Forest Model Based on Remote and Social Sensing Data: A Case Study in Zhengzhou, China
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Letter

A Convolutional Neural Network with Parallel Multi-Scale Spatial Pooling to Detect Temporal Changes in SAR Images

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. 2020, 12(10), 1619; https://doi.org/10.3390/rs12101619
Submission received: 19 April 2020 / Revised: 15 May 2020 / Accepted: 17 May 2020 / Published: 19 May 2020
(This article belongs to the Section Remote Sensing Image Processing)

Abstract

:
In synthetic aperture radar (SAR) image change detection, it is quite challenging to exploit the changing information from the noisy difference image subject to the speckle. In this paper, we propose a multi-scale spatial pooling (MSSP) network to exploit the changed information from the noisy difference image. Being different from the traditional convolutional network with only mono-scale pooling kernels, in the proposed method, multi-scale pooling kernels are equipped in a convolutional network to exploit the spatial context information on changed regions from the difference image. Furthermore, to verify the generalization of the proposed method, we apply our proposed method to the cross-dataset bitemporal SAR image change detection, where the MSSP network (MSSP-Net) is trained on a dataset and then applied to an unknown testing dataset. We compare the proposed method with other state-of-arts and the comparisons are performed on four challenging datasets of bitemporal SAR images. Experimental results demonstrate that our proposed method obtain comparable results with S-PCA-Net on YR-A and YR-B dataset and outperforms other state-of-art methods, especially on the Sendai-A and Sendai-B datasets with more complex scenes. More important, MSSP-Net is more efficient than S-PCA-Net and convolutional neural networks (CNN) with less executing time in both training and testing phases.

Graphical Abstract

1. Introduction

Synthetic aperture radar (SAR) is a microwave sensor for earth observation working without the limitations of illumination condition. This advantage allows people to perform multiple earth observations at all time with all weather and the acquired multitemporal SAR images give us opportunities to compare the difference of the multi-temporal SAR images on the same scene, which is known as multi-temporal SAR image change detection [1]. In recent years, numerous methods have been developed for SAR image change detection.
Currently, most SAR image change detection methods are developed based on the framework proposed in [2,3] by L. Bruzzone and D. F. Prieto, in which the changed regions are detected from a difference image (DI). However, this pixel-wise operator is subject to SAR image speckle and it is quite challenging to exploit the changing information. Zhang et al. [4] proposed a graph-cut method to extract the change regions on the log-ratio difference image through the statistical distributions on the changed and unchanged regions. Li et al. [5] proposed a joint sparse learning model to obtain robust features from difference images.
Recently, several fully convolutional neural networks (CNN) [6] have been successfully employed to image semantic segmentation where the pooling layers can exploit robust features on spatial structures of an image. Especially, three-dimension (3-D) CNNs have been proposed for 3D image and employed to remote sensing analysis [7,8] and combined with transfer learning [9,10]. Inspired by this spirit, they have been extensively employed to exploit the changed regions from the noisy difference image. Gong et al. [11] proposed a deep neural network for the first time to SAR image change detection. Gao et al. [12] proposed a simple convolutional network based on the principle component analysis, known as PCA-Net, to SAR image change detection. Li et al. [13] proposed a bitemporal SAR image change detection based on convolutional neural network. However, most above learning-based methods are unsupervised ones or the models are trained by pseudo labels estimated by an intermedia model. Then the performance of a trained model is limited by the errors of pseudo labels accumulated in iterations. To handle this problem, Wang et al. [14] proposed a supervised PCA-Net approach, where training samples are selected with the guidance of morphological structures of reference. However, the PCA-Net is time-consuming to train a promising model. For another, in most traditional convolutional networks, all the pooling kernels have the same size and pooling operators are usually subsequently employed to exploit a larger range of spatial context. Recently, Zhao et al. [15] proposed a pyramid scene parsing network, which exploits global spatial context information by aggregating various sizes of context through pyramid pooling layers. Kim et al. [16] developed an U-Net with pyramid pooling layers for object segmentation. Cui et al. [17] proposed a multi-scale SAR image segmentation based on attention-based CNN.
In this paper, our goal is to build an efficient and easy-training network for SAR image change detection. To achieve this, we propose a light multi-scale spatial pooling (MSSP) convolutional network (MSSP-Net) to segment the changed regions from the noisy difference image. In this network, the MSSP layer is introduced to obtain the robust features of changed regions with the spatial context information at various scales. It can facilitate to exploit the structures of changed regions with a more shallow network, which can be easily trained as a low capacity model. Furthermore, We also focus on the generalizing ability of the proposed method. Besides the experiments on change detection of individual dataset, we verify the model generalization by comparing the methods on the cross-dataset SAR image change detection. The experimental results show that the proposed method outperforms the other methods in cross-dataset SAR image change detection, especially on the datasets with complex scenes. Compared with the existing CNN-based change detection method, the proposed MSSP-Net can achieve multi-scale receptive field with a shallow and light-weighted convolutional neural network.

2. Proposed Method

In most traditional convolutional neural network (CNN), the pooling operators with mono-scale are usually employed to exploit the context information. However, the exploitation at various scales is usually achieved by cascading these operators and convolutional layers, and it will increase the depth of network and the number of model parameters. In this section, we propose an efficient covolutional neural network with a multiscale spatial pooling layer to exploit the structures of changed regions from bitemporal SAR images.

2.1. Network Architecture

Given a set of bitemporal SAR images, the DI is firstly generated by the neighborhood-based log-ratio(LR) ratio [18]. Then both the bitemporal SAR images and the generated DI are taken as the input of the MSSP network. The goal is to elaborate the changed map from the noisy input images.
The whole framework of MSSP network (MSSP-Net) is illustrated in Figure 1. We take three patches with size 32 × 32 as inputs and list the sizes of all the intermedia activation tensors in Table 1.
To perform efficient inference, we extract patches from the group of input images and feed the patches into the MSSP network. As shown in Figure 1, for each group of the input patches, it is sequentially followed by a batch-norm (BN) layer and three convolution layers (Conv-3), illustrated as the blue bars in the figure. The digit in ‘Conv-3’ indicates the size of the convolution kernels is 3 × 3. Then a max-pooling layer (MP-2) follows the convolution layers to exploit spatial context with a 2 × 2 kernel as illustrated by the red bar.
Following the MP-2 layer, a MSSP layer is developed to parallelly exploit the spatial context with various scales of receptive fields. To achieve this, the MSSP layer is designed as a group of parallel convolutional layers with the kernel sizes of 2 × 2, 4 × 4, 8 × 8 and 16 × 16 illustrated by various sizes and colors of blocks and denoted by SP-2, SP-4, SP-8 and SP-16, respectively.
Being different from the conventional CNN, our proposed MSSP layer parallelly exploits the spatial context with pooling layers at various scales, which reduces the depth of neural network and makes it easier to train.
After each spatial pooling operator, a convolutional and a deconvolutional operator are employed to perform the upsampling that recovers the patch to the size of 16 × 16, where the spatial context obtained by the MSSP will be propagated to pixel levels [19].
The output of the MSSP layer can be expressed as follows
I o u t = i = 1 , 2 , I i n a i f i ,
where I i n and I o u t are the input and the output of MSSP layer. a i is the i-th spatial pooling operator with the scale of s i . In this paper, we set s i = 2 , 4 , 8 , 16 . f i is the i-th deconvolutional kernel. ⨁ denote the direct sum of feature subspace generated by various a i . ★ denotes the convolution operator. In here, the direct sum ⨁ is implemented as a contact operator. Namely, we contact the output of MSSP layer and its input. Then we get a tensor with size 16 × 16 × 256. Next, a 3 × 3 and a 1 × 1 convolution are employed to get two probability maps for changed and unchanged categories. Finally, we employ deconvolution again to upsample the probability map to the same size of input patch.
As shown above, the MSSP-Net is a lite and shallow network and most importantly, we exploit the spatial context at the various scales by a MSSP layer instead of cascading mono-scale pooling layers, which reduces the depth of the network and improves the computational efficiency.

2.2. Network Training

To train the network efficiently, we elaborately collected the samples from training datasets, especially near the boundaries (named as boundary samples) according to the method in [14]. It has been demonstrated that the network can be efficiently trained for SAR image change detection with less training samples. In this paper, we randomly draw 20% samples for training including changed and unchanged category, among which there are 50% samples along boundaries.
Moreover, the patchsize of each sample was set as 32 × 32 and 8 samples were fed at each training step. Additionally, the Adam algorithm [20] was employed to optimize the weights of network in the training stage, where the initial learning rate was set as 0.005. Training was performed on the PyTorch platform built on the Ubuntu 16.04 installed in a PC with a 16 GB DDR memory and an NVIDIA TITAN Xp Graphics Processing Unit of 11 GB memory.

3. Experimental Results and Analysis

3.1. Datasets Description and Experiment Configures

In this paper, the proposed method is verified on four sets of bitemporal SAR images. Two scenes (YR-A and YR-B) are from bitemporal Yellow River SAR images [11] acquired by the Radarsat-2 satellite in 2008 and 2009, respectively. Their image sizes are 306 × 291 and 400 × 350, respectively. We manually labeled their ground truth. Other two are parts of TerraSAR-X images acquired prior to (on Oct. 20, 2010) and after (on May 6, 2011) the Sendai earthquake in Japan [21]. Their sizes (Sendai-A and Sendai-B) are 590 × 687 and 689 × 734, respectively. Their reference maps are kindly provided by [21]. These four datasets are shown in Figure 2, where the images in the first two rows are the bitemporal SAR images and the images in the last row are the corresponding DIs. These four datasets are quite challenging. As shown in the last row of Figure 2, the changed regions are subject to the heavy noise. More specially, in both Sendai-A and Sendai-B datasets, the scenes of non-changed area are quite complex.
In the following experiments, the performance will be quantitatively evaluated by probabilistic missed alarm (pMA), probabilistic false alarm (pFA) and kappa coefficient, where pFA (pMA) are calculated by the ratios between FA (MA) and the number of unchanged pixels (NC).

3.2. Experiment Results within One Dataset

To verify the benefits of the proposed method, it is compared with the unsupervised PCA-Net (U-PCA-Net) [12], the supervised PCA-Net (S-PCA-Net) [14] which achieve the state-of-arts performance on SAR image change detection. We also compare MASP-Net with the deep neural network (DNN) method [11] and CNN [13]. The patchsizes of U-PCA-Net and S-PCA-Net are set as 15 × 15. The ones of DNN and CNN are set as 11 × 11. These choices have been proven to be optimal through experiments by their developers. Among these methods, DNN and U-PCA-Net are unsupervised methods, while S-PCA-Net, CNN and MSSP-Net are supervised ones. The comparisons are performed on an individual dataset which means for the supervised methods, the training samples were drawn to train the models and the models were verified on the rest samples in the same datasets. All the compared methods take both the bi-tmeporal SAR images and their corresponding DI as the input data.
The visual comparison results are demonstrated in Figure 3. For the YR-A dataset, most methods can get clear changed regions, except that CNN gets some noisy spots. For the YR-B dataset, most methods miss the linear changed region, while both S-PCA-Net and MSSP-Net get more completed changed regions, especially the line at the bottom of the image. For Sendai-A and Sendai-B datasets, the backgrounds are so complex that the U-PCA-Net almost fails to work out the changed regions. CNN also mis-classifies several non-changed pixels as the changed ones. Instead, both S-PCA-Net and MSSP-Net can get more accurate changed regions.
Besides visual comparisons, we also compare the accuracies of change detection in Table 2. We can observe from the table that all compared methods obtain comparable accuracies on both YR-A and YR-B datasets. Instead, on the Sendai-A dataset, our proposed method MSSP-Net outperforms other compared methods, 1.89% and 4.31% better than CNN and S-PCA-Net, respectively. On Sendai-B dataset, both S-PCA-Net and CNN methods obtain comparable accuracies around 95.5%. Our proposed method MSSP-Net performs 0.54% better than S-PCA-Net and 0.61% than CNN.
Furthermore, we also show more quantitative evaluation results in Figure 4. It is shown in Figure 4a that the MSSP-Net obtains a lower pFA on YR-B dataset, while a comparable pFA with CNN and DNN on Sendai-B dataset. Next, it is shown in Figure 4b that it can get the lowest pMA on the Sendai-A and Sendai-B datasets. It is shown that the pMA of U-PCA-Net is more larger than other compared methods and we set the upper bound as 0.1 to clearly compare the pMA among other methods. Overall, it is shown in Figure 4c that MSSP-Net obtains comparable kappa coefficients with CNN on the YR-B dataset and S-PCA-Net on the YR-A, respectively. On both Sendai-A and Sendai-B datasets with complex scenes, MSSP-Net gets the highest kappa among the comparison.

3.3. Experiment Results of Cross-Dataset Change Detection

It has been shown from the experiment results of the individual dataset change detection that MSSP-Net performs competitively with S-PCA-Net and CNN. In this section, to verify the generalization of the proposed method, we further compare the proposed method with two supervised change detection methods: S-PCA-Net and CNN on the cross-dataset change detection, where the networks trained on several datasets are applied to an unknown dataset. To achieve this, we conduct the comparisons through the leave-one-out validation, i.e., a dataset is alternatively selected as the testing dataset and the other three datasets are employed as the training datasets. Other configures are same as the above experiment.
The visual comparisons are shown in Figure 5. For YR-A dataset, both CNN and S-PCA-Net have obvious mis-classifications, while MSSP-Net gets more clear changed regions. For YR-B dataset, all three methods obtain missed detection with different levels. S-PCA-Net can obtain more completed changed regions, especially the line at the bottom of the image. For both Sendai-A and Sendai-B datasets, it is shown that S-PCA-Net produces noisy results. Instead, MSSP-Net obtains more accurate changed regions compared with other two methods.
Besides visual comparisons, we also compare the accuracies of change detection in Table 3. It is shown in the table that S-PCA-Net and our proposed method MSSP-Net obtain comparable accuracies on YR-A and YR-B datasets and S-PCA-Net gets a little higher accuracy than MSSP-Net. Instead, on Sendai-A dataset, MSSP-Net performs 2.12% better than CNN and 11.26% better than S-PCA-Net. On Sendai-B dataset, MSSP-Net performs 0.32% better than CNN and 6.79% better than S-PCA-Net.
Furthermore, more quantitative evaluations are shown in Figure 6. Similarly, the pMA and pFA of CNN are larger than other two methods, we set the upper bounds of pFA and pMA as 0.2 and 0.1 in panel a and b, respectively to clearly illustrate the comparison between other two methods. It is shown in Figure 6a that MSSP-Net obtains the lowest pFA on Sendai-A, Sendai-B and YR-B datasets, while in Figure 6b, S-PCA-Net gets lower pMA on YR-A, Sendai-A and Sendai-B datasets. Overall, it is shown in Figure 6c that MSSP-Net obtains comparable kappa values with other S-PCA-Net on YR-A and YR-B datasets. But it performs better other two methods on the challenging datasets: Sendai-A and Sendai-B with complex scenes with an obvious advantage in term of kappa.

3.4. Computation Evaluation

Overall, it is shown from above comparisons that MSSP-Net outperforms than other methods on Sendai-A and Sendai-B datasets. Furthermore, MSSP-Net shows great advantages on cross-dataset change detection, especially on two challenging datasets: Sendai-A and Sendai-B. Finally, we compare the executing times of S-PCA-Net, CNN and MSSP-Net in Table 4.
We evaluate the executing time on the crossing dataset change detection of Sendai-A and Sendai-B dataset. It is shown that compared with S-PCA-Net, a two-layer convolutional neural network, MSSP-Net is much more efficient and takes less time to train a model. It can exploit multiscale receptive field with a shallow network and be trained without the time-consuming singular value decomposition. Therefore, MSSP-Net is more efficient than S-PCA-Net. For the testing phase, due to the light network, our proposed MSSP-Net only takes 20 s to extract the changed region, much more efficiently than S-PCA-Net and CNN.

3.5. Discussion

So far, we verified our proposed method MSSP-Net on four sets of bitemporal SAR images and two scenarios of one-dataset and cross-dataset change detection. We compared our proposed method with state-of-art methods. The experiment results on four sets of bitemporal SAR images show that the proposed method can get more clear and completed changed regions than other compared methods, especially on the challenging datasets with complex scene. Furthermore, the proposed method has comparable results with our previous method S-PCA-Net on YR-A and YR-B dataset and outperforms other methods on Sendai-A and Sendai-B dataset in terms of kappa coefficients and MA. The comparisons on cross-dataset show that our method get lower pFA than other methods on all four datasets. In term of kappa coefficient, our method gets comparable results on YR-A and YR-B dataset and performs best on both Sendai-A and Sendai-B dataset.
Furthermore, in term of computation efficiency, our method is more efficient on both training and testing phase. Especially, MSSP-Net is much more efficient than S-PCA-Net, which achieved best performance on YR-A and YR-B dataset. Especially compared with CNN, the sequential version of MSSP-Net, our proposed method performs better in terms of kappa coefficient and computation efficiency (both training and testing phase).

4. Conclusions

In this paper, we developed a simple and efficient deep learning method for bitemporal SAR image change detection. In this method, we designed a multiscale spatial pooling layer that exploits the spatial context at various scales parallel without the depth increase of the network, which is the most significant difference from the conventional convolutional neural network. We applied our proposed method to the cross-dataset bitemporal SAR image change detection to verify its generalization and compare with several deep learning methods recently proposed for the SAR image change detection. In one-dataset change detection experiment, the proposed method show the great advantages on both Sendai-A and Sendai-B datasets with complex scenes. Furthermore, in the cross-dataset experiment, the proposed MSSP-Net obtained comparable results with S-PCA-Net on YR-B dataset and better performance than other methods on Sendai-A and Sendai-B dataset. Also, the proposed method is more efficient than other compared supervised methods. In the future, we will focus on how to optimize the network and make it more efficient.

Author Contributions

J.-W.C. designed the project and wrote the manuscript; R.W. and B.L. designed the experiments and analyzed the data; F.D. and J.Z. performed the experiments. L.J. revised the paper. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the State Key Program of National Natural Science of China (No. 61836009), the National Natural Science Foundation of China (No. 61701361, 61806154) and the Open Fund of Key Laboratory of Intelligent Perception and Image Understanding of Ministry of Education, Xidian University (Grant No. IPIU2019006).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Théau, J. Change Detection. In Springer Handbook of Geographic Information; Kresse, W., Danko, D.M., Eds.; Springer: Berlin/Heidelberg, Germany, 2012; pp. 75–94. [Google Scholar] [CrossRef]
  2. Bruzzone, L.; Prieto, D.F. Unsupervised change detection in multisource and multisensor remote sensing images. In Proceedings of the IGARSS 2000, IEEE 2000 International Geoscience and Remote Sensing Symposium, Honolulu, HI, USA, 24–28 July 2000; Volume 6, pp. 2441–2443. [Google Scholar]
  3. Bruzzone, L.; Prieto, D.F. An adaptive semiparametric and context-based approach to unsupervised change detection in multitemporal remote-sensing images. IEEE Trans. Image Process. 2002, 11, 452–466. [Google Scholar] [CrossRef] [PubMed]
  4. Zhang, X.; Chen, J.; Meng, H. A novel SAR image change detection based on graph-cut and generalized gaussian model. IEEE Geosci. Remote Sens. Lett. 2013, 10, 14–18. [Google Scholar] [CrossRef]
  5. Li, W.; Chen, J.; Yang, P.; Sun, H. Multitemporal SAR images change detection based on joint sparse representation of pair dictionaries. In Proceedings of the 2012 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Munich, Germany, 22–27 July 2012; pp. 6165–6168. [Google Scholar]
  6. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  7. Li, Y.; Zhang, H.; Shen, Q. Spectral–spatial classification of hyperspectral imagery with 3D convolutional neural network. Remote Sens. 2017, 9, 67. [Google Scholar] [CrossRef] [Green Version]
  8. Sellami, A.; Farah, M.; Farah, I.R.; Solaiman, B. Hyperspectral imagery classification based on semi-supervised 3-D deep neural network and adaptive band selection. Expert Syst. Appl. 2019, 129, 246–259. [Google Scholar] [CrossRef]
  9. Zhang, H.; Li, Y.; Jiang, Y.; Wang, P.; Shen, Q.; Shen, C. Hyperspectral classification based on lightweight 3-D-CNN with transfer learning. IEEE Trans. Geosci. Remote Sens. 2019, 57, 5813–5828. [Google Scholar] [CrossRef] [Green Version]
  10. Jiang, Y.; Li, Y.; Zhang, H. Hyperspectral Image Classification Based on 3-D Separable ResNet and Transfer Learning. IEEE Geosci. Remote Sens. Lett. 2019, 16, 1949–1953. [Google Scholar] [CrossRef]
  11. Gong, M.; Zhao, J.; Liu, J.; Miao, Q.; Jiao, L. Change Detection in Synthetic Aperture Radar Images Based on Deep Neural Networks. IEEE Trans. Neural Netw. Learn. Syst. 2017, 27, 125–138. [Google Scholar] [CrossRef] [PubMed]
  12. Gao, F.; Dong, J.; Li, B.; Xu, Q. Automatic Change Detection in Synthetic Aperture Radar Images Based on PCANet. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1792–1796. [Google Scholar] [CrossRef]
  13. Li, Y.; Peng, C.; Chen, Y.; Jiao, L.; Zhou, L.; Shang, R. A Deep Learning Method for Change Detection in Synthetic Aperture Radar Images. IEEE Trans. Geosci. Remote Sens. 2019, 57, 5751–5763. [Google Scholar] [CrossRef]
  14. Wang, R.; Zhang, J.; Chen, J.; Jiao, L.; Wang, M. Imbalanced Learning-Based Automatic SAR Images Change Detection by Morphologically Supervised PCA-Net. IEEE Geosci. Remote Sens. Lett. 2019, 16, 554–558. [Google Scholar] [CrossRef] [Green Version]
  15. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2881–2890. [Google Scholar]
  16. Kim, J.H.; Lee, H.; Hong, S.J.; Kim, S.; Park, J.; Hwang, J.Y.; Choi, J.P. Objects Segmentation from High-Resolution Aerial Images Using U-Net With Pyramid Pooling Layers. IEEE Geosci. Remote Sens. Lett. 2018, 16, 115–119. [Google Scholar] [CrossRef]
  17. Cui, W.; Wang, F.; He, X.; Zhang, D.; Xu, X.; Yao, M.; Wang, Z.; Huang, J. Multi-Scale Semantic Segmentation and Spatial Relationship Recognition of Remote Sensing Images Based on an Attention Model. Remote Sens. 2019, 11, 1044. [Google Scholar] [CrossRef] [Green Version]
  18. Gong, M.; Cao, Y.; Wu, Q. A Neighborhood-Based Ratio Approach for Change Detection in SAR Images. IEEE Geosci. Remote Sens. Lett. 2012, 9, 307–311. [Google Scholar] [CrossRef]
  19. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In International Conference on Medical Image Computing and Computer-Assisted Intervention; Springer: Berlin, Germany, 2015; pp. 234–241. [Google Scholar]
  20. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  21. Cui, S.; Schwarz, G.; Datcu, M. A Benchmark Evaluation of Similarity Measures for Multitemporal SAR Image Change Detection. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 1101–1118. [Google Scholar] [CrossRef] [Green Version]
Figure 1. The illustration of the multi-scale spatial pooling (MSSP)-net.
Figure 1. The illustration of the multi-scale spatial pooling (MSSP)-net.
Remotesensing 12 01619 g001
Figure 2. Four sets of bitemporal synthetic aperture radar (SAR) images: (a) YR-A, (b) YR-B, (c) Sendai-A, and (d) Sendai-B. The images in first two rows are bitemporal SAR images and the last row are the difference images (DIs).
Figure 2. Four sets of bitemporal synthetic aperture radar (SAR) images: (a) YR-A, (b) YR-B, (c) Sendai-A, and (d) Sendai-B. The images in first two rows are bitemporal SAR images and the last row are the difference images (DIs).
Remotesensing 12 01619 g002
Figure 3. The visual experiment results of the compared methods: (a) unsupervised PCA-Net (U-PCA-Net), (b) supervised PCA-Net (S-PCA-Net), (c) CNN, (d) deep neural network (DNN), (e) MSSP-Net and (f) Reference map. From the above to bottom, they are the comparison results on YR-A, YR-B, Sendai-A and Sendai-B dataset, respectively.
Figure 3. The visual experiment results of the compared methods: (a) unsupervised PCA-Net (U-PCA-Net), (b) supervised PCA-Net (S-PCA-Net), (c) CNN, (d) deep neural network (DNN), (e) MSSP-Net and (f) Reference map. From the above to bottom, they are the comparison results on YR-A, YR-B, Sendai-A and Sendai-B dataset, respectively.
Remotesensing 12 01619 g003
Figure 4. The comparisons of quantitative evaluations in terms of (a) false alarm (FA), (b) missed alarm (MA) and (c) Kappa coefficients.
Figure 4. The comparisons of quantitative evaluations in terms of (a) false alarm (FA), (b) missed alarm (MA) and (c) Kappa coefficients.
Remotesensing 12 01619 g004
Figure 5. The visual comparison experiments: (a) S-PCA-Net, (b) CNN, (c) MSSP-Net and (d) Reference map. From the above to bottom, they are the comparison results on YR-A, YR-B, Sendai-A and Sendai-B dataset, respectively.
Figure 5. The visual comparison experiments: (a) S-PCA-Net, (b) CNN, (c) MSSP-Net and (d) Reference map. From the above to bottom, they are the comparison results on YR-A, YR-B, Sendai-A and Sendai-B dataset, respectively.
Remotesensing 12 01619 g005
Figure 6. The comparisons of quantitative evaluations in terms of (a) FA, (b) MA and (c) Kappa coefficients.
Figure 6. The comparisons of quantitative evaluations in terms of (a) FA, (b) MA and (c) Kappa coefficients.
Remotesensing 12 01619 g006
Table 1. The architecture of MSSP-net.
Table 1. The architecture of MSSP-net.
LayerTensorLayerTensorLayerTensor
Input32 × 32 × 3
Conv-3.132 × 32 × 32Conv-3.232 × 32 × 64Conv-3.332 × 32 × 128
MP-216 × 16 × 128
SP-28 × 8 × 128Conv-1.18 × 8 × 32DeConv.116 × 16 × 32
SP-44 × 4 × 128Conv-1.24 × 4 × 32DeConv.216 × 16 × 32
SP-82 × 2 × 128Conv-1.32 × 2 × 32DeConv.316 × 16 × 32
SP-161 × 1 × 128Conv-1.41 × 1 × 32DeConv.416 × 16 × 32
Contact16 × 16 × 256Conv-3.416 × 16 × 64Conv-1.516 × 16 × 2
DeConv.532 × 32 × 2
Table 2. The change detection accuracies of compared methods.
Table 2. The change detection accuracies of compared methods.
DatasetsU-PCA-NetS-PCA-NetCNNDNNMSSP-Net
YR-A98.93%99.98%98.98%97.31%99.41%
YR-B95.70%97.92%95.38%94.74%97.21%
Sendai-A90.30%90.75%93.17%89.64%95.06%
Sendai-B86.63%96.00%95.93%90.30%96.54%
Table 3. The cross-dataset change detection accuracies of compared methods.
Table 3. The cross-dataset change detection accuracies of compared methods.
DatasetsS-PCA-NetCNNMSSP-Net
YR-A99.45%98.43%98.41%
YR-B97.64%95.38%96.85%
Sendai-A82.72%91.86%93.98%
Sendai-B89.87%95.38%95.66%
Table 4. The executing times of compared methods.
Table 4. The executing times of compared methods.
MethodsS-PCA-NetCNNMSSP-Net
Training180 min30 min20 min
Testing5 min3 min20 s

Share and Cite

MDPI and ACS Style

Chen, J.-W.; Wang, R.; Ding, F.; Liu, B.; Jiao, L.; Zhang, J. A Convolutional Neural Network with Parallel Multi-Scale Spatial Pooling to Detect Temporal Changes in SAR Images. Remote Sens. 2020, 12, 1619. https://doi.org/10.3390/rs12101619

AMA Style

Chen J-W, Wang R, Ding F, Liu B, Jiao L, Zhang J. A Convolutional Neural Network with Parallel Multi-Scale Spatial Pooling to Detect Temporal Changes in SAR Images. Remote Sensing. 2020; 12(10):1619. https://doi.org/10.3390/rs12101619

Chicago/Turabian Style

Chen, Jia-Wei, Rongfang Wang, Fan Ding, Bo Liu, Licheng Jiao, and Jie Zhang. 2020. "A Convolutional Neural Network with Parallel Multi-Scale Spatial Pooling to Detect Temporal Changes in SAR Images" Remote Sensing 12, no. 10: 1619. https://doi.org/10.3390/rs12101619

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