Next Article in Journal
Global Moho Gravity Inversion from GOCE Data: Updates and Convergence Assessment of the GEMMA Model Algorithm
Next Article in Special Issue
Feature Engineering of Geohazard Susceptibility Analysis Based on the Random Forest Algorithm: Taking Tianshui City, Gansu Province, as an Example
Previous Article in Journal
Quantifying the Effect of River Ice Surface Roughness on Sentinel-1 SAR Backscatter
Previous Article in Special Issue
Spatial Quantitative Model of Human Activity Disturbance Intensity and Land Use Intensity Based on GF-6 Image, Empirical Study in Southwest Mountainous County, China
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improving Building Extraction by Using Knowledge Distillation to Reduce the Impact of Label Noise

1
School of Artificial Intelligence, Zhejiang College of Security Technology, Wenzhou 325016, China
2
School of Geosciences and Info-Physics, Central South University, Changsha 410083, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(22), 5645; https://doi.org/10.3390/rs14225645
Submission received: 26 September 2022 / Revised: 21 October 2022 / Accepted: 3 November 2022 / Published: 8 November 2022

Abstract

:
Building extraction using deep learning techniques has advantages but relies on a large number of clean labeled samples to train the model. Complex appearance and tilt shots often cause many offsets between building labels and true locations, and these noises have a considerable impact on building extraction. This paper proposes a new knowledge distillation-based building extraction method to reduce the impact of noise on the model and maintain the generalization of the model. The method can maximize the generalizable knowledge of large-scale noisy samples and the accurate supervision of small-scale clean samples. The proposed method comprises two similar teacher and student networks, where the teacher network is trained by large-scale noisy samples and the student network is trained by small-scale clean samples and guided by the knowledge of the teacher network. Experimental results show that the student network can not only alleviate the influence of noise labels but also obtain the capability of building extraction without incorrect labels in the teacher network and improve the performance of building extraction.

1. Introduction

Remote sensing image building extraction plays an important role in urban planning [1], disaster assessment [2], land resource management [3], and smart city construction [4]. With the continuous development of Unmanned Aerial Vehicle (UAV) platforms and sensor technologies, several images with high spatial resolution are increasingly accessible and provide an important data source for building extraction [5].
The high resolution images can provide rich spectral and textural information of buildings [6], which has markedly contributed to the progress of automatic building extraction research. However, the task of building extraction from high-resolution remote sensing images still presents considerable challenges due to the variable and diverse appearance of buildings [7]. Specifically, the varying size and complex appearance of buildings cause large intra-class variation in buildings and poor generalization of extraction algorithms [8]. A large similarity is also found between the backgrounds of buildings and non-buildings, and the background information substantially interferes with building extraction. Moreover, due to the existence of skewed sensor shooting and sun altitude angles, buildings in the images often have different degrees of tilt, geometric deformation, and appear to be obscured by shadows or obstacles, with high-rise buildings becoming the most evident, adding difficulty to the challenge of building extraction [9].
In recent years, with the development of deep learning and artificial intelligence technologies, convolutional neural networks (CNNs) have played a remarkable role in high-resolution remote sensing image building extraction with their excellent feature extraction and representation capabilities [10,11,12,13,14,15,16]. Compared with the traditional methods using low-level features [17,18,19], the performance of CNNs has been remarkably improved [20]. Most of the building extraction methods using CNNs are full convolutional networks (FCNs) [21] for binary semantic segmentation. In FCN, the fully connected layer of CNN is replaced by a standard convolutional layer to implement an end-to-end deep learning architecture for semantic segmentation. This model has an encoder–decoder structure [22]; that is, the resolution of the feature map is reduced by a downsampling operation in the encoder, and the decoder gradually recovers the resolution of the feature map and obtains the prediction results. This end-to-end learning approach allows for modeling using a combination of hierarchical features and contextual information to predict buildings from their context accurately [20]. With the proposed transformer architecture, researchers have recently found that processing images using a transformer can overcome the inability of FCN to model global contextual information [23]. Therefore, using a transformer instead of FCN for feature extraction has turned out to be a mainstream direction in computer vision tasks [24]. Models such as Swin Transformer [25] and SegFormer [26] have been successfully applied to the semantic segmentation task of buildings and achieved better results than FCN.
Deep learning methods rely on large-scale well-labeled training samples; once the number of samples is insufficient or the sample labels of a certain category contain errors, the prediction results of the model will be seriously affected. The labeling of building samples is usually obtained by manual visual interpretation; if the high-rise buildings in the images are severely tilted or obscured by obstacles, such as shadows, then manual labeling will become increasingly difficult and result in labeling errors. In addition, the annotated samples can be derived from ground survey data, but updating these samples in real time is difficult due to the high update cost. Therefore, guaranteeing the current nature of ground survey data are difficult, and mislabeling is inevitable when used with current images (As shown in Figure 1a, the difference in shooting time and angle resulted in the vector data not matching the roof of the building.). Most of the current building extraction models are variants of FCNs proposed to address the aforementioned building extraction challenges [10,11,12,13,14,15,16]. However, these methods are only effective when the labeled samples are correct; once trained with samples containing incorrect labels, the resulting models fail to perform effective building extraction [27].
The problem of noisy building labels can be alleviated by retraining with label-tolerant learning methods if the training data are available in its entirety again. The error tolerant learning method can retrain the model using a small number of clean labeled samples that are manually corrected and all of the noisy labeled samples, allowing the model to be guided by the clean labeled samples and be able to tolerate category labeling errors. For example, Mnih and Hinton [28] constructed a simple labeled noise model for a deep neural network-based patch classifier to extract buildings from aerial images. A remarkably complex noise model representing the relationship between images, noise labels, real labels, and noise types was proposed in [29] for image classification. Inspired by the label noise probability model, an additional layer, placed on top of the last softmax layer of the original network, is proposed in [30,31] to capture the relationship between clean and noisy labels, but with a different optimization strategy. However, if the training data are only partially available again, then the fault-tolerant learning approach cannot retrain the model if the training set is missing.
The mislabeling in this portion of the training data that can be obtained again must be corrected to mitigate the mislabeling effect of the building sample. Training a new model directly on the corrected data can solve the problem of noisy labels, but the small size of the training sample often leads to model overfitting [32]. Therefore, a combination of models trained with noisy labels and this small portion of corrected training data are needed to minimize the effect of noisy labels while maintaining the generalizability of the model across building types obtained with a large number of trained samples. Fine-tuning the noise-labeled trained model using corrected small training samples is generally a common practice inspired by transfer learning theory. For example, Maggiori et al. [20] first pre-trained the FCN using large noise-labeled data generated by GIS and then fine-tuned it using a small amount of manually labeled clean data. Fine-tuning guides the model with the correct sample labels, which reduces the effect of label noise, but also allows the model to lose the capability to classify buildings without labeling error types to some extent. Therefore, developing a model that mitigates the effects of label noise while maintaining the capability of the model is necessary to extract buildings without label noise types.
Overall, to address the problem of insufficient generalization of the model for the extraction of different types of buildings when using a small number of clean samples, this paper proposes a practical approach to obtain knowledge of each building type from a model trained with a large number of noisy building samples by using an advanced transformer-based model and the concept of knowledge distillation [33], while also reducing the effect of noisy labels. The framework comprises two similar teacher and student networks, where the feature extractors are Swin Transformer [25] and the decoders are both UperNet [34], which are designed to perform high-resolution remote sensing image building extraction but using different inputs. The teacher network is trained by large-scale noise-labeled samples. The extraction of buildings with noisy label types is poor. However, the teacher network can have better extraction results than the student network on building types without noise due to the large volume of data. The student network is trained by small-scale clean-labeled samples. While the student network is trained, the teacher network provides guidance and permits students to access the knowledge in the teacher network, allowing the student network to mitigate the effects of noisy labels while gaining the capability to extract buildings without mislabeled categories in the teacher network.
The paper is organized as follows: Section 1 introduces the research status of building extraction and the problems to be solved in this paper. Section 2 introduces the study area and data and explains the methodology, including details of the Swin Transformer-based semantic segmentation model for buildings and the knowledge distillation architecture. Section 3 presents the results. Section 4 discusses the results, and Section 5 concludes this paper.

