1,779
Views
0
CrossRef citations to date
0
Altmetric
Articles

Multi-class change detection of remote sensing images based on class rebalancing

, &
Pages 1377-1394 | Received 17 Jan 2022, Accepted 29 Jul 2022, Published online: 08 Aug 2022

ABSTRACT

Multi-class change detection can make various ground monitoring projects more efficient and convenient. With the development of deep learning, the multi-class change detection methods have introduced Deep Neural Network (DNN) to improve the accuracy and efficiency of traditional methods. The class imbalance in the image will affect the feature extraction effect of DNN. Existing deep learning methods rarely consider the impact of data on DNN. To solve this problem, this paper proposes a class rebalancing algorithm based on data distribution. The algorithm iteratively trains the SSL model, obtains the distribution of classes in the data, then expands the original dataset according to the distribution of classes, and finally trains the baseline SSL model using the expanded dataset. The trained semantic segmentation model is used to detect multi-class changes in two-phase images. This paper is the first time to introduce the image class balancing method in the multi-class change detection task, so a control experiment is designed to verify the effectiveness and superiority of this method for the unbalanced data. The mIoU of the class rebalancing algorithm in this paper reaches 0.4615, which indicates that the proposed method can effectively detect ground changes and accurately distinguish the types of ground changes.

1. Introduction

In recent years, due to the implementation of earth observation projects such as Copernicus, ZiYuan, Gaofen, and WorldView, various sensors provide a great number of remote sensing images for the analysis of the human living environment (Migas-Mazur et al. Citation2021; Panuju, Paull, and Griffin Citation2020). Therefore, it is extremely urgent to develop efficient and accurate techniques for mining more meaningful knowledge from remote sensing images. In all kinds of remote sensing image processing technology, multi-class change detection technology is a very popular and widely used direction. Change detection technology is designed to detect the specific regions that have changed in the image pairs of the same region or sequence of images acquired on different dates (Hussain et al. Citation2013; Hou, Wang, and Liu Citation2016; Peng et al. Citation2020). This means that change detection will play a great role in human settlement environment monitoring (Asokan and Anitha Citation2019; Chen et al. Citation2012), natural resources monitoring (Hegazy and Kaloop Citation2015; Lu et al. Citation2004), and natural disaster monitoring (Brisco et al. Citation2013; Singh et al. Citation2008).

Change detection technology develops with the development of image processing and deep learning (Santana et al. Citation2019). Since the development of imaging technology was relatively slow in the early days, sensors could only generate remote sensing images of medium and low resolution, so the main target of change detection research at that time was remote sensing images of medium and low-resolution (Hussain et al. Citation2013). The medium and low-resolution remote sensing images give birth to many classical remote sensing image change detection methods. Most of these algorithms use the pixel relationship between two-time phases to judge whether the ground changes (Munyati Citation2000). Due to the rapid development of the imaging capability of sensors, a large number of high-resolution remote sensing images have been presented to remote sensing data scientists in recent years. For example, UHN-DCVA initializes the untrained model to distinguish changed and unchanged pixels, and then implements change detection by clustering method (Saha, Bovolo, and Bruzzone Citation2019; Saha et al. Citation2021).

The development of imaging capability has made the target of change detection more complicated, and now the more needed detection result is what happened to the ground, that is, multi-class change detection (Mountrakis, Im, and Ogole Citation2011). The most commonly used multi-class change detection task is the deep neural network, which can learn image features with a broad perspective and strong image understanding ability (Guo et al. Citation2021). Most of the current methods rely on the deep neural network. For example, Multitask learning mainly carries out multi-class change detection through a large amount of data (Daudt et al. Citation2019), and ChangeMask uses a difference graph to make a trade-down of semantic segmentation maps to obtain multi-class change detection results (Zhuo et al. Citation2022). These methods use a large amount of data to train neural networks. However, training deep neural networks requires a large amount of data. In reality, it is difficult for us to find a large amount of data in the region of interest in time. Semi-supervised deep learning can only rely on a small amount of data to learn the strong coupling and highly nonlinear relationship among data (Ding, Nasrabadi, and Fu Citation2018). The multi-class change detection task is mainly to find the changing relationship between highly nonlinear and strongly coupled data. Therefore, semi-supervised learning is very suitable for solving the multi-class change detection problem.

The problem of multi-class change detection can be solved from multiple angles (Chen et al. Citation2012; Guo et al. Citation2021; Nemmour and Chibani Citation2010; Walter Citation2004), and this study uses semi-supervised learning to achieve it. Firstly, a pre-trained deep neural network is used for semantic segmentation of the original two-phase remote sensing image, and then the resulting figure of semantic segmentation is used for multi-class change detection. This requires the precision of semantic segmentation to be high enough. If the precision of semantic segmentation is not high enough, the final change detection results will be poor. The results of semantic segmentation depend on the segmentation accuracy of deep pre-trained neural networks, but the accuracy of deep neural networks is often very poor due to the imbalanced distribution of data features (Wang et al. Citation2016; Yan et al. Citation2015).

At present, many researchers have proposed some methods to solve the problem of the unbalanced data class distribution, such as resampling (Yu et al. Citation2018), re-weighting (Fernando and Tsokos Citation2021), and two-stage (Guzmán-Ponce et al. Citation2021), but these methods all rely on the pseudo-labels generated by the deep neural network to balance the unbalanced data class (Wei et al. Citation2021).

These methods are highly dependent on the truthfulness of pseudo-labels. SeK inhibits the effect of label imbalance during training and testing (Yang et al. Citation2022). However, deep neural networks that have completed pre-training tend to have a certain preference for categories. The pre-training process and data set selection process of the deep neural network need further study. shows the class distribution of the SECOND dataset (Yang et al. Citation2022). The data volume of classes 6, 7, and 8 is much smaller than that of other classes, generally referred to as ‘the tail data’. DNN models are more likely to predict most classes and their ability to predict tail data will be reduced.

Figure 1. The percentage of each class in the dataset.

Figure 1. The percentage of each class in the dataset.