2. Materials and Methods

2.1. Study Area and Data

Wenzhou City in Zhejiang Province, China was selected in this study as the study area. This area has a structurally and functionally rich building stock, as shown in Figure 2. Wenzhou is an important economic and cultural center along the southeast coast of China. Owing to its unique location, developed economy, and long history, Wenzhou has a complex and diverse building form, including high-rise commercial buildings, well-arranged residential houses, and low-rise flat buildings. Overall, the differences in building geometry, roof materials, and heights in the region introduce considerable challenges to the intelligent extraction of building roofs.
The data used to extract buildings in Wenzhou are aerial remote sensing images, including red, green, and blue bands (RGB), with a spatial resolution of 0.2 m. Two datasets containing annotations are used in this work: the large dataset (Dn) with noise and the small pure dataset (Dc). The difference between the two datasets is reflected in the images and annotations: the images of Dn and Dc are from the aerial remote sensing images of Wenzhou in 2021. The building labels of Dn are derived from the vector layer of buildings in Wenzhou, 2020, while those of Dc are manually outlined by human experts in aerial remote sensing images. All the remote sensing images and the vector data of Dn are from Tianditu Wenzhou [35].
Dn is the large dataset with noise, buildings in Dn are characterized by large data scales and complex structures. However, the building roof labels of aerial remote sensing images are noisy mainly due to the following two reasons. First, the building labels come from the vector data of buildings measured in the field, which is the actual area occupied by buildings in the two-dimensional plane, rather than the building roofs in the aerial images. Second, the aerial imagery was imaged in 2021 while the vector data were produced in 2020; this temporal disparity also resulted in the presence of noise in the building roof labels.
The labels of the Dc small dataset were obtained from the visual interpretation of aerial remote sensing images by human experts. Only a dataset with an area of 70.78 km 2 was obtained due to data availability and labeling cost considerations. The Dc small dataset is located in the central area of Wenzhou city and contains many high-rise buildings with shadows.
The Dc small dataset is divided into training and test data, which are both distributed in different regions, to ensure the accuracy and validity of the experiments. The aerial remote sensing images and labels in the two regions were cropped into image patches of size 1024 × 1024, and the paired samples are shown in Figure 3. The final number of images used for training is 1500, and the number of images used for testing is 1482. Notably, the buildings in the test area are not only geometrically diverse but also have a considerable variance in height (3–300 m).

2.2. Methods

2.2.1. Overall Architecture

The overall structure is shown in Figure 4, which comprises two sub-networks with identical structures, called the teacher and the student networks. Among them, the teacher network is trained from a large dataset of Dn containing noise; once the teacher network is trained to convergence, its model parameters will be frozen. This paper aims to take full advantage of the capability of the teacher network to generalize building features with structural diversity, combined with the potential advantage of a pure small data set for locating building areas, to train a student network with strong generalization for building roof extraction. The student network is trained and tested on the Dc small dataset and eventually used for the prediction of buildings throughout the study area.
The teacher and student sub-networks contain a Swin Transformer feature encoder and an UPerNet feature decoder, respectively. The parameters of the teacher network are not updated, while the input of the student model includes aerial remote sensing images of Dc, and the output is a prediction map of buildings. In the training process of the student network, the aerial images of Dc are inputted to the teacher network with frozen parameters and the student network, and the data flow is shown by the green arrow in Figure 4. The gradient calculation of the student network parameters during backpropagation comprises two parts, as shown by the red arrow in Figure 4. That is, the loss function of the student network comprises two components, namely segmentation and distillation loss. Segmentation loss is the discrepancy between the building scores predicted by the student network and the real building labels, while distillation loss is the discrepancy between the multiscale feature maps extracted by the student and teacher networks. The former motivates the student model to locate and segment the roof area of the building accurately, and the latter forces the student model to be robust in extracting buildings with complex structures.
Swin Transformer is used as an encoder for image features considering the superior performance of the transformer family of structures on recent vision tasks to extract the rich local and global contextual information of buildings, and its structure is shown in Section 2.2.2 In addition, UPerNet is introduced as a decoder architecture considering the scale variability of buildings on images, and the structure is shown in Section 2.2.3. Finally, to increase the robustness of the student model and facilitate knowledge transfer from the teacher network to the student network, a distillation loss is introduced in the loss function to prompt the students to mimic the robust feature representation of the teacher network on the large-scale building dataset.

2.2.2. Swin Transformer Encoder

ViT is a transformer network for image classification tasks proposed by Google Brain in 2020. ViT uses pure transformers for the first time on vision tasks and achieves results comparable to state-of-the-art CNN networks. The main result of this work is the use of a transformer instead of a CNN and the demonstration that CNNs are not necessary for vision tasks. More specifically, ViT divides the input image into multiple patches (16 * 16 pixels), projects each patch into a fixed-length vector to feed the Transformer, and then repeatedly exploits the Transformer’s global self-attention capability to capture the remote dependencies of the image. ViT achieves state-of-the art results on a number of benchmarks based on pre-training with large-scale datasets and uses fewer computational resources for training.
However, the direct use of ViT for intensive prediction tasks, such as target detection and semantic segmentation, would lead to the problem of large computational effort, that is, the computational complexity of ViT is quadratic to the size of the input image. Thus, the Swin Transformer uses the strategy of moving windows to compute the self-attention of local windows and the self-attention of cross-windows to address the aforementioned problem. This strategy not only reduces the computational complexity but also enhances the feature extraction capability of images. Inspired by this finding, this paper used the Swin Transformer as a feature encoder to extract the global and local information of buildings effectively, as shown in Figure 5.
The basic unit of the Swin Transformer is the Swin Transformer block, and its core is the W-MSA and SW-MSA modules. Two Swin Transformer blocks connected in series are shown in Figure 6. The Swin Transformer block includes the (Shifted) window-based self-attentive ((S)W-MSA) module, multilayer perceptron (MLP module), Layer Norm (LN) layer, and residual connection.
(a)
W-MSA module
ViT used standard multihead self-attention to compute global self-attention for the entire feature map, and its computational complexity limits its use in intensive prediction tasks. Swin Transformer proposes the W-MSA module to solve the problem. This transformer divides the feature map into multiple non-overlapping windows and computes the local self-attention in each window separately. The computational complexity is linearly related to the input image size.
As shown in Figure 7a, the W-MSA module divides the feature map into four M × M size windows and calculates the self-attention in each window separately. The window self-attention in the W-MSA module is the same as the standard multiheaded self-attention, and the attention is calculated as follows:
Q = T W q ,
K = T W k ,
V = T W v ,
Attention ( Q , K , V ) = Softmax Q K T m V ,
where T R M 2 × d denotes the self-attention input of self-attention, W q , W k , W v R d × d denote the weights of the three linear mapping layers, and Q, K, V R M 2 × d denote query, key, and value, respectively. d is a scaling factor to avoid the disappearance of the gradient of the Softmax function. M 2 denotes the spatial resolution, and m denotes the channel dimension.
(b)
SW-MSA module
W-MSA performed the computation of attention only in the local window at a time and could not interact with the neighboring windows for information. The SW-MSA module was introduced to solve this problem. The window partitioning strategy of the SW-MSA module is shown in Figure 7b. Compared with the window division of W-MSA, the window of the SW-MSA module is shifted ( M / 2 , M / 2 ). In the Swin Transformer, the blocks of the W-MSA module are alternated with those of the SW-MSA module to reduce the localization effect of the windowing strategy, as shown in Figure 6. The two consecutive Swin Transformers are calculated as follows:
z ^ l = WMSA LN z l 1 + z l 1 ,
z l = MLP LN z ^ l + z ^ l ,
z ^ l + 1 = SWMSA L N z l + z l ,
z l + 1 = MLP L N z ^ l + 1 + z ^ l + 1 ,
where z ^ l and z l denote the output of the lth Swin Transformer block (S)WMSA and MLP modules, respectively. The MLP comprises two fully connected layers with GELU nonlinear activation, and the LN layer is used before each (S)W-MSA module and each MLP.
(c)
Encoder
The encoder comprising Swin Transformer Block is shown in Figure 5, the input RGB image size is I R H × W × 3 , and the size of each patch is set to 4 × 4 . First, the patch partition module cuts the image into H 4 × W 4 tokens, and each token is flattened into 1D. The size of each token is 4 × 4 × 3 = 48 . Each token is then mapped to the specified dimension C using the linear embedding model, and the size of the feature map is H 4 × W 4 × C .
After the linear embedding layer, the feature map is passed through the Swin Transformer pyramid, which comprises multiple Swin Transformer blocks for global information interaction and patch merging modules for downsampling. After each patch merging in the encoding phase, the spatial resolution is reduced by a factor of 1 and the channel dimension becomes a factor of 2. After three stages, the size of the feature map becomes H 32 × W 32 × 8 C . After the Swin Transformer encoder, four semantic levels of feature maps are obtained, namely H 4 × W 4 × C , H 8 × W 8 × 2 C , H 16 × W 16 × 16 C and H 32 × W 32 × 8 C , which will be denoted as { C 2 , C 3 , C 4 , C 5 }, respectively, and the downsampling multipliers are {4, 8, 16, 32}.

2.2.3. UPerNet Decoder

As shown in Figure 8, the student network of MSKD-BuildingNet used the multi-scale feature maps { C 2 , C 3 , C 4 , C 5 } of the Swin Transformer encoder as the input of the UperNet decoder, and produced the prediction results of the buildings. The UPerNet decoder architecture is inspired by the feature pyramid network (FPN) and the PPM in PSPNet, which is shown in Figure 9.
The buildings in the test area remarkably vary in scale. Thus, aggregating contextual information from different regions is necessary to expand the perceptual field and improve the characterization of the buildings. Therefore, the pyramid pooling module (PPM) is added to the last layer of the Swin Transformer encoder. Specifically, different scales of pooling are used on the original feature map to obtain feature maps of different sizes, and then multiple sizes of feature maps containing the original feature map are stitched together in the channel dimension to finally output a conformed feature map incorporating multiple scales. In this work, the PPM module contains four layers, and the sizes of each layer are 1 × 1 , 2 × 2 , 3 × 3, and 6 × 6 . The input of the PPM module is the feature map C 5 , and the output is noted as P 5 .
For the final output of Swin Transformer feature extractor and PPM, the four scales of feature representation are fused on the basis of the FPN, which considers the high spatial resolution detail information and low spatial resolution high-level semantic information. Figure 8 shows that FPN uses topdown fusion and lateral connection to fuse low-resolution feature maps with strong semantic information into high-resolution feature maps with weak semantic information. The input of FPN is { C 2 , C 3 , C 4 , C 5 }, and the output is { P 2 , P 3 , P 4 , P 5 }, and the downsampling multiplier of the four layers is still {4, 8, 16, 32}. Next, the feature maps { P 3 , P 4 , P 5 } are upsampled to the size of the P 2 feature map, and the fusion operation is performed to obtain the final fused feature map. The Softmax operation is performed on the fused feature map to obtain the score map of the building.