To overcome the impact of unbalanced data class distribution on deep neural networks and solve the multi-class change detection problem of remote sensing images with unbalanced class distribution, the following solutions are proposed in this paper.

  1. For change detection, we solve the problem from the perspective of semantic segmentation by using a trained model to perform semantic segmentation on two-phase images, and then further process the semantic map to obtain change detection results.

  2. Aiming at the problem of class imbalance of general data, we propose an algorithm based on class rebalancing, which can effectively reduce the influence of class imbalance on a deep neural network.

  3. For multi-class change detection, this paper obtains a binary map by subtracting a semantic segmentation map and then selects a semantic segmentation map by using a binary map to obtain a multi-class change detection result.

The rest of this paper is organized as follows: section Ⅱ discusses the related work, section Ⅲ introduces the method we proposed in detail, section Ⅳ is the experiment, section Ⅴ further discusses the method, and finally, section Ⅵ summarizes the paper.

2. Previous work

This section first briefly reviews the development of semantic segmentation, then gives a summary of class rebalancing methods, and finally gives a brief description of multi-class change detection methods.

2.1. Semantic segmentation

In recent years, due to the development of imaging technology and data transmission capabilities, it has been very easy to obtain image data (Champagne et al. Citation2014). Accordingly, driven by data, many methods have been used for semantic segmentation of remote sensing images (Li et al. Citation2021). However, due to the strong ability of a deep neural network for image feature extraction, and its more flexible structure, it is more conducive to semantic segmentation under different task backgrounds, so the current semantic segmentation method based on the deep neural network still occupies a dominant position.

In (Papandreou et al. Citation2015), the author uses a deep convolutional neural network based on weakly-supervised learning for semantic segmentation and proposes a solution for the combination of weakly labeled data, well-labeled data, and improperly labeled data. In (Long, Shelhamer, and Darrell Citation2015), the full-convolutional neural network is used to obtain images of arbitrary size and generate outputs of corresponding spatial dimensions. In (Jégou et al. Citation2017), DenseNet architecture is extended to complete convolutional networks for semantic segmentation. All of these methods achieve a high level of semantic segmentation accuracy in their problems, but they are prone to fall into the trap of simply pursuing network depth and superimposing computer computing power.

In (Ronneberger, Fischer, and Brox Citation2015), data enhancement is performed applying elastic deformation to available data, which can achieve segmentation of medical images with a small amount of data. In (Wu et al. Citation2019), a video-based method is proposed to expand the training set by synthesizing new training samples, aiming to reduce the problems existing in the data itself by utilize the relationship between adjacent frames. ResNet network is a milestone event in the history of deep neural network image processing (Ren et al. Citation2015). ResNet has made great achievements in many images segmentation and target detection contests and is widely used in current semantic segmentation tasks on account of its classical residual structure that can reduce a great number of network parameters.

2.2. Class rebalancing

Although at present, all deep neural networks need pre-training on a large amount of data. Due to the different degree of class equilibrium between the training data and the target data, almost all the deep neural networks completed by training will show some preferences, that is, it is particularly easy to judge the uncertain classes like the ones that appear most frequently in the training data (Wang, Wang, and Zhao Citation2020). The decision preference problem of a neural network can be solved by balancing the classification features in the original data. The common classification balancing methods include resampling, re-weighting, and two-stage methods.

The class rebalancing of the segmentation task is different from that of image classification. The common methods of class rebalancing in image classification task are pseudo-label class rebalancing (Tantithamthavorn, Hassan, and Matsumoto Citation2018). Because there are many classes in each image in the segmentation task, it is not easy to select data samples directly through the sample selection method, so the class rebalancing method required by the segmentation task is more complex. Many studies use pre-trained deep neural networks to add false labels to data for data class rebalancing, and some studies use data flipping and rotation to achieve partial class balancing (Houborg and McCabe Citation2018).

In terms of methodology, the segmentation problem can learn from other research methods. Class imbalance is common in deep neural networks that require a lot of data training. Traditional data-level solutions include resampling and undersampling, etc., while algorithmically based solutions mainly include cost-sensitive learning (Ling and Sheng Citation2008). From the data level solution, simply over-sampling or under-sampling all data will lead to more unbalanced classes, while from the algorithm level solution, it is difficult to determine the penalty cost of each data class. Class rebalancing algorithm mainly solves the problem of image classification and balances the raw data by using the decision preference of deep neural network model, but it needs to be improved for image segmentation task.

2.3. Multi-class change detection

Single-class change detection can usually obtain a binary image of the ground. Generally, white represents the changing area and black represents the unchanged area. Before the appearance of a deep neural network, change detection is generally carried out by pixel matching method, which can almost only achieve single-class change detection (Chang and Ho Citation2016). After the appearance of a deep neural network, many studies use the powerful feature extraction ability of a deep neural network to extract image features, and then further processing to obtain a single class change detection figure (Snyder et al. Citation2018).

With the development of computing power and sensors, single-class change detection can no longer meet the needs of land monitoring, disaster relief, environmental monitoring, and other tasks. Multi-class change detection is to obtain the specific land types before and after the changes in the image change area. In (Zheng et al. Citation2021), the author used the data of external data sets to carry out knowledge transfer, which to obtain better multi-class change detection results. In (Chen and Shi Citation2020), the author used the attention network to extract the changing areas, thus obtaining more accurate results.

Multi-class change detection can be directly accomplished through the existing semantic segmentation network. In (Yang et al. Citation2021), the researcher used two semantic segmentation networks to process remote sensing images of two phases respectively, and then directly subtracted them, and then used the subtracted binary graph to make trade-offs for the original semantic segmentation results, and finally obtained multi-class change detection results. This is a simple and easy method, but the conventional multi-class change detection dataset usually only marks the class of the changing region, and is not interested in the class of the unchanged region. Therefore, this paper designs an ingenious method to reduce the influence of unchanged regions on semantic segmentation.

3. Proposed method

To solve the problems existing in multi-class change detection, this paper proposes a segmentation-based multi-class change detection method for remote sensing images, and the main process is shown in .

Figure 2. Flowchart of the proposed method.

Figure 2. Flowchart of the proposed method.

The method consists of two parts. The first part is the class rebalancing training algorithm part, which iterates the training baseline SSL model by using the class rebalancing training algorithm, and obtains a semantic segmentation model completed by training.

The second part is the multi-class change detection part, which obtains the multi-class change detection results by generating semantic segmentation graph and further processing.

3.1. Semantic segmentation based on weight sharing

The most common detection methods in the field of change detection mainly use two semantic segmentation networks with shared weights to perform semantic segmentation for images of different phases. Without losing generality, this paper compares the results of various semantic segmentation backbones. In this paper, feature extraction and semantic segmentation of remote sensing images are carried out using a semantic segmentation network based on weight sharing.

Many excellent research achievements have been published in the field of remote sensing image semantic segmentation, such as Unet (Dey et al. Citation2021), ResNet, MobileNet (García, Donini, and Bovolo Citation2021), and so on. Without losing generality, this paper compares the results of various semantic segmentation backbone.

The weight-sharing semantic segmentation network adopted in this paper is shown in the figure. The semantic segmentation feature extraction networks we choose mainly include VGG16, ResNet, HRNet (Wang et al. Citation2020), etc. The commonly used classification loss function is mainly the cross-entropy loss function (De Boer et al. Citation2005), which is often used in classification problems, especially when neural networks do semantic segmentation, also often used as the cross-entropy loss function. To verify the effectiveness of the proposed method, this paper does not improve the cross-entropy loss function, but directly uses the cross-entropy loss function to train the cross-entropy loss function of the multi-classification semantic segmentation network, as shown in Formula 1: (1) Loss=i=1Nyilog(pi)(1) Where N is the number of classes, yi is the class label, and pi is the class probability output by the neural network.

3.2. Class rebalancing algorithm

The neural network has very limited feature extraction ability for unbalanced data. To solve this problem, we introduce a class rebalancing training algorithm. The original class rebalancing algorithm is for the classification task. This paper improves it for the multi-class change detection task.

The main process of the class rebalancing algorithm is as follows: in the process of training a semi-supervised model, the tail data predicted by the model is obtained, and then the tail data is added to the original training set to continue training the semi-supervised model. This algorithm has two main advantages, one is to make the model can be further trained, the other is to expand the original dataset so that the class distribution of the data set is more uniform. However, the original class rebalancing algorithm is also inadequate, and it is used for image classification. There are many differences between segmentation and classification tasks, so this paper proposes a class rebalancing algorithm for semantic segmentation.

The main process of the class rebalancing algorithm for semantic segmentation is shown in .

Figure 3. Class rebalancing algorithm.

Figure 3. Class rebalancing algorithm.

First, we use dataset A to train A simple semantic segmentation model, then make predictions on dataset B based on the trained model, and make statistics on the predicted results. Finally, we extend the data of the tail class to the original dataset B. There are mainly selective expansion methods and data distribution-based expansion methods. This paper will discuss the specific effects of these two methods in the experimental part.

In the simple expansion method, this paper chooses to fill all the minority types of data into the original data set according to the data expansion method. The distribution-based class rebalancing algorithm first counts the network prediction results, and then adds the data with tail classes to the original dataset B according to the distribution of results to form Bˆ. Bˆ is an extended set of B. The data expansion method used in this paper is shown in , which is mainly to rotate, flip, stretch, and other operations after extracting key areas.

Figure 4. Data expansion method.

Figure 4. Data expansion method.

The data expansion method is described as: define a set, including vertical flip, horizontal flip, rotation, center clipping, etc., and then select a random method in the set to transform image data when data needs to be filled.

3.3. Multi-class change detection method

The objective of multi-type change detection is to detect changes in two remote sensing images of the same areas at a different time and determine the types of changes. To make full use of the prediction results of the semantic segmentation network, this paper directly subtracted two segmentation graphs. Multi-class change detection methods are shown in .

Figure 5. Multiclass change detection method.

Figure 5. Multiclass change detection method.

First, we use a predictive network to obtain two semantic segmentation results. Then the two segmentation result figures are directly subtracted to obtain a segmentation difference figure. The difference between the segmentation difference map and the original segmentation result map is that pixel 0 in the segmentation difference map means that the ground has not changed, while pixel, not 0 means that the ground has changed. Therefore, the specific change types of the two images can be obtained by using the segmentation difference map to choose the two segmentation maps.

4. Experiment

The experiment part firstly introduces the data set and the evaluation index of the detection effect and then describes the model parameter setting. Next, to verify the effectiveness of the class rebalancing strategy, three comparative experiments are set up in this paper. In the first experiment, only the change detection framework was used without the class balancing strategy. In the second experiment, a simple class balancing strategy was set up. In the third experiment, the class rebalancing strategy was used to obtain a distribution-based enhanced data set, which was used to train the baseline SSL model for multi-class change detection.

4.1. Datasets and evaluation metrics

4.1.1. Dataset description

The data set applied in this paper is mainly divided into two parts, the first part is the pre-training of semantic segmentation SSL model, and the second part is the data set used for change detection. The data set used for training the SSL model of semantic segmentation is mainly semantic segmentation data set. In order to train the SSL model of semantic segmentation, two similar classes are introduced in this paper. The Gaofen Image Dataset (GID) is a large Dataset for land use and land cover (LULC) classification (Tong et al. Citation2018). It contains 150 high-quality GF-2 images from more than 60 different cities in China, covering a geographical area of more than 50,000 km². GID images have high intraclass diversity and low interclass separability. This data set includes panchromatic images with a spatial resolution of 1m and multispectral images with a spatial resolution of 4 m. In this paper, 1m panchromatic images were selected for training with an image size of 6908×7300. The DeepGlobe Land Cover Classification Challenge (DLCC) is a public dataset that provides high-resolution sub-mi satellite imagery, with a focus on rural areas (Demir et al. Citation2018). The dataset contains 10,146 satellite images with a size of 20448×20448. This paper selects 803 images from the training set .