2.2.4. Loss Function

Once the teacher network model is acquired, its parameters are no longer updated due to the limitation of D n dataset availability. The parameters of the student network are updated using the D c dataset and the teacher network guide during the training of the student network. The loss function in this work comprises two components, which are teacher–student knowledge distillation and semantic segmentation loss.
Knowledge distillation loss was used to induce knowledge transfer between the teacher and student networks, enhancing the generalization capability of the student network considering building representation. Specifically, knowledge distillation loss can be effectively used to close the distance between the student and teacher network feature maps in the feature extraction process of buildings. The knowledge distillation loss is denoted in this study as:
L d = j = 2 4 i N smooth L 1 P j t P j s ,
smooth L 1 , ( x ) = 0.5 x 2 , if | x | < 1 , | x | 0.5 , otherwise . ,
where distillation loss is performed between the multi-scale feature maps of the teacher network and the student network FPN outputs. P j t denotes the jth layer feature map of the teacher network feature pyramid, P j s denotes the jth layer feature map of the student network feature pyramid, and the difference between the P j t and P j s feature maps is measured using the smooth L1 loss metric.
The building extraction task is as a two-class image segmentation task. Thus, the binary cross-entropy (BCE) loss can be used as the semantic segmentation loss in this paper, which can be expressed as:
l s = 1 N i N g i log p i + 1 g i log 1 p i ,
where p i is the predicted probability of the ith position in the image, g i is the truth value of the ith position, and N is the overall number of pixels in the image.
Ultimately, the overall loss used to maintain knowledge extraction capabilities and building segmentation capabilities is
L total = L d + L s .

3. Results

3.1. Experimental Settings and Evaluation Metrics

The trained model predicts building roofs with a bias due to the effect of sample noise. Noise correction was conducted for high-rise buildings in some areas of Wenzhou City Center to reduce the impact of noise on the results. Training the model directly on the corrected data solves the problem of high-rise building offset but does not identify previous building types. Thus, the multiscale distillation approach is proposed in this paper to address the problem of high-rise building offsets while retaining the generalization capability of the original model.
To verify the effectiveness of the proposed method in solving this problem, the semantic segmentation model on a corrected dataset and the distillation method for semantic segmentation are first compared. Experiments are conducted to verify that the proposed method can solve the problem of building offsets and migrate the generalization capability of the teacher network. Among the semantic segmentation methods with advanced performance that were compared were OCRNet [36], FPN [37], PSPNet [38], UNet [39], DeepLabV3+ [40], and UPerNet [34]. The methods compared in the experiments combining prior knowledge were UPerNet (baseline) [34], teacher networks, networks based on fine-tuning of teacher networks, DML [41], and CWD [42]. The methods that combine knowledge all use UPerNet with Swin-transformer as the feature extractor as a baseline to ensure the feature extraction performance of the network and thus to fairly validate the methods. Second, the results of the different methods are visualized and qualitatively analyzed. Finally, an ablation experiment was conducted to evaluate the contribution of the proposed method to tasks.
Four metrics, namely IoU, F1sorce, Precision, and Recall, were used to verify the performance of the different models in building extraction. For the binary classification task of building extraction, each pixel belongs to one of the categories. The confusion matrix formed after the calculation between the predicted results and the labels contains the following four values: True Positive, False Negative, False Positive, and True Negative. The calculation of the four metrics can be represented by the following. Naturally, large values of the metric indicate improved model performance:
Precision = True Positive True Positive + False Positive ,
True Positive Recall = True Positive True Positive + False Negative ,
F 1 score = 2 × Precision Recall Precision + Recall ,
IoU = True Positive False Positive + True Positive + False Negative .

3.2. Experimental Parameter Settings

The GPU platform where the experiments were computed was the NVIDIA RTX3090. In the experiments, all methods resize the input data to a size of 512 × 512 and set the batch size to 4, and the number of training iterations is 60,000. All methods use random flip enhancement during training. The AdamW [43] optimizer was used for training to facilitate the easy convergence of the method using the Swin Transformer [25] feature extractor, where AdamW has an initial learning rate of 6 × 10 5 , β 1 = 0.9 , β 2 = 0.999 and a weight decay coefficient of 0.01. The strategy of learning rate decay applies to the Poly strategy.

3.3. Experimental Results

3.3.1. Quantitative Analysis

Experiments comparing the proposed method with semantic segmentation methods are first conducted, and the results are shown in Table 1. The results of the experiments show that the proposed method achieves the best performance in all four evaluation metrics compared with other advanced semantic segmentation methods. Concretely, the proposed method improves 4.39% in IoU, 2.72% in F1 score, and 2.31% and 3.33% in Precision and Recall, respectively, compared to the UPerNet method using the same feature extractor (Swin Transformer). When compared with the advanced performance OCRNet with HRNet-48 [44] as the feature extractor, the proposed method has 5.25% and 3.27% higher IoU and F1 scores, respectively, and 2.60% and 4.13% improvement in Precision and Recall, respectively. Compared to the state-of-the-art semantic segmentation methods (SegFormer [26], STDC [45], ConvNeXt [46]), our proposed method is 3.91% and 2.42% higher in IoU and F1 score metrics, respectively, when compared to the ConvNeXt method, which has the highest performance among the state-of-the-art methods. The semantic segmentation method used for comparison only trains on noise-corrected data; thus, this method does not obtain the generalized knowledge of the previous model. The test data used in this study are spatially discontinuous with the training data. Thus, the semantic segmentation method for comparison leads to limited model performance due to the reduced generalization capability of the model. The proposed method can gain knowledge from the teacher network through distillation in favor of building extraction, thus facilitating improving the performance of the proposed method on test data. Based on the above analysis, the proposed method is more suitable for the task application, fits the extraction of buildings throughout the city of Wenzhou, and has better generalization performance relative to other methods.
Another set of comparative experiments comparing different methods of teacher network knowledge combination are shown in Table 2. First, the experimental results in the table show that all four metrics verified by the proposed method reached the highest. The proposed method showed a 4.39% increase in IoU and a 2.72% increase in F1 score compared with the baseline network. In comparison with the results of the teacher-based fine-tuned network, the proposed method has a 2.83% high IoU and 1.74% high F1 score. Second, other approaches to the distillation for semantic segmentation (DML [41] and CWD [42]) not only show no increase in performance but also have a substantially large performance gap with the proposed approach. These results indicated that the proposed method achieves higher performance and has the same advantages over comparable methods.
Further analysis was conducted on the basis of the above results. First, UPerNet is the result obtained by direct training based on the adjusted data. However, the number of noise corrected samples is limited; thus, effectively generalizing the model obtained from the training of samples from the downtown area to the entire city of Wenzhou is difficult. The teacher network TEACHER was trained on a random sample drawn from the entire city of Wenzhou, which contained a full range of building types but included a considerable amount of noise. Therefore, the performance of UPerNet and TEACHER has limitations due to certain drawbacks of both samples. Second, the DML [41] and CWD [42] methods, which combine knowledge from the TEACHER network, also capture knowledge from the TEACHER through distillation. However, DML [41] and CWD [42] are direct ways of keeping the student network close to the distribution probabilities of the teacher network. This knowledge of probability distributions is hard and can prompt the training of student networks. However, teacher networks can also contain errors; thus, hard knowledge simultaneously creates interference in the training of student networks. Finally, the proposed method aims to distill the P 2 , P 3 , and P 4 feature layers of the FPN. On the one hand, distillation in the key feature layer rather than in the probability layer at the end of the network softens the distilled knowledge. On the other hand, the use of a relation-based distillation loss design ensures effective distillation of knowledge. Overall, the proposed approach effectively combines the advantages of the current data set with the generalization capabilities of the TEACHER model.