Table 1. Datasets description.

4.1.2. Evaluation metrics

The essence of multi-class change detection of remote sensing images is to recognize and mark the ground change type of remote sensing image in the image. Therefore, this paper uses the conventional image segmentation evaluation index as the measurement standard of the method proposed in this paper. True Positive, False Positive, True Negative and False Negative are common indicators used to measure the effect of image detection or recognition in image tasks. Since the essence of the multi-class change detection task is to detect and segment ground targets, IoU and mIoU are used in this paper to evaluate the effectiveness of the proposed method. (2) IoU=TPFP+TP+FN(2) (3) mIoU=1Ni=1NIoUi(3) Formula 2 and Formula 3 are the calculation formulas of IoU and mIoU respectively, where TP refers to True Positive, that is, Positive cases that are correctly predicted, FP is Positive cases that are incorrectly predicted, FN is negative cases that are incorrectly predicted, and N is the number of classes in the data. The mIoU is the average of the IoU of all classes in the dataset.

4.2. Experimental setup

4.2.1. Backbone

In this paper, the semantic segmentation method is used to detect the multi-class change in remote sensing images, so the quality of semantic segmentation determines the accuracy of multi-class change detection results. However, the accuracy of semantic segmentation has always been different due to the class imbalance of remote sensing images. In order to test the effect of the distribution-based class rebalancing algorithm, the semantic segmentation framework in this paper is ResNet, VGG, or HRNet with weight sharing. This paper focuses on distribution-based class rebalancing algorithms and minimizes the interpretation of feature extraction models.

4.2.2. Original data and simple data balancing

To verify the superiority of the class rebalancing algorithm, this paper first sets up multi-class change detection based on the original data. This group of experiments does not do any processing on the original data but directly puts the data into the semantic segmentation model completed by pre-training to obtain the results of multi-class change detection.

Then, the experiment set is a selective class rebalance of classes. In this paper, the three classes in the tail are enhanced according to the distribution of data, that is, the three classes of ‘sports field’, ‘trees’, and ‘water’ in the data are randomly rotated and flipped respectively. Since it is image data, clipping requires certain rules. After many experiments and data statistics on the data set, the clipping area with pixel number less than 50×50 is not suitable for data rebalancing. At the same time, this paper sets the labels of other classes in the clipping area to zero, that is, the pixels of non-target classes are ignored when calculating the gradient. Therefore, the subsequent expansion of data sets in distribution-based class rebalancing algorithms also identified this rule as a standard.

Formula 4 is the method to expand the data in this paper, where refers to the number of pixels of class i in the result predicted by the pre-trained SSL model, refers to the proportion of class i in the result predicted by the pre-trained SLL model. The formula means that the result obtained by multiplying Numi by|ln(Pi)| is the number of pixels Numinewof class i in the expanded dataset. (4) Numinew=Numi|ln(Pi)|(4)

4.2.3. Distribution-based rebalancing

In the experiment part, the classification rebalancing algorithm is mainly set as follows. After various considerations and experiments, this paper uses ResNet, VGG, or HRNet as feature extraction module and FCN as semantic segmentation module.

The iteration number of baseline model training is 70, and the model has already converged. In the experiment of class rebalancing, the clipping rule in the process of data expansion is still as follows: only when the number of pixels in the target area is greater than 50×50 can be used for data expansion. Meanwhile, the labels of other classes are set to zero to ensure that only the target class can be identified in the whole process.

4.3. Multi-class detection based on original data

In this section, a multi-class change detection experiment based on raw data is carried out. In order to compare the effect after the original data and class rebalancing, this section does not process any data and directly inputs the data into the network for pre-training.

Then the pre-trained neural network is used for semantic segmentation, and finally, the semantic segmentation graph is used for change detection. The finally obtained multi-class change detection results are shown in . This section compares the effect of VGG16, VGG19, ResNet18, ResNet34, ResNet50, and HRNet as a backbone.

Figure 6. Multi-class change detection based on original data. (a) Two-phase input data, (b) Ground Truth, (c) VGG16, (d) VGG19, (e) ResNet18, (f) ResNet34, (g) ResNet50, (h) HRNet.

Figure 6. Multi-class change detection based on original data. (a) Two-phase input data, (b) Ground Truth, (c) VGG16, (d) VGG19, (e) ResNet18, (f) ResNet34, (g) ResNet50, (h) HRNet.

In this section, we select the basic network for semantic feature extraction through experiments. As this paper uses the semantic segmentation method to solve the problem of change detection, we need to choose a backbone with stronger feature extraction ability in many basic networks of semantic segmentation, so we mainly choose VGG, ResNet, HRNet, and other deep neural networks as the backbone of feature extraction based on summarizing previous studies. In this experiment, we did not perform any data enhancement on the original data, but just input the original data for training and then test. There are two main reasons for doing this: one is to select a backbone whose features are extracted; the other is to compare with the following two groups of experiments to verify the effectiveness of this method .

Table 2. Multi-class change detection in raw data.

Experimental results show that most classes have great advantages in network training and testing in raw data. DNN is more inclined to predict the uncertain class as the majority class, while the minority class is likely to be replaced by the majority class. c and d show the detection effect of VGG16 and VGG19 as backbone respectively. It can be seen from e, f, g and h that ResNet and HRNet have better effect as a backbone, but considering the high complexity of HRNet network, the training process is difficult to converge. In addition, under the same training conditions,ResNet network structure is simpler and the training process is shorter. Therefore, ResNet is used as backbone in the following experiments.

In various applications of change detection, the change of minority classes often determines the degree of completion of the task, so the phenomenon of the majority classes replacing minority classes is intolerable for the change detection task. In order to balance the difference between the majority classes and minority classes, the following two experiments are conducted in this paper for the problem of data class imbalance.

4.4. Selective class rebalancing