3.3.2. Qualitative Analysis

The results of some of the compared methods are demonstrated (as shown in Figure 10) to enable a visual comparison. The figure reveals that the proposed method of building extraction is more accurate and misses less compared with other methods. First, compared with the semantic segmentation method, OCRNet is lacking in the third rows of results and incorrectly identifies the background as a building in the first row of results. Second, the results are relatively more complete compared with the distillation method CWD. Third, as can be seen from Figure 10, the model trained in the samples containing noise is significantly biased in the identification of buildings and does not accurately predict the roofs of buildings. An offset in the recognition results of the high-rise buildings is also observed (the segmentation results include the sides of the buildings).
The above comparison and Figure 10 show that the proposed method extracts buildings with a high accuracy and without the problem of high-rise buildings offset. This result occurs due to two reasons. First, training on a noise-corrected dataset can reduce the noise impact of high-rise building bias. Meanwhile, if trained only in combination with the noise-corrected dataset, then the model failed to identify certain types of buildings and demonstrated poor generalization. Second, the teacher network is rich in the types of buildings used for training despite the presence of noise. Therefore, the proposed method combines the advantages of both by distillation, solving the problem of prediction offset of high-rise buildings and having superior generalization capability. The results demonstrate the capability of the proposed approach to distill the generalized knowledge of the teacher model and combine the strengths of the current data simultaneously. This approach results in improved overall building identification performance.

4. Discussion

The effect of multiscale knowledge distillation on the results of the method when distillation is conducted at different feature layers is discussed in this section. Feature layers are used to perform multiscale knowledge distillation; thus, a combination of feature layers at different scales is used to verify that the best combination of P 2 , P 3 , and P 4 is used. Regarding the applicability of the proposed method on other models, the applicability of the method on other methods is verified by performing multiscale knowledge distillation based on different semantic segmentation methods. The data and settings of the experiments are consistent with Section 3.1 and Section 3.2, respectively.

4.1. Experiment of Different Features for Distillation

Overall ablation experiments are performed on the proposed method. Therefore, the effects on the experimental results considering the use of distillation and multiscale distillation are discussed, and the experimental results are shown in Table 3. The experimental results reveal that the use of only a single scale of distillation and the addition of multiple scales improved the accuracy of the final results. The most significant enhancement was achieved using distillation, with a 3.09% increase in IoU, compared with the baseline. Meanwhile, adding multiscale for distillation resulted in a 1.3% increase in IoU compared with using but-scale distillation. This finding indicates that knowledge distillation from the teacher network markedly improves the performance of the proposed method, and the performance-enhancing knowledge is implicit in the multiscale features. Thus, the use of multiscale features and distillation play a significant role in the proposed method.
The previous analysis reveals that multiscale features provide valid knowledge for the proposed approach. Experiments were conducted on different combinations of scales (the experimental results are shown in Table 4) to understand the impact of multiscale features on the proposed approach. The experimental results show that the P 5 feature distillation effect is the lowest boost when using a single scale feature. Simultaneously, the inclusion of the P 5 scale introduces minimal performance gains in the distillation of knowledge at multiple scales that include the P 5 feature. Moreover, in multiscale distillation without the inclusion of P 5 feature, the model performance gradually increases with the number of scales. This increase is due to the presence of P 5 features that are at the top level and cat P 2 , P 3 , and P 4 in the structure of the UPerNet. Therefore, feature distillation in P 5 does not improve the performance of the subsequent segmentation significantly. This finding indicates that multiscale features are effective for knowledge distillation, specifically using P 2 , P 3 , and P 4 .

4.2. Method Applicability and Model Complexity

Multiscale knowledge distillation for UPerNet with ResNet-101 and FPN with Swin Transformer is performed to verify that the proposed distillation would also work for other methods, and the results are shown in Table 5. The table reveals that, although UPerNet + MS + distill has a different feature extractor than the teacher network, the proposed method is equally effective in improving the performance of the student network, with significant improvements in all four validation metrics. Furthermore, the IoU of the proposed method is improved by 3.29% compared with FPN when the same feature extractor and different decoders are used (FPN+ MS + distill). Overall, the proposed method is not only adaptable to different backbones but also equally effective using different decoders. Thus, the proposed method can be adapted to different methods and demonstrates transferability.
Finally, the different methods of FLOPs and parameter size are discussed, and the results are shown in Table 6. The table reveals that the UPerNet + Swin Transformer method is more complex to run and has a larger parameter size than the other methods. The proposed method uses the same structure as UPerNet + Swin Transformer for the student network and does not add any other modules; therefore, the parameter size and FLOPs are the same as in the baseline. In addition, the feature extractor of Swin Transformer was finally used in the process of building recognition considering building extraction performance in practice.

5. Conclusions

A multiscale feature knowledge distillation method is proposed in this paper. This method distills semantic knowledge regarding buildings from trained teacher networks containing noisy labels to reduce the impact of noise-containing building datasets on semantic segmentation methods. The most direct way to reduce the impact of noise is to adjust the samples containing noise. However, a large amount of noise correction introduces a large amount of work, and ensuring the generalization of the model for building extraction across the Wenzhou region is difficult due to the adjustment of small areas. Therefore, multiscale distillation is performed from the teacher network to transfer the generalization performance of the teacher network to maintain effective generalization performance for building extraction of the entire Wenzhou region. Meanwhile, the student network acquires the capability to resist noise on samples corrected for noise. Through experimental evaluation, the proposed method shows better performance considering evaluation metrics and is more applicable compared with semantic segmentation and knowledge distillation methods. In addition, the experiments show the effectiveness of the method and demonstrate that the proposed method can be applied to other methods and introduce enhancements to other semantic segmentation methods.
In future work, the proposed method will be explored in the following ways. First, samples containing noise as a form of the weak label are treated and investigated in a self-supervised or semi-supervised way. Second, knowledge distillation in combination with suitable multimodal data will further improve model performance.

Author Contributions

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

Funding

The work was supported by the National Key Research and Development Program of China, Grant No. 2020YFA0713503 and the National Natural Science Foundation of China, Grant No. 42071427.

Data Availability Statement

Not applicable.

Conflicts of Interest

All authors declare no conflict of interest.