In this section, we carried out the control experiment of a selective class rebalance of data classes. Because the change detection effect of data class balance was relatively poor without it at all, and there were many missed and wrong checks, we carried out a selective class rebalance of data in the change detection. First, we screened out a few classes in the dataset and then clipped the areas where a few classes were located, followed by rotation, flipping, and other enhancement operations, and finally filled them into the original dataset.

shows the effect of selective class rebalancing of data classes. The results show that after selective class rebalancing, the effect of multi-class change detection has been greatly improved, and the semantic details of detection are more accurate. However, the improvement of detection accuracy for a few classes is not particularly obvious. At the same time, simple class balance is more likely to produce noise, affecting the final accuracy .

Figure 7. Data classes are selective class rebalanced. (a) Two-phase input data, (b) Ground Truth, (c) ResNet18, (d) ResNet34, (e) ResNet50.

Figure 7. Data classes are selective class rebalanced. (a) Two-phase input data, (b) Ground Truth, (c) ResNet18, (d) ResNet34, (e) ResNet50.

Table 3. Data classes are selective class rebalanced.

4.5. Class rebalancing based on distribute

In the distribution-based class rebalancing experiment stage, the SSL model completed by pre-training are firstly used to predict the target data set, and then class statistics is performed on the predicted results. According to the statistical results, remote sensing images are pruned and enhanced, and finally added to the original data set for network training.

The class rebalancing effect based on data distribution is shown in . It can be seen clearly that the effects of the two-time phases before and after are more accurate than the experimental effects of the previous two sections. The details of the image can be detected more completely.

Figure 8. Class rebalancing based on distribution. (a) Two-phase input data, (b) Ground Truth, (c) ResNet18, (d) ResNet34, (e) ResNet50.

Figure 8. Class rebalancing based on distribution. (a) Two-phase input data, (b) Ground Truth, (c) ResNet18, (d) ResNet34, (e) ResNet50.

If the conventional deep learning algorithm needs to improve the segmentation accuracy, it must increase the depth of the network itself. The distribution-based class rebalancing algorithm is an algorithm that does not need to rely on powerful computing power and a deeper network structure. This algorithm uses DNN itself to enhance the characteristics of data, partially enhancing the classes that DNN cannot easily identify, and does not further process the classes that DNN can easily identify. shows the results of the distribution-based class rebalancing algorithm.

Table 4. Class rebalancing algorithm based on distribution.

4.6. Lateral correlation experiment

The above three experiments step by step verify the role of the class rebalancing algorithm in the multi-class change detection task, and the conclusion is that the class rebalancing algorithm is better than the original data and simple class balance experiment, and can more accurately identify ground changes. In order to better demonstrate the effectiveness of the proposed method, this section compares it with some related multi-class change detection methods. In order to better demonstrate the effectiveness of category rebalancing in the multi-class change detection task, this paper selected some methods to solve the imbalance of class distribution, such as Bi-SRNet (Ding et al. Citation2021), ASN (Yang et al. Citation2022), GCF-Net (Tang Citation2021) .

Figure 9. Lateral Correlation experiment. (a) Ground Image, (b) Ground Truth, (c) Bi-SRNet, (d) GCF-Net, (e) ASN, (f) proposed method (ResNet50).

Figure 9. Lateral Correlation experiment. (a) Ground Image, (b) Ground Truth, (c) Bi-SRNet, (d) GCF-Net, (e) ASN, (f) proposed method (ResNet50).

These methods considering the class balance problem have good overall performance accuracy, among which Bi-SRNet can effectively detect changes in most classes, but the accuracy is slightly poor in a few classes. GCF-Net has higher overall accuracy than Bi-SRNet, but the accuracy of most categories is lower than other methods. ASN and the proposed method have better performance and can effectively detect multiple types of changes occurring on the ground. It can be seen from the analysis that the recognition accuracy of these methods on water, trees, and playground is low, which proves that although the method of class balancing is used in this paper, the recognition accuracy of other categories cannot be achieved by class rebalancing algorithm because the proportion of these classes is too small. Although algorithms can solve some problems derived from data, a better way is to obtain data in a more comprehensive way .

Table 5. Lateral Correlation Experiment.

5. Discussion

5.1. Semantic segmentation and change detection

Traditional change detection mainly uses a neural network to process the pixels of two-phase image pair by pair. Such a processing method has great limitations, for example, ground changes are often related to surrounding pixels. However, the pixel-by-pixel processing method pays less attention to the whole world, mainly focusing on the relationship between the two pixels before and after. Such change detection methods pay more attention to the correlation between pixels. There is not a strong correlation between pixels that have changed, but there is a strong correlation between pixels that have not changed.

Due to the rapid development of deep learning, change detection algorithms mainly rely on deep neural networks, and there are many change detection methods. However, there are little research on change detection from the perspective of semantic segmentation. If the change detection task is considered from this point of view, the precision of semantic segmentation determines the effect of change detection. It is easy to make the change detection task become a simple semantic segmentation task. From the perspective of semantic segmentation, change detection tasks are different. The image obtained after semantic segmentation is a two-phase semantic map. How to explain ground changes from a semantic map? In this paper, the specific ground changes in the changing area of the image of the two-time phases are used to represent the characteristics of the multi-analog changes, and the specific ground classes in the change detection task are accurately represented.

5.2. Effects of class imbalance

One of the common problems of current deep neural networks is that deep neural networks tend to have certain preferences on training data and show such preferences on test data. We often need a relatively balanced deep neural network, and we hope that it will not ignore a few targets in the test because there are few targets of a certain class in the training set. Generally speaking, the classes of training data often appear unbalanced distribution, and some data sets even appear long-tail distribution. This is tricky for many deep neural networks today.

For the long-tail distributed data set, we can choose two solutions: one is to resample the data directly before network training. In this way, the classification distribution of data is directly calculated, regardless of the difficulty of network feature extraction. One problem with this is that some minority class features are so obvious that the neural network only needs one or two training sessions to accurately identify it as a minority class. In other words, there may be a few classes of features that are extremely easy for neural networks to judge, but the data resampling method before network training does not take this special case into account.