References

  1. Xu, Y.; Du, B.; Zhang, L.; Cerra, D.; Pato, M.; Carmona, E.; Prasad, S.; Yokoya, N.; Hänsch, R.; Le Saux, B. Advanced multi-sensor optical remote sensing for urban land use and land cover classification: Outcome of the 2018 IEEE GRSS data fusion contest. IEEE J. Sel. Top. Appl. Earth Obs. Remote. Sens. 2019, 12, 1709–1724. [Google Scholar] [CrossRef]
  2. Rashidian, V.; Baise, L.G.; Koch, M. Detecting collapsed buildings after a natural hazard on vhr optical satellite imagery using u-net convolutional neural networks. In Proceedings of the IGARSS 2019—2019 IEEE International Geoscience and Remote Sensing Symposium, Yokohama, Japan, 28 July–2 August 2019; pp. 9394–9397. [Google Scholar]
  3. Zou, S.; Wang, L. Individual vacant house detection in very-high-resolution remote sensing images. Ann. Am. Assoc. Geogr. 2020, 110, 449–461. [Google Scholar] [CrossRef]
  4. Doulamis, A.; Grammalidis, N.; Ioannides, M.; Potsiou, C.; Doulamis, N.D.; Stathopoulou, E.K.; Ioannidis, C.; Chrysouli, C.; Dimitropoulos, K. 5D modelling: An efficient approach for creating spatiotemporal predictive 3D maps of large-scale cultural resources. In ISPRS Annals of the Photogrammetry, Remote Sensing and Spatial Information Sciences. In Proceedings of the 25th International CIPA Symposium, CIPA 2015, Taipei, Taiwan, 31 August–4 September 2015; Volume 2. [Google Scholar]
  5. Osco, L.P.; Junior, J.M.; Ramos, A.P.M.; de Castro Jorge, L.A.; Fatholahi, S.N.; de Andrade Silva, J.; Matsubara, E.T.; Pistori, H.; Gonçalves, W.N.; Li, J. A review on deep learning in UAV remote sensing. Int. J. Appl. Earth Obs. Geoinf. 2021, 102, 102456. [Google Scholar] [CrossRef]
  6. Hoeser, T.; Kuenzer, C. Object detection and image segmentation with deep learning on earth observation data: A review-part I: Evolution and recent trends. Remote. Sens. 2020, 12, 1667. [Google Scholar] [CrossRef]
  7. Luo, L.; Li, P.; Yan, X. Deep learning-based building extraction from remote sensing images: A comprehensive review. Energies 2021, 14, 7982. [Google Scholar] [CrossRef]
  8. Kang, J.; Wang, Z.; Zhu, R.; Xia, J.; Sun, X.; Fernandez-Beltran, R.; Plaza, A. DisOptNet: Distilling Semantic Knowledge From Optical Images for Weather-Independent Building Segmentation. IEEE Trans. Geosci. Remote. Sens. 2022, 60, 1–15. [Google Scholar] [CrossRef]
  9. Wei, S.; Ji, S.; Lu, M. Toward automatic building footprint delineation from aerial images using CNN and regularization. IEEE Trans. Geosci. Remote. Sens. 2019, 58, 2178–2189. [Google Scholar] [CrossRef]
  10. Feng, W.; Sui, H.; Hua, L.; Xu, C.; Ma, G.; Huang, W. Building extraction from VHR remote sensing imagery by combining an improved deep convolutional encoder-decoder architecture and historical land use vector map. Int. J. Remote. Sens. 2020, 41, 6595–6617. [Google Scholar] [CrossRef]
  11. Hosseinpoor, H.; Samadzadegan, F. Convolutional neural network for building extraction from high-resolution remote sensing images. In Proceedings of the 2020 International Conference on Machine Vision and Image Processing (MVIP), Qom, Iran, 18–20 February 2020; pp. 1–5. [Google Scholar]
  12. Ji, S.; Wei, S.; Lu, M. Fully convolutional networks for multisource building extraction from an open aerial and satellite imagery data set. IEEE Trans. Geosci. Remote. Sens. 2018, 57, 574–586. [Google Scholar] [CrossRef]
  13. Ma, J.; Wu, L.; Tang, X.; Liu, F.; Zhang, X.; Jiao, L. Building extraction of aerial images by a global and multi-scale encoder-decoder network. Remote. Sens. 2020, 12, 2350. [Google Scholar] [CrossRef]
  14. Maltezos, E.; Doulamis, A.; Doulamis, N.; Ioannidis, C. Building extraction from LiDAR data applying deep convolutional neural networks. IEEE Geosci. Remote. Sens. Lett. 2018, 16, 155–159. [Google Scholar] [CrossRef]
  15. Pan, X.; Yang, F.; Gao, L.; Chen, Z.; Zhang, B.; Fan, H.; Ren, J. Building extraction from high-resolution aerial imagery using a generative adversarial network with spatial and channel attention mechanisms. Remote. Sens. 2019, 11, 917. [Google Scholar] [CrossRef] [Green Version]
  16. Shao, Z.; Tang, P.; Wang, Z.; Saleem, N.; Yam, S.; Sommai, C. BRRNet: A fully convolutional neural network for automatic building extraction from high-resolution remote sensing images. Remote. Sens. 2020, 12, 1050. [Google Scholar] [CrossRef] [Green Version]
  17. Cheng, G.; Han, J. A survey on object detection in optical remote sensing images. ISPRS J. Photogramm. Remote. Sens. 2016, 117, 11–28. [Google Scholar] [CrossRef] [Green Version]
  18. Ahmadi, S.; Zoej, M.V.; Ebadi, H.; Moghaddam, H.A.; Mohammadzadeh, A. Automatic urban building boundary extraction from high resolution aerial images using an innovative model of active contours. Int. J. Appl. Earth Obs. Geoinf. 2010, 12, 150–157. [Google Scholar] [CrossRef]
  19. Belgiu, M.; Drǎguţ, L. Comparing supervised and unsupervised multiresolution segmentation approaches for extracting buildings from very high resolution imagery. ISPRS J. Photogramm. Remote. Sens. 2014, 96, 67–75. [Google Scholar] [CrossRef] [Green Version]
  20. Maggiori, E.; Tarabalka, Y.; Charpiat, G.; Alliez, P. Convolutional neural networks for large-scale remote-sensing image classification. IEEE Trans. Geosci. Remote. Sens. 2016, 55, 645–657. [Google Scholar] [CrossRef] [Green Version]
  21. 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]
  22. Wu, G.; Shao, X.; Guo, Z.; Chen, Q.; Yuan, W.; Shi, X.; Xu, Y.; Shibasaki, R. Automatic building segmentation of aerial imagery using multi-constraint fully convolutional networks. Remote. Sens. 2018, 10, 407. [Google Scholar] [CrossRef] [Green Version]
  23. 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 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  24. Zheng, S.; Lu, J.; Zhao, H.; Zhu, X.; Luo, Z.; Wang, Y.; Fu, Y.; Feng, J.; Xiang, T.; Torr, P.H.; et al. Rethinking semantic segmentation from a sequence-to-sequence perspective with transformers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 6881–6890. [Google Scholar]
  25. 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, Virtual, 11–17 October 2021; pp. 10012–10022. [Google Scholar]
  26. Xie, E.; Wang, W.; Yu, Z.; Anandkumar, A.; Alvarez, J.M.; Luo, P. SegFormer: Simple and efficient design for semantic segmentation with transformers. Adv. Neural Inf. Process. Syst. 2021, 34, 12077–12090. [Google Scholar]
  27. Frénay, B.; Verleysen, M. Classification in the presence of label noise: A survey. IEEE Trans. Neural Netw. Learn. Syst. 2013, 25, 845–869. [Google Scholar] [CrossRef] [PubMed]
  28. Mnih, V.; Hinton, G.E. Learning to label aerial images from noisy data. In Proceedings of the 29th International Conference on Machine Learning (ICML-12), Edinburgh, Scotland, 26 June 26–1 July 2012; pp. 567–574. [Google Scholar]
  29. Xiao, T.; Xia, T.; Yang, Y.; Huang, C.; Wang, X. Learning from massive noisy labeled data for image classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 2691–2699. [Google Scholar]
  30. Sukhbaatar, S.; Bruna, J.; Paluri, M.; Bourdev, L.; Fergus, R. Training convolutional networks with noisy labels. arXiv 2014, arXiv:1406.2080. [Google Scholar]
  31. Goldberger, J.; Ben-Reuven, E. Training deep neural-networks using a noise adaptation layer. In Proceedings of the 5th International Conference on Learning Representations, Toulon, France, 24–26 April 2017. [Google Scholar]
  32. Yuan, J. Learning building extraction in aerial scenes with convolutional networks. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 40, 2793–2798. [Google Scholar] [CrossRef] [PubMed]
  33. Hinton, G.; Vinyals, O.; Dean, J. Distilling the knowledge in a neural network. arXiv 2015, arXiv:1503.02531. [Google Scholar]
  34. Xiao, T.; Liu, Y.; Zhou, B.; Jiang, Y.; Sun, J. Unified perceptual parsing for scene understanding. In Proceedings of the European conference on computer vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 418–434. [Google Scholar]
  35. TianDiTu WenZhou. Available online: https://zhejiang.tianditu.gov.cn/wenzhou/ (accessed on 20 May 2022).
  36. Yuan, Y.; Chen, X.; Chen, X.; Wang, J. Object-contextual representations for semantic segmentation. arXiv 2019, arXiv:1909.11065. [Google Scholar]
  37. Lin, T.Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature pyramid networks for object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2117–2125. [Google Scholar]
  38. 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]
  39. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In MICCAI 2015: Medical Image Computing and Computer-Assisted Intervention, Proceedings of the International Conference on Medical image computing and Computer-Assisted Intervention, Singapore, 18–22 September 2022; Springer: Berlin/Heidelberg, Germany, 2015; pp. 234–241. [Google Scholar]
  40. Chen, L.C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-decoder with atrous separable convolution for semantic image segmentation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 801–818. [Google Scholar]
  41. Zhang, Y.; Xiang, T.; Hospedales, T.M.; Lu, H. Deep mutual learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4320–4328. [Google Scholar]
  42. Shu, C.; Liu, Y.; Gao, J.; Yan, Z.; Shen, C. Channel-wise knowledge distillation for dense prediction. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Virtual, 11–17 October 2021; pp. 5311–5320. [Google Scholar]
  43. Loshchilov, I.; Hutter, F. Decoupled weight decay regularization. arXiv 2017, arXiv:1711.05101. [Google Scholar]
  44. Sun, K.; Xiao, B.; Liu, D.; Wang, J. Deep high-resolution representation learning for human pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 5693–5703. [Google Scholar]
  45. Fan, M.; Lai, S.; Huang, J.; Wei, X.; Chai, Z.; Luo, J.; Wei, X. Rethinking BiSeNet For Real-time Semantic Segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 9716–9725. [Google Scholar]
  46. Liu, Z.; Mao, H.; Wu, C.Y.; Feichtenhofer, C.; Darrell, T.; Xie, S. A ConvNet for the 2020s. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), New Orleans, LA, USA, 19–24 June 2022. [Google Scholar]
  47. 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. (a) Noise-containing building labels, where the red label does not match the roof of the building, are marked on the side of the building, especially in high-rise buildings; (b) corrected building label, where the blue label matches the building roof perfectly.