The other is the algorithm proposed in this paper. Firstly, we use the pre-trained network to carry out forward propagation, observe the results of pre-training, judge which minority classes the network is more sensitive to, and then form a distribution-based class rebalancing data set to continue training the network. This algorithm can not only take into account the original data extraction ability of the network but also enhance the classes that are easy to misjudge in the training stage, making the DNN used for feature extraction more balanced for each class.

The results of the data balancing method used in the experiment in this paper are shown in , and a represents the class proportion of the original data. It can be seen that the difference between the classes of the original data has reached more than 50 times, which will definitely produce a large preference for the SSL model. In the selective class rebalancing stage, this paper directly multiplies the data of a few classes in the original label, and the results after expansion are shown in b. c shows the class distribution of the results obtained by the pre-trained SSL model. It can be seen that the SSL model obviously shows a class preference, which is more inclined to judge the uncertain classes as the majority classes, while the judgment ability of minority classes is poor. d shows the class proportion after the data is balanced by the distribution-based class rebalancing algorithm. Although the degree of class balance of data may be similar, this paper makes use of the preference of the pre-trained SSL model for other data set classes, which makes the detection effect better.

Figure 10. The proportion of data classes in the three experiments. (a) The class proportion of the original data, (b) The class proportion after selective class rebalancing, (c) The class proportion of the segmentation result using a pre-trained neural network, (d) The class proportion after balancing the data using a distribution-based class rebalancing algorithm.

Figure 10. The proportion of data classes in the three experiments. (a) The class proportion of the original data, (b) The class proportion after selective class rebalancing, (c) The class proportion of the segmentation result using a pre-trained neural network, (d) The class proportion after balancing the data using a distribution-based class rebalancing algorithm.

5.3. Weight sharing

In the current twin structure, training two SSL models can consume time and computing power exponentially, and training one SSL model can save a significant amount of computing power and time. In contrast, in two-time change detection tasks, it is a good idea to train an SSL model and then copy it to use on another branch. However, there are some problems, that is, after training on one data set, the adaptive data style is often limited to that data set, even in change detection tasks: SSL models trained on the previous data set cannot adapt to the data on the latter one.

The essence of weight sharing is to reduce the training complexity of the network and save computing power and time. If the weight is not shared, it means that two SSL models need to be trained, which not only directly doubles the number of parameters but also doubles or even exponentially increases the computational complexity. Weight sharing is one of the important means to accelerate the multi-class change detection model in this paper.

6. Conclusion

In order to solve the problem of unbalanced data class distribution in the current multi-analog change detection algorithm, a multi-class change detection method based on class rebalancing is proposed in this paper. The proposed method uses a distribution-based class rebalancing algorithm to balance the classes in the data set so that the model can learn all the features better. This method is divided into two stages: the first stage is a distribution-based class rebalancing algorithm, and the second stage is multi-class change detection. In the stage of distribution-based class rebalancing algorithm, we train the semantic segmentation model iteratively and rebalance the classes of data at the same time. We train the semantic segmentation network several times with the balanced dataset and then obtain a network with low-class sensitivity. In the phase of change detection, this paper firstly uses a semantic segmentation network to perform semantic segmentation for two-phase images and then subtracts the segmentation graph to obtain a binary graph. Finally, the binary graph is used to choose the semantic segmentation results and obtain the multi-analog change detection results.

The effectiveness and accuracy of the proposed method are compared vertically in this paper because the research on multi-class change detection is in its infancy and there are few comparative studies. The validity and accuracy of the proposed method are verified in the experiments of multi-analog change detection based on raw data, selective class rebalance experiments based on data classes, and class rebalancing experiments based on distribution.

Disclosure statement

No potential conflict of interest was reported by the author(s).

Data availability statement

The authors confirm that all datasets used in this study are open to the public, and the source of the data can be found in the introduction section of datasets.

Additional information

Funding

This work was supported by Guizhou Science and Technology Cooperation Program: [Grant Number QKH[2016]5103].