Figure 1. (a) Noise-containing building labels, where the red label does not match the roof of the building, are marked on the side of the building, especially in high-rise buildings; (b) corrected building label, where the blue label matches the building roof perfectly.
Remotesensing 14 05645 g001
Figure 2. Location and diversity of buildings in the study area.
Figure 2. Location and diversity of buildings in the study area.
Remotesensing 14 05645 g002
Figure 3. Pairs of images with labels. The top row is the aerial remote sensing image, and the bottom row is the corresponding building label.
Figure 3. Pairs of images with labels. The top row is the aerial remote sensing image, and the bottom row is the corresponding building label.
Remotesensing 14 05645 g003
Figure 4. General structure diagram. During the training process, the parameters of the teacher model are frozen, and only the parameters of the student model are updated. Only the student model parameters must be used in the prediction process.
Figure 4. General structure diagram. During the training process, the parameters of the teacher model are frozen, and only the parameters of the student model are updated. Only the student model parameters must be used in the prediction process.
Remotesensing 14 05645 g004
Figure 5. Swin Transformer Encoder. The input is satellite images of size H × W × 3, and the output is feature maps of four different scales.
Figure 5. Swin Transformer Encoder. The input is satellite images of size H × W × 3, and the output is feature maps of four different scales.
Remotesensing 14 05645 g005
Figure 6. Two successive Swin Transformer blocks.
Figure 6. Two successive Swin Transformer blocks.
Remotesensing 14 05645 g006
Figure 7. (a) Window partition strategy of W-MSA module; (b) window partition strategy of the SW-MSA module.
Figure 7. (a) Window partition strategy of W-MSA module; (b) window partition strategy of the SW-MSA module.
Remotesensing 14 05645 g007
Figure 8. UPerNet decoder.
Figure 8. UPerNet decoder.
Remotesensing 14 05645 g008
Figure 9. Pyramid pooling module.
Figure 9. Pyramid pooling module.
Remotesensing 14 05645 g009
Figure 10. Visualization of the superimposed images of the results of the different building segmentation methods. One column represents a method, and the first column represents ground truth. Buildings are shown in red.
Figure 10. Visualization of the superimposed images of the results of the different building segmentation methods. One column represents a method, and the first column represents ground truth. Buildings are shown in red.
Remotesensing 14 05645 g010
Table 1. Comparison of experimental results for the proposed method with semantic segmentation methods.
Table 1. Comparison of experimental results for the proposed method with semantic segmentation methods.
MethodBackbonePrecisionRecallF1 ScoreIoU
UNet [39]-85.1278.9281.969.35
PSPNet [38]ResNet-101 [47]84.8784.6484.7673.55
FPN [37]ResNet-101 [47]84.7682.0283.3771.48
UPerNet [34]ResNet-101 [47]85.2884.9585.1174.08
DeepLabV3+ [40]ResNet-101 [47]84.9784.0584.5173.17
OCRNet [36]HRNet-48 [44]86.6286.5886.676.36
UPerNet [34]Swin Transformer [25]86.9187.3887.1577.22
SegFormer [26]MIT-B583.5780.1981.8469.26
STDC [45]STDC283.1384.3883.7572.05
ConvNeXt [46]ConvNeXt-L88.3586.5787.4577.70
ProposedSwin Transformer89.2290.7189.8781.61
Table 2. Comparison of experimental results for the proposed approach with the combined teacher knowledge approach.
Table 2. Comparison of experimental results for the proposed approach with the combined teacher knowledge approach.
MethodBackbonePrecisionRecallF1 ScoreIoU
UPerNet [34]Swin Transformer [25]86.9187.3887.1577.22
TEACHERSwin Transformer [25]88.3786.8687.677.84
Fine-tuneSwin Transformer [25]89.0687.0788.1378.78
DML [41]Swin Transformer [25]87.5486.3486.9376.89
CWD [42]Swin Transformer [25]87.3688.0987.7278.13
ProposedSwin Transformer [25]89.22
(+2.31)
90.71
(+3.33)
89.87
(+2.72)
81.61
(+4.39)
Table 3. Experimental results of overall ablation study.
Table 3. Experimental results of overall ablation study.
MethodsPrecisionRecallF1 ScoreIoU
Baseline86.9187.3887.1577.22
Proposed (+distill)88.7589.489.0880.31
Proposed (+MS + distill)89.2290.7189.8781.61
Table 4. Distillation using different combinations of features.
Table 4. Distillation using different combinations of features.
P 2 P 3 P 4 P 5 PrecisionRecallF1 ScoreIoU
88.7589.489.0880.31
88.5689.5689.0680.28
88.7889.5789.1780.36
87.9588.9688.4579.29
88.889.7189.2580.59
88.889.4789.1380.4
88.8189.6189.2180.52
89.2290.7189.8781.61
88.6489.8289.2380.55
88.3388.588.4179.23
89.3889.1889.2880.64
Table 5. Results of multiscale distillation applied to different methods.
Table 5. Results of multiscale distillation applied to different methods.
MethodsBackbonePrecisionRecallF1 ScoreIoU
UPerNetResNet-10185.2884.9585.1174.08
UPerNet + MS + distillResNet-10186.68
(+1.40)
86.99
(+2.04)
86.84
(+1.73)
76.74
(+2.66)
FPNSwin Transformer87.5486.8587.1977.3
FPN + MS + distillSwin Transformer88.96
(+1.42)
89.54
(+2.69)
89.25
(+2.06)
80.95
(+3.29)
Table 6. Parameter size and floating point operations (FLOPs) for different methods.
Table 6. Parameter size and floating point operations (FLOPs) for different methods.
MethodsBackboneFLOPsParams
UPerNet [34]Swin Transformer [25]298.56 G121.3 M
OCRNet [36]HRNet-48 [44]161.75 G70.35 M
FPN [37]Swin Transformer [25]172.13 G103.8 M
ProposedSwin Transformer [25]298.56 G121.3 M
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Xu, G.; Deng, M.; Sun, G.; Guo, Y.; Chen, J. Improving Building Extraction by Using Knowledge Distillation to Reduce the Impact of Label Noise. Remote Sens. 2022, 14, 5645. https://doi.org/10.3390/rs14225645

AMA Style

Xu G, Deng M, Sun G, Guo Y, Chen J. Improving Building Extraction by Using Knowledge Distillation to Reduce the Impact of Label Noise. Remote Sensing. 2022; 14(22):5645. https://doi.org/10.3390/rs14225645

Chicago/Turabian Style

Xu, Gang, Min Deng, Geng Sun, Ya Guo, and Jie Chen. 2022. "Improving Building Extraction by Using Knowledge Distillation to Reduce the Impact of Label Noise" Remote Sensing 14, no. 22: 5645. https://doi.org/10.3390/rs14225645

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