References

  • Asokan, Anju, and J. Anitha. 2019. “Change Detection Techniques for Remote Sensing Applications: A Survey.” Earth Science Informatics 12: 143–160.
  • Brisco, Brian, Andreas Schmitt, Kevin Murnaghan, Shannon Kaya, and Achim Roth. 2013. “SAR Polarimetric Change Detection for Flooded Vegetation.” International Journal of Digital Earth 6: 103–114.
  • Champagne, James, Scott Hansen, Trent Newswander, and Blake Crowther. 2014. “CubeSat Image Resolution Capabilities with Deployable Optics and Current Imaging Technology.” Small Satellite Conference 7: 10.
  • Chang, Yong-Jun, and Yo-Sung Ho. 2016. “Disparity map Enhancement in Pixel Based Stereo Matching Method Using Distance Transform.” Journal of Visual Communication and Image Representation 40: 118–127.
  • Chen, Gang, Geoffrey J Hay, Luis MT Carvalho, and Michael A Wulder. 2012. “Object-based Change Detection.” International Journal of Remote Sensing 33: 4434–4457.
  • Chen, Hao, and Zhenwei Shi. 2020. “A Spatial-Temporal Attention-Based Method and a new Dataset for Remote Sensing Image Change Detection.” Remote Sensing 12: 1662.
  • Daudt, R. C., B. Le Saux, A. Boulch, and Y. Gousseau. 2019. “Multitask Learning for Large-Scale Semantic Change Detection.” Computer Vision and Image Understanding 187: 54–68.
  • De Boer, Pieter-Tjerk, Dirk P Kroese, Shie Mannor, and Reuven Y Rubinstein. 2005. “A Tutorial on the Cross-Entropy Method.” Annals of Operations Research 134: 19–67.
  • Demir, Ilke, Krzysztof Koperski, David Lindenbaum, Guan Pang, Jing Huang, Saikat Basu, Forest Hughes, Devis Tuia, and Ramesh Raskar. 2018. “Deepglobe 2018: A Challenge to Parse the Earth through Satellite Images.” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops, 172–81.
  • Dey, Moni Shankar, Ushasi Chaudhuri, Biplab Banerjee, and Avik Bhattacharya. 2021. “Dual-Path Morph-UNet for Road and Building Segmentation from Satellite Images.” IEEE Geoscience and Remote Sensing Letters 19: 1–5.
  • Ding, L., H. Guo, S. Liu, L. Mou, J. Zhang, and L. Bruzzone. 2021. “Bi-Temporal Semantic Reasoning for the Semantic Change Detection of HR Remote Sensing Images.” IEEE Transactions on Geoscience and Remote Sensing 60: 1–14.
  • Ding, Zhengming, Nasser M Nasrabadi, and Yun Fu. 2018. “Semi-supervised Deep Domain Adaptation via Coupled Neural Networks.” IEEE Transactions on Image Processing 27: 5214–5224.
  • Fernando, K Ruwani M, and Chris P Tsokos. 2021. “Dynamically Weighted Balanced Loss: Class Imbalanced Learning and Confidence Calibration of Deep Neural Networks.” IEEE Transactions on Neural Networks and Learning Systems 33: 2940–2951.
  • García, Miguel Hoyo, Elena Donini, and Francesca Bovolo. 2021. “Transfer Learning for the Semantic Segmentation of Cryoshpere Radargrams.” In Image and Signal Processing for Remote Sensing XXVII: 223–233. SPIE.
  • Guo, Xi, Qiqi Zhu, Weihuan Deng, and Qingfeng Guan. 2021. “A Siamese Global Learning Framework for Multi-Class Change Detection.” In 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, 4348–51. IEEE.
  • Guzmán-Ponce, Angélica, José Salvador Sánchez, Rosa Maria Valdovinos, and José Raymundo Marcial-Romero. 2021. “DBIG-US: A two-Stage Under-Sampling Algorithm to Face the Class Imbalance Problem.” Expert Systems with Applications 168: 114301.
  • Hegazy, Ibrahim Rizk, and Mosbeh Rashed Kaloop. 2015. “Monitoring Urban Growth and Land use Change Detection with GIS and Remote Sensing Techniques in Daqahlia Governorate Egypt.” International Journal of Sustainable Built Environment 4: 117–124.
  • Hou, Bin, Yunhong Wang, and Qingjie Liu. 2016. “A Saliency Guided Semi-Supervised Building Change Detection Method for High Resolution Remote Sensing Images.” Sensors 16: 1377.
  • Houborg, Rasmus, and Matthew F McCabe. 2018. “A Cubesat Enabled Spatio-Temporal Enhancement Method (Cestem) Utilizing Planet, Landsat and Modis Data.” Remote Sensing of Environment 209: 211–226.
  • Hussain, Masroor, Dongmei Chen, Angela Cheng, Hui Wei, and David Stanley. 2013. “Change Detection from Remotely Sensed Images: From Pixel-Based to Object-Based Approaches.” ISPRS Journal of Photogrammetry and Remote Sensing 80: 91–106.
  • Jégou, Simon, Michal Drozdzal, David Vazquez, Adriana Romero, and Yoshua Bengio. 2017. “The One Hundred Layers Tiramisu: Fully Convolutional Densenets for Semantic Segmentation.” In Proceedings of the IEEE conference on computer vision and pattern recognition workshops, 11–19.
  • Li, Yansheng, Te Shi, Yongjun Zhang, Wei Chen, Zhibin Wang, and Hao Li. 2021. “Learning Deep Semantic Segmentation Network Under Multiple Weakly-Supervised Constraints for Cross-Domain Remote Sensing Image Semantic Segmentation.” ISPRS Journal of Photogrammetry and Remote Sensing 175: 20–33.
  • Ling, Charles X, and Victor S Sheng. 2008. “Cost-sensitive Learning and the Class Imbalance Problem.” Encyclopedia of Machine Learning 2011: 231–235.
  • Long, Jonathan, Evan Shelhamer, and Trevor Darrell. 2015. “Fully Convolutional Networks for Semantic Segmentation.” In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Vol. 1, 3431–3440.
  • Lu, Dengsheng, Paul Mausel, Eduardo Brondizio, and Emilio Moran. 2004. “Change Detection Techniques.” International Journal of Remote Sensing 25: 2365–2401.
  • Migas-Mazur, Robert, Marlena Kycko, Tomasz Zwijacz-Kozica, and Bogdan Zagajewski. 2021. “Assessment of Sentinel-2 Images, Support Vector Machines and Change Detection Algorithms for Bark Beetle Outbreaks Mapping in the Tatra Mountains.” Remote Sensing 13: 3314.
  • Mountrakis, Giorgos, Jungho Im, and Caesar Ogole. 2011. “Support Vector Machines in Remote Sensing: A Review.” ISPRS Journal of Photogrammetry and Remote Sensing 66: 247–259.
  • Munyati, C. 2000. “Wetland Change Detection on the Kafue Flats, Zambia, by Classification of a Multitemporal Remote Sensing Image Dataset.” International Journal of Remote Sensing 21: 1787–1806.
  • Nemmour, Hassiba, and Youcef Chibani. 2010. “Support Vector Machines for Automatic Multi-Class Change Detection in Algerian Capital Using Landsat TM Imagery.” Journal of the Indian Society of Remote Sensing 38: 585–591.
  • Panuju, Dyah R, David J Paull, and Amy L Griffin. 2020. “Change Detection Techniques Based on Multispectral Images for Investigating Land Cover Dynamics.” Remote Sensing 12: 1781.
  • Papandreou, George, Liang-Chieh Chen, Kevin P Murphy, and Alan L Yuille. 2015. “Weakly-and semi-Supervised Learning of a Deep Convolutional Network for Semantic Image Segmentation.” In Proceedings of the IEEE international conference on computer vision, 1742–50.
  • Peng, Daifeng, Lorenzo Bruzzone, Yongjun Zhang, Haiyan Guan, Haiyong Ding, and Xu Huang. 2020. “SemiCDNet: A Semisupervised Convolutional Neural Network for Change Detection in High Resolution Remote-Sensing Images.” IEEE Transactions on Geoscience and Remote Sensing 59 (7): 5891–5906.
  • Ren, Shaoqing, Kaiming He, Ross Girshick, and Jian Sun. 2015. “Faster r-cnn: Towards Real-Time Object Detection with Region Proposal Networks.” Advances in Neural Information Processing Systems 28: 91–99.
  • Ronneberger, Olaf, Philipp Fischer, and Thomas Brox. 2015. “U-net: Convolutional Networks for Biomedical Image Segmentation.” In International Conference on Medical image computing and computer-assisted intervention, 234–41. Springer.
  • Saha, S., F. Bovolo, and L. Bruzzone. 2019. “Unsupervised Deep Change Vector Analysis for Multiple-Change Detection in VHR Images.” IEEE Transactions on Geoscience and Remote Sensing 57: 3677–3693.
  • Saha, Sudipan, Lukas Kondmann, Qian Song, and Xiao Xiang Zhu. 2021. “Change Detection in Hyperdimensional Images Using Untrained Models.” IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing 14: 11029–11041.
  • Santana, Marcos CS, Leandro Aparecido Passos, Thierry P Moreira, Danilo Colombo, Victor Hugo C de Albuquerque, and Joao Paulo Papa. 2019. “A Novel Siamese-Based Approach for Scene Change Detection with Applications to Obstructed Routes in Hazardous Environments.” IEEE Intelligent Systems 35: 44–53.
  • Singh, D., V. V. Chamundeeswari, K. Singh, and Werner Wiesbeck. 2008. “Monitoring and Change Detection of Natural Disaster (like subsidence) using Synthetic Aperture Radar (SAR) data.” In 2008 International Conference on Recent Advances in Microwave Theory and Applications, 419–21. IEEE.
  • Snyder, David, Daniel Garcia-Romero, Gregory Sell, Daniel Povey, and Sanjeev Khudanpur. 2018. “X-vectors: Robust dnn Embeddings for Speaker Recognition.” In 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), 5329–33. IEEE.
  • Tang, P. 2021. “Dual-Task Semantic Change Detection for Remote Sensing Images Using the Generative Change Field Module.” Remote Sensing 13: 3336–3352.
  • Tantithamthavorn, Chakkrit, Ahmed E Hassan, and Kenichi Matsumoto. 2018. “The Impact of Class Rebalancing Techniques on the Performance and Interpretation of Defect Prediction Models.” IEEE Transactions on Software Engineering 46: 1200–1219.
  • Tong, Xin-Yi, Gui-Song Xia, Qikai Lu, Huanfeng Shen, Shengyang Li, Shucheng You, and Liangpei Zhang. 2018. “Learning Transferable Deep Models for Land-use Classification with High-resolution Remote Sensing Images.” arXiv preprint arXiv:1807.05713.
  • Walter, Volker. 2004. “Object-based Classification of Remote Sensing Data for Change Detection.” ISPRS Journal of Photogrammetry and Remote Sensing 58: 225–238.
  • Wang, Shoujin, Wei Liu, Jia Wu, Longbing Cao, Qinxue Meng, and Paul J Kennedy. 2016. “Training Deep Neural Networks on Imbalanced Data Sets.” In 2016 international joint conference on neural networks (IJCNN), 4368–74. IEEE.
  • Wang, Jingdong, Ke Sun, Tianheng Cheng, Borui Jiang, Chaorui Deng, Yang Zhao, Dong Liu, Yadong Mu, Mingkui Tan, and Xinggang Wang. 2020. “Deep High-Resolution Representation Learning for Visual Recognition.” IEEE Transactions on Pattern Analysis and Machine Intelligence 43: 3349–3364.
  • Wang, Shenhao, Qingyi Wang, and Jinhua Zhao. 2020. “Multitask Learning Deep Neural Networks to Combine Revealed and Stated Preference Data.” Journal of Choice Modelling 37: 100236.
  • Wei, Chen, Kihyuk Sohn, Clayton Mellina, Alan Yuille, and Fan Yang. 2021. “Crest: A Class-rebalancing Self-Training Framework for Imbalanced Semi-supervised Learning.” In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 10857–66.
  • Wu, Huikai, Junge Zhang, Kaiqi Huang, Kongming Liang, and Yizhou Yu. 2019. “Fastfcn: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation.” arXiv preprint arXiv:1903.11816.
  • Yan, Yilin, Min Chen, Mei-Ling Shyu, and Shu-Ching Chen. 2015. “Deep Learning for Imbalanced Multimedia Data Classification.” In 2015 IEEE international symposium on multimedia (ISM), 483–88. IEEE.
  • Yang, K. P., G. S. Xia, Z. C. Liu, B. Du, W. Yang, M. Pelillo, and L. P. Zhang. 2022. “Asymmetric Siamese Networks for Semantic Change Detection in Aerial Images.” IEEE Transactions on Geoscience and Remote Sensing 60: 1–18.
  • Yang, Lihe, Wei Zhuo, Lei Qi, Yinghuan Shi, and Yang Gao. 2021. ‘ST++: Make Self-training Work Better for Semi-supervised Semantic Segmentation’, arXiv preprint arXiv:2106.05095.
  • Yu, Lean, Rongtian Zhou, Ling Tang, and Rongda Chen. 2018. “A DBN-Based Resampling SVM Ensemble Learning Paradigm for Credit Classification with Imbalanced Data.” Applied Soft Computing 69: 192–202.
  • Zheng, Zhuo, Ailong Ma, Liangpei Zhang, and Yanfei Zhong. 2021. “Change is Everywhere: Single-Temporal Supervised Object Change Detection in Remote Sensing Imagery.” In Proceedings of the IEEE/CVF International Conference on Computer Vision, 15193–202.
  • Zhuo, Z. A., B. Yza, A. St, A. Am, and B. Lza. 2022. “ChangeMask: Deep Multi-Task Encoder-Transformer-Decoder Architecture for Semantic Change Detection.” IEEE Transactions on Geoscience and Remote Sensing 60: 1–18.