Next Article in Journal
Angular Position Sensor Based on Anisotropic Magnetoresistive and Anomalous Nernst Effect
Previous Article in Journal
Research on Inter-Frame Feature Mismatch Removal Method of VSLAM in Dynamic Scenes
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-Scale Attention Network for Building Extraction from High-Resolution Remote Sensing Images

1
School of Computer and Artificial Intelligence, Zhengzhou University, Zhengzhou 450001, China
2
School of Geoscience and Technology, Zhengzhou University, Zhengzhou 450001, China
3
Ecometeorology Joint Laboratory of Zhengzhou University and Chinese Academy of Meteorological Science, Zhengzhou 450001, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(3), 1010; https://doi.org/10.3390/s24031010
Submission received: 2 January 2024 / Revised: 18 January 2024 / Accepted: 25 January 2024 / Published: 4 February 2024
(This article belongs to the Section Remote Sensors)

Abstract

:
The precise building extraction from high-resolution remote sensing images holds significant application for urban planning, resource management, and environmental conservation. In recent years, deep neural networks (DNNs) have garnered substantial attention for their adeptness in learning and extracting features, becoming integral to building extraction methodologies and yielding noteworthy performance outcomes. Nonetheless, prevailing DNN-based models for building extraction often overlook spatial information during the feature extraction phase. Additionally, many existing models employ a simplistic and direct approach in the feature fusion stage, potentially leading to spurious target detection and the amplification of internal noise. To address these concerns, we present a multi-scale attention network (MSANet) tailored for building extraction from high-resolution remote sensing images. In our approach, we initially extracted multi-scale building feature information, leveraging the multi-scale channel attention mechanism and multi-scale spatial attention mechanism. Subsequently, we employed adaptive hierarchical weighting processes on the extracted building features. Concurrently, we introduced a gating mechanism to facilitate the effective fusion of multi-scale features. The efficacy of the proposed MSANet was evaluated using the WHU aerial image dataset and the WHU satellite image dataset. The experimental results demonstrate compelling performance metrics, with the F1 scores registering at 93.76% and 77.64% on the WHU aerial imagery dataset and WHU satellite dataset II, respectively. Furthermore, the intersection over union (IoU) values stood at 88.25% and 63.46%, surpassing benchmarks set by DeepLabV3 and GSMC.

1. Introduction

With the rapid evolution of remote sensing technology and its expanding spectrum of applications, remote sensing imagery has acquired a heightened significance across numerous domains, particularly in the realms of urban planning [1], land use [2], building recognition [3], and others. Remote sensing images proffer real-time, precise, and comprehensive geographical information, constituting a valuable resource for comprehending urban spatial structure and its dynamic transformations. However, the intricacies inherent in remote sensing images, compounded by the diversity in building shapes [4], dimensions [5], orientations [6], and lighting conditions [7], present substantial challenges in the realm of building information extraction [8]. Conventional methods for extracting building information from remote sensing images predominantly rely on image processing and computer vision techniques, encompassing edge detection [9], threshold segmentation [10], region growth [11], etc. These techniques, however, impose stringent prerequisites concerning image quality and lighting conditions, often yielding suboptimal results in complex environmental contexts. Particularly in the domain of high-resolution and hyperspectral remote sensing imagery, traditional methods often fall short of meeting practical demands [12]. Furthermore, traditional approaches exhibit limitations in harnessing the spatial structure information inherent in buildings [13], potentially resulting in data loss or distortion during the extraction process.
In recent years, the rapid advancement of deep learning technology has precipitated considerable attention to building extraction methodologies rooted in deep neural networks [14]. These approaches leverage the inherent learning and feature extraction capabilities of deep neural networks [15] to autonomously acquire and extract building attributes from remote sensing imagery, significantly enhancing the precision and robustness of the extraction process [16]. Notably, fully convolutional networks (FCNs) [17] have emerged as a preeminent choice within the ambit of building extraction. FCNs’ deconvolution layers facilitate the mapping of network-learned features to an output image of matching dimensions, thereby enabling automatic building extraction. Building upon the foundation of FCN, researchers have devised numerous enhanced iterations, such as Unet [18], PSPNet [19], LSPNet [20], and more, further elevating the precision and efficiency of building extraction. For example, Liang et al. [21] enriched the U-Net model by introducing additional convolutional layers and skip connections, augmenting the model’s capacity to perceive intricate building details. HE et al. [22] innovatively incorporated dilated convolution and expansion convolution layers into the U-Net architecture while introducing skip connections, substantially heightening edge perception in building extraction. WU et al. [23] integrated an expansion convolution module into the PSPNet framework, efficaciously enhancing the precision of low-rise building extraction. Meanwhile, Abolfazl et al. [24] introduced bidirectional, convolutional long short-term memory, grounded in the SegNet model, significantly bolstering the model’s performance in building extraction within complex backgrounds. These pioneering research endeavors engender novel insights into and methodologies for building extraction, thereby fortifying the groundwork for the analysis and utilization of remote sensing imagery.
Buildings exhibit multi-scale characteristics owing to their unique geometric features, varying sizes, and specific locational information. However, current methods often focus on a single scale, overlooking the wealth of information available at other scales. To overcome this limitation, researchers have endeavored to integrate multi-scale information, thereby improving the accuracy and robustness of the models. In this pursuit, Li et al. [25] introduced the Multi-Level Feature Fusion Network (MFFNet), enhancing global feature extraction through pyramid pooling. This enhancement facilitates the extraction of buildings, particularly in large and complex environments. Jiabin et al. [26] employed multi-scale depth-wise spatial pyramid pooling, reducing computational complexity while extracting a more comprehensive set of multi-scale features, thereby advancing building extraction accuracy. The integration of attention mechanisms has emerged as pivotal in deep learning, especially for tasks necessitating focused analysis of specific image regions [27]. Researchers aim to further refine the accuracy and robustness of building extraction models by incorporating attention mechanisms [28]. An illustrative instance is Ye et al.’s [29] integration of attention mechanisms into the FCN model, intensifying the focus on building-related features. Zhu et al. [30] introduced an attention-based feature enhancement module that optimizes features in both the channel and spatial dimensions, significantly elevating accuracy in building contour extraction. Additionally, Das et al. [31] proposed the RCA-Net model, leveraging spatial and channel attention to capture long-range multi-scale contextual information, resulting in precise building feature extraction. Although prior research in the field of building extraction has made certain progress, these methods often rely on relatively simple fusion techniques such as summation or concatenation. However, this approach may lead to potential issues of data redundancy, which in turn increases the risk of model overfitting or underfitting. More importantly, if a uniform weight allocation method is applied to all data during the fusion process, it may overlook the differing levels of importance among buildings of various scales within an image, as well as the spatial positional dependencies among target pixel points. This oversight can result in inaccurate target detection and even introduce significant internal noise into the final results. Therefore, to more effectively address the challenges of building extraction, it is necessary to explore more advanced fusion techniques and weight allocation strategies. Hence, guided by the concept of adaptive weighting, we introduce the MSANet, a novel building extraction network underpinned by attention mechanisms. This article’s principal contributions encompass:
(1) Innovative Multi-Scale Feature Extraction: We have formulated a Multi-scale Attention Feature Extraction (MAFE) module that seamlessly amalgamates the ASPP (Atrous Spatial Pyramid Pooling) and CBAM (Convolutional Block Attention Module) mechanisms. Notably, this design encapsulates ASPP to engender comprehensive multi-scale insights. Furthermore, it leverages channel attention and spatial attention mechanisms to delve into deeper semantic understanding at each scale. This approach also optimizes network efficiency through the strategic integration of residual units.
(2) Multi-Scale Gating Attention Fusion: Building upon the notion of adaptive weighting, we have introduced a Multi-scale Gating Attention Fusion (MGAF) module, harnessing the Multi-Head Attention mechanism. This module harnesses the Multi-Head Attention mechanism to discern positional dependencies among pixels within different-scale feature maps, subsequently hierarchically weighting them to achieve the optimal feature combination. Building upon this foundation, a gating mechanism is employed to judiciously fuse features from diverse levels, culminating in the production of high-precision building feature maps.

2. Multi-Scale Attention Network for Building Extraction

In this section, we aim to offer an in-depth elucidation of the precise architectural design of the Multi-scale Attention Network (MSANet). Initially, we will elucidate the overarching framework and operational methodologies of the network. Subsequently, we will delve into a comprehensive examination of the pertinent functional modules. Finally, we will introduce the loss function that has been employed in this context.

2.1. Overall Architecture

In the encoder section, the ResNet50 backbone network [32] was employed to proficiently extract the semantic characteristics of building structures. Within the MAFE module, we employed multi-scale channel attention and multi-scale spatial attention mechanisms, enabling adaptive concentration on pivotal channels and spatial regions within the image. This approach facilitated the precise and efficient extraction of multi-scale and multi-level information pertaining to building features. Transitioning to the decoding phase, we integrated the MGAF module, which conducts adaptive hierarchical weighted processing on multi-scale building attributes, thereby yielding a more comprehensive and enriched representation of building characteristics. Furthermore, through the astute utilization of the gating mechanism [33], we proficiently merged the low-level feature maps’ spatial details with the high-level feature maps’ semantic information. This approach enabled the in-depth exploration of multi-level and multi-scale attributes, culminating in the production of high-precision building feature maps. To address the challenge of vanishing gradients that often arises with deep neural networks, we thoughtfully incorporated skip connections between the encoder and the decoder. This design choice further safeguards the model training process’s stability. The overall network framework is shown in Figure 1.

2.2. MAFE Module

Compared with various remote sensing targets, buildings exhibit notable distinctions in terms of their significant scale variations, diverse geometries, intricate structures, and abundant internal intricacies [34]. Nonetheless, they frequently encounter challenges stemming from occlusion by surrounding objects or neighboring entities possessing similar textures and structures. This scenario imposes formidable obstacles in the realm of feature extraction. To tackle these challenges, we devised a novel component termed the Multi-scale Attention Feature Extraction Module, as shown in Figure 2. This module seamlessly integrates pyramid pooling, an attention mechanism, and dilated convolution, enabling the effective handling of issues such as variations in building size, shifts in perspective, and alterations in scale within remote sensing imagery. This, in turn, facilitates the more precise acquisition of multi-scale building features. Given the specific attributes of buildings, which are characterized by a limited semantic content but a profusion of intricate details, we opted to employ ResNet50 as the feature extractor for buildings. In order to retain an increased amount of detailed feature information, we selectively retained only the initial four levels of the Backbone module {C1, C2, C3, C4}, and additionally employed a convolution operation with a dilation rate of 2 at the terminal layer of each module to enhance the network’s receptive field.
We took the feature map denoted as C4 as our input, characterized by dimensions of H × W and a channel count of C. To circumvent the potential loss of information related to small-area clustered buildings, which might occur when employing high dilation rates, we opted for dilation rates of 6, 12, and 18 [35,36,37], coupled with a kernel size of 3 × 3. This configuration ensures the preservation of small-area building features during information propagation while simultaneously enabling the robust extraction of features from larger building structures. In pursuit of acquiring a holistic perspective on the entire feature map, we incorporated a global average pooling layer. To enhance our ability to capture object boundary information while concurrently reducing the computational complexity by reducing the number of channels, we fed the extracted feature maps from various scales into a 1 × 1 convolutional layer. This operation serves to harmonize the channel dimensions across these feature maps. Ultimately, we yield a multi-scale feature map denoted as P = {P1, P2, P3, P4}, which encapsulates diverse scales of extracted features.
Meanwhile, with the aim of enhancing the precision of building features and eliminating redundant information, we took the feature map C4 as our input. We initially acquired the global context information through a global average pooling operation. Subsequently, we employed a series of fully connected layers or convolution layers to derive a channel attention map, denoted as Mc(C4), which served to establish the significance weights for each channel within the feature map. In the final step, we performed an element-wise multiplication of the channel attention map Mc(C4) with the multi-scale feature map P, yielding a weighted multi-scale feature map denoted as P′. This method of information interaction and weight adjustment functions to selectively amplify features pertinent to buildings while suppressing irrelevant features, thereby elevating the perceptual and recognition capabilities of the building extraction model. This process, which augments the model’s generalization and robustness, can be formally represented by Equations (1) and (2):
P = M c C 4 P
M c C 4 = σ M L P A v g P o o l C 4 + M L P M a x P o o l C 4
Subsequent to this stage, we took the multi-scale feature map P′, enriched with channel weight information, as our input and began learning the significance of each spatial position, resulting in the creation of a multi-scale spatial attention feature map. This approach took full advantage of channel weight information, enabling a more comprehensive capture of spatial intricacies and building details. It served to diminish the impact of spatially redundant features on building extraction and enhance the model’s perceptual and extraction capabilities across various building scales. Furthermore, it effectively addressed issues of within-class similarity and mitigated the influence of occlusions and noise. To achieve these objectives, we employed a combination of dilated convolution and global pooling operations for the extraction of features related to buildings of different scales. Leveraging channel adjustment technology, we generated a multi-scale feature map denoted as F. This was achieved through a sequence of operations applied to the feature map P′, including feature mapping, max pooling, average pooling, similarity calculations, normalization, and feature fusion. Collectively, these operations culminated in the creation of a spatial attention map, Ms(P′), which reflected the importance weights associated with each spatial position within the feature map. Finally, through element-wise multiplication of the spatial attention map Ms(P′) with the feature map Q, which contained channel weight information, we obtained a new feature map, designated as M. This feature map encapsulated both channel weight and spatial weight information, serving as the ultimate output. The entire process can be concisely represented by Equations (3) and (4):
F = F 1 , F 2 , F 3 , F 4
M = M s P F

2.3. Multi-Scale Gating Attention Fusion Module

Given the substantial influence of feature hierarchy and spatial scale selection on the efficacy of contour segmentation and the level of object fragmentation in geospatial objects, it becomes imperative to refine feature amalgamation by adjusting weight allocation at each stratum of the network architecture. This optimization endeavors to markedly diminish the ambiguity of pixel classification and facilitate the extraction of geospatial objects characterized by intricate details and well-defined contours. In response to this challenge, this paper introduces a novel module at the decoding stage, denoted as the “Multi-scale Gating Attention Fusion module (MGAF).” In its first stage, an adaptive weight adjustment strategy was implemented to derive an optimized feature combination tailored for building extraction. Subsequently, a gating mechanism was introduced to effectively blend features derived from diverse levels, yielding high-precision building feature maps. For a comprehensive overview of the MGAF’s architectural composition, please refer to Figure 3.
The utilization of a multi-head attention mechanism [38] provides the capacity to dynamically learn significant feature relationships within an input sequence while effectively filtering out crucial information from a multitude of potential interfering factors. Recognizing that the expression of building features is intricately linked to the precise position of positive sample pixels within the image, the MGAF module leverages the multi-head attention mechanism to capture the positional dependencies between pixels in feature maps associated with buildings of various scales. Consequently, this approach assigns heightened importance to key components while mitigating interference from other ground objects and noise sources. To enhance computational efficiency and mitigate the risk of overfitting, we employed a strategy of parallel processing utilizing four independent attention heads.
In our framework, we assumed that the multi-scale feature map matrix after undergoing position encoding would be denoted as F ^ R H × W × C . Subsequently, we employed a linear transformation to convert this matrix into three distinct matrices, namely, Q, K, and V, all sharing the same dimensions. Here, Q represents the query matrix, K stands for the key matrix, and V corresponds to the value matrix. To gauge the similarity between building pixels, we applied the scaled dot-product method. More specifically, we performed a scaled dot-product operation between the matrices Q and K, yielding a similarity calculation result for the building pixels. To regulate the magnitude of the dot-product result, we introduced a scaling factor denoted as “dk” for appropriate adjustment [39,40,41]. Finally, we employed the softmax function to normalize the attention scores, subsequently multiplying the resulting weight vector with V. This process resulted in a weighted computation for a single-dimensional feature map. The mathematical expression governing this process, namely, Formulas (5) and (6), is presented as follows:
Q i = F ^ W i Q     K i = F ^ W i K     V i = F ^ W i V
h e a d i = A t t e n t i o n Q i , K i , V i = S o f t m a x Q i K i T d k V i
In Formula (5), the matrices   W i Q , W i K and W i V denote the transformation matrices associated with the initial parameters of Q, K, and V for the i-Ĝth linear transformation. In Equation (6), “headi” signifies the output result derived from the i-th attention head, where i takes values from the set {1,2,3,4}.
In this study, we employed four attention heads for simultaneous computation. To account for the interplay between different scale feature maps and to consolidate the results, a final linear transformation was applied to aggregate the multi-head feature maps, yielding the ultimate outcome. The calculation formula for this process, specifically Formula (7), is as follows:
M u l t i H e a d ( Q , K , V ) = C o n c a t ( h e a d 1 , h e a d 2 , h e a d 3 , h e a d 4 ) W O
In Equation (7), the “MultiHead” function denotes the multi-scale composite feature matrix generated after weighted summation by the multi-head attention mechanism. The “Concat” function represents the concatenation operation, and “ W O ” signifies the transformation matrix.
In the process of image restoration at the decoding stage, to create a high-level feature map encompassing shallow spatial details while embedding semantic information from high-level features into the middle and low-level feature maps, a conventional approach is to incorporate the pixel-wise downsampled result from the previous level into the corresponding low-level features from the encoding stage for feature fusion. However, this method treats both information components equally and disregards the distinct characteristics of features across different levels. Consequently, this often leads to a fusion result contaminated by significant noise. Therefore, within the MGAF module, we introduced a gating mechanism that took inputs from the feature maps at the same level of the encoder, the multi-scale feature map from the previous level, and the feature map processed by the multi-head attention mechanism. This approach enabled the generation of high-precision building feature maps. The mathematical formula governing this fusion process is presented below in Equations (8)–(10).
H n = s i g m o i d ( c o n v ( C n ) ) · C 4 + C n + M H n
G n = s i g m o i d ( c o n v ( H n ) )
A n = G n · C n + ( 1 G n ) · M H n
In the provided formula, ‘n’ denotes the current feature level (with n ∈ {1,…,l}), where ‘l’ signifies the model hierarchy. C n represents the encoder feature map, H n represents the mixed feature output, and G n ∈ (0,1)’ represents the gating unit. The ‘Conv’ operation denotes a regular 1 × 1 convolution operation, and A n signifies the fusion result.

3. Experiments

In this section, we aim to validate the efficacy of our proposed method. To this end, we chose two publicly accessible datasets for testing. We provide a comprehensive account of our implementation details, including specifics about the experimental environment and parameter configurations. We also elaborate on the employed evaluation metrics and the comparative methods for benchmarking our approach.

3.1. Datasets

To assess the practical effectiveness and generalization performance of our proposed MSANet method, we carried out extensive experiments using two widely recognized and publicly available datasets: the WHU aerial image dataset and the WHU satellite image dataset [42]. These datasets encompass diverse building types and sizes, as well as a range of scenarios and urban environments, facilitating a comprehensive evaluation of our model’s performance. In Figure 4, we present sample cases from these datasets, including images of buildings and their respective surroundings. This visualization aids in gaining a better understanding of the model’s application scope and its real-world effects.
The WHU Aerial Imagery Dataset, sourced from the Land Information New Zealand website, covers an area of 450 square kilometers in Christchurch, New Zealand, and contains 187,000 buildings. The dataset comprises 8189 images with resolutions of 512 × 512 pixels. The original spatial resolution of the images is 0.075 m, which has been downsampled to 0.3 m for ground resolution. In this study, the dataset was divided into 4736 images (containing a total of 21,556 buildings) for the training set and 3452 images (containing a total of 56,500 buildings) for the test set.
The WHU Satellite Dataset II consists of six adjacent satellite images covering an area of 550 square kilometers in East Asia, with a ground resolution of 2.7 m and containing 29,085 buildings. The original images were seamlessly cropped into 17,388 data samples with resolutions of 512 × 512 pixels. Among these, 13,662 images (containing 25,749 buildings) were used for model training, while the remaining 3726 images (containing 7529 buildings) were used for model testing. To accommodate memory constraints, during training, these images are further cropped into 128 × 128 pixel sizes before being input into the model.
As shown in Figure 4, compared to the WHU Aerial Imagery Dataset, the WHU Satellite Dataset II presented additional challenges for building extraction tasks due to its varied colors and diverse environments.

3.2. Experimental Settings

The experiments were conducted on a CentOS-Linux system with hardware specifications as follows: a CPU with 32 cores, 128 GB of RAM, and a GPU with 4 DCU. The deep learning framework used for these experiments was Tensor Flow, version 1.14.0. To accelerate model computations, we also employed the Horovod distributed framework, version 0.18.2. To train the model, we utilized the Adam optimizer, with an initial learning rate set to 0.0001 and optimizer parameters β_1 = 0.9 and β_2 = 0.999. The batch size was configured at 32, and we conducted 100 training rounds. To prevent model weights from straying away from the optimal solution, we employed a natural exponential decay parameter of 0.001 to adjust the learning rate.

3.3. Evaluation Metrics

In this research, we employed accuracy, recall, F1-score, and intersection over union (IoU) as the evaluation metrics for our model. Accuracy quantifies the ratio of correctly predicted positive samples to all predicted samples and is instrumental in gauging the model’s proficiency in terms of correctly identifying target categories. Recall evaluates the ratio of correctly predicted positive samples to the actual positively labeled samples, offering insights into the model’s effectiveness in correctly identifying all target instances. The F1-score represents a composite metric that factors in both accuracy and recall, providing a comprehensive assessment of the model’s overall performance. IoU measures the degree of overlap between the predicted and actual labeled regions. A higher IoU value signifies more accurate prediction results. The formulae for these metrics are as follows:
P r e c i s i o n = T P T P + F P
R e c a l = T P T P + F N
F 1 = P r e c i s i o n × R e c a l P r e c i s i o n + R e c a l
I o U = T P T P + F N + F P

3.4. Benchmark Method

We included five state-of-the-art (SOTA) semantic segmentation networks as benchmark techniques in our experiments: Unet, SegNet, ViT-V, PSPNet, and DeepLabV3.
Unet’s robustness and its capacity to retain detailed information make it highly versatile, enabling excellent performance across a wide range of application scenarios. SegNet excels in pixel-level segmentation, and its fine feature representation based on VGGNet underpins its effectiveness in various image segmentation tasks. ViT-V, with its Transformer architecture and specialized loss functions, effectively addresses long-distance dependency issues, enhancing its suitability for semantic segmentation tasks. PSPNet leverages its Pyramid Pooling module to aggregate contextual information from different regions, seamlessly embedding challenging contextual features of a scene into a pixel prediction framework, thereby elevating prediction accuracy. DeepLabV3 adopts atrous spatial pyramid pooling and a novel decoder module to achieve multi-scale feature capture and fusion, further boosting the accuracy of segmentation tasks.
In our comparative analysis, MSANet was pitted against several recent building extraction methods, which included Refined Attention Pyramid Networks (RAPNets) [28], Gate and Attention Module (GAMNet) [43], Gated Spatial Memory, and Centroid-Aware Network (GSMC) [44].
RAPNet is built upon an encoder–decoder architecture that integrates acyclic convolution, deformable convolution, attention mechanisms, and pyramid pooling modules. This amalgamation serves to augment the feature extraction capabilities of the encoding path. GAMNet, on the other hand, introduces gating and attention mechanisms to facilitate multi-level feature selection and optimize boundary details within the segmentation process. GSMC reinforces significant features and compensates for missing information through the incorporation of a gating mechanism. This approach effectively reduces the interference posed by complex backgrounds in building extraction tasks.

4. Results and Analysis

4.1. Comparison with SOTA Methods

To thoroughly assess the performance of various feature extraction algorithms for building extraction from remote sensing images, this study conducted comprehensive comparative experiments on models, including Unet, SegNet, ViT-V, PSPNet, and DeepLabV3. Specifically, we excluded the fully connected layer from the aforementioned model architectures and employed the final constitutional result from the convolutional block Cn as the output of the encoding end. Furthermore, to maintain the objectivity of the extraction results, we omitted the fifth convolutional block in the ResNet series and optimized it using a dilated convolution operation with a dilation rate of 2. The results of our quantitative comparisons are presented in Table 1 and Table 2.
In a comprehensive series of comparative experiments, our proposed MSANet model emerged as the top performer, achieving the highest IoU and F1 scores on both the WHU aerial imagery dataset and WHU satellite dataset II. This underscores the effectiveness of our approach. On the WHU aerial imagery dataset, MSANet achieved an impressive IoU score of 88.25%, surpassing the highest-scoring model by 3.82%. Similarly, in terms of the F1 metric, our model obtained a remarkable score of 93.76, outperforming the top-performing model by 2.2%. These substantial improvements highlight the ability of MSANet to more accurately identify building edges and detailed features while effectively suppressing noise and complex backgrounds in remote sensing images, leading to enhanced building extraction accuracy. On the WHU satellite dataset II, our model exhibited a strong performance, with IoU and F1 scores reaching 77.64% and 63.46%, respectively, surpassing all other models tested. This outcome underscores the generalization performance and robustness of our method when applied to different datasets.
In Figure 5, we can clearly see that the MSANet proposed in this paper can effectively extract building targets from remote sensing images. Especially in small target recognition, MSANet shows excellent performance. To more intuitively demonstrate the extraction effect, we randomly selected four building images from the WHU aerial imagery dataset as examples for result analysis. In Scene 1, the edges and contours of the building targets are relatively accurately preserved. This indicates that MSANet has good robustness in terms of processing large targets and can effectively suppress noise interference. In Scene 2, the buildings are relatively dense, which brings challenges to target recognition. However, MSANet successfully avoids small target adhesion problems by effectively identifying the importance of small-scale features. Additionally, MSANet also detects targets that are missed, indicating its certain robustness and accuracy. In Scene 3, buildings are relatively evenly distributed, and some buildings have irregular shapes. Nevertheless, MSANet is still able to extract complete building targets and ensure clear contours and relative independence between targets. In Scene 4, there are some buildings with irregular shapes. Faced with this challenge, MSANet demonstrated superior performance. By precisely capturing the contours of buildings, MSANet avoided the emergence of voids.
For the Wuhan satellite image dataset, due to the sparse distribution of buildings and complex ground object interference, the extraction difficulty was increased. When facing terrain and vegetation interference, networks such as Unet, SegNet, ViT-V, and PSPNet all exhibit certain limitations, resulting in problems such as adjacent target adhesion and target misclassification. In contrast, DeepLabV3 performs poorly in terms of extracting small building targets, making it difficult to accurately identify and extract building details. However, MSANet exhibits significant advantages when processing such datasets. As shown in Figure 6, for closely arranged buildings, such as those that are connected or close together, MSANet can effectively maintain the independence between targets and avoid adhesion problems while accurately capturing the outlines and details of buildings. This advantage is due to MSANet’s accurate recognition and extraction capabilities for small-scale features. Through the analysis of Scene 2, Scene 3, and Scene 4 in Figure 6, we can gain a deeper understanding of MSANet’s performance. In Scene 2, although buildings were densely arranged, MSANet was able to accurately identify each building target and clearly outline it. In Scene 3, buildings were generally evenly distributed, but there were some irregularly shaped buildings. MSANet also performed well in handling such problems, accurately extracting complete building targets. In Scene 4, there were some irregularly shaped buildings that posed challenges in terms of target extraction. However, MSANet successfully avoided the appearance of holes by accurately capturing the outlines of buildings.

4.2. Comparison with Recent Methods

In the process of evaluating the performance of our proposed network, we conducted comparative assessments with state-of-the-art methods, which included RAPNet, GAMNet, and GSMC, on two distinct datasets. The quantitative results of these comparisons are presented in Table 3 and Table 4. The experimental outcomes highlighted that our proposed MSANet outperformed the competition on both the WHU aerial imagery dataset and WHU satellite dataset II. In all the evaluation metrics, MSANet achieved higher accuracy, recall, and F1 scores compared to the other methods. Furthermore, our method demonstrated superior capabilities in handling image details and complex backgrounds, enabling it to better capture the crucial image features. Moreover, we conducted visual comparisons that revealed our method’s proficiency in capturing both local and global image features, leading to more accurate classifications. These results collectively affirm the effectiveness of our approach.
To further understand the performance of MSANet in building segmentation tasks, we compared its performance on the WHU aerial imagery dataset with those of other advanced networks. Figure 7 visually demonstrates the effectiveness difference between MSANet and other networks in building extraction. In Scene 1, buildings were densely arranged, and many networks faced the problem of small target adhesion. However, MSANet successfully solved this problem through its ability to effectively identify small-scale features. Compared with other networks, it exhibited significant advantages in handling such dense scenes. This feature gives MSANet a significant advantage in processing highly dense scenes such as urban landscapes. In Scene 2, facing buildings with irregular shapes, the extraction effect of MSANet was significantly better than those of other networks. It can more accurately identify and extract the details of buildings, and is less susceptible to interference from internal factors of the target. Compared with RAPNet, GAMNet, and GSMC, MSANet exhibits stronger robustness in handling such challenging scenarios, effectively alleviating the problem of salt and pepper noise. For multi-story buildings in Scene 3 and 4, MSANet also demonstrated its superiority. Compared with other networks, it can more accurately capture the outlines of buildings and avoid the appearance of holes. This feature gives MSANet a significant advantage in processing complex building structures.
As shown in Figure 8, MSANet was compared with RAPNet, GAMNet, and GSMC on the Wuhan satellite image dataset. When faced with terrain and vegetation interference, other networks had different degrees of problems involving adjacent target adhesion and target misclassification, while MSANet relatively accurately preserved the edges and contours of the target, showing good robustness to noise interference. In Scene 3, the overall distribution of the buildings was relatively uniform, and some of the buildings had irregular shapes. Despite this, MSANet was still able to extract complete building targets and ensure clear contours and relative independence between the targets. Compared with other networks, it showed significant advantages in handling such scenarios. In Scene 4, for buildings that were connected or close to each other, MSANet not only effectively maintained the independence between targets and avoided adhesion problems, but also accurately captured the contours and details of the buildings. Compared with other networks, it shows stronger robustness in handling such challenging scenarios.

5. Conclusions

This paper introduces a novel multi-scale attention network (MSANet) designed for the extraction of buildings from high-resolution remote sensing images. In the encoding phase, the Atrous Spatial Pyramid Pooling (ASPP) technique was employed to effectively capture multi-scale information. Furthermore, attention mechanisms were integrated to facilitate the acquisition of deep semantic representations at each scale, culminating in the extraction of comprehensive and hierarchical building features. In the decoding phase, an adaptive weighting scheme and gating mechanism were implemented. This strategic approach enabled the discernment of the significance of building targets within the image while considering the spatial positional dependencies of pixel points. As a consequence, this methodology facilitated a more precise restoration of spatial details within high-level features, consequently enhancing the effectiveness of feature fusion. In substantiating the efficacy of our algorithm, we conducted rigorous experiments utilizing both the WHU aerial image dataset and the WHU satellite image dataset. Our empirical investigations revealed a pronounced superiority, as demonstrated by the attainment of F1 and IoU metrics of 92.88% and 88.25%, respectively, on the aerial dataset and 78.82% and 63.46%, correspondingly, on the satellite dataset. Notably, our approach exhibited a conspicuous outperformance when juxtaposed with established networks, including Unet, SegNet, ViT-V, PSPNet, and DeepLabV3. Moreover, in the domain of semantic segmentation tasks pertaining to architectural images, the eminence of our methodology was further underscored through meticulous comparative analyses with other contemporary methodologies, thus fortifying its position as a preeminent solution in the field. Through experimental validation, MSANet has demonstrated exceptional performance in handling buildings with irregular shapes. It accurately depicts the contours of buildings, significantly avoiding the occurrence of hollow phenomena. This stands in stark contrast to previous research efforts, such as those by Li et al. [25] and Zhu et al. [30], which often encountered issues like blurred edges or hollows when dealing with irregular shapes. Notably, in scenarios where buildings are closely adjacent, MSANet successfully addresses the challenge of small target adhesion by precisely recognizing the importance of small-scale features. This echoes the challenges faced by Das et al. [31], but MSANet offers a more efficient solution, giving it a significant advantage when dealing with highly dense scenarios like urban landscapes. Furthermore, in the face of complex background interferences from terrain and vegetation, MSANet not only maintains the independence between targets effectively, but also extracts small targets more clearly and accurately. This fully attests to MSANet’s robust capabilities in handling complex backgrounds and target diversity. Compared to earlier methods, such as those by Abolfazl et al. [24], which suffered from false detections and missed detections in similar scenarios, MSANet’s performance is more stable and outstanding.
In our future work, we plan to further optimize the network structure of MSANet to enhance its generalization ability on larger datasets. To achieve this goal, we will draw inspiration from the advanced technologies mentioned in papers such as [45,46], including more efficient attention mechanisms or more powerful decoding strategies. The application of these technologies will help to further improve the performance of MSANet and drive the development of remote sensing image analysis. Additionally, we acknowledge that MSANet still has limitations in certain aspects, such as building extraction in complex backgrounds or occlusion situations. To address these issues, we will continue to explore and investigate relevant improvement methods. At the same time, we will also focus on other remote sensing image analysis tasks, such as road extraction, water body monitoring, etc., to expand the application scope of MSANet.

Author Contributions

Conceptualization, J.C. and X.H.; methodology, J.C.; software, J.C. and P.L.; validation, J.C. and X.C.; formal analysis, J.C. and M.Q.; investigation, J.C. and T.Z.; resources, B.Z. and Z.C.; data curation, T.Z. and T.F.; writing—original draft preparation, J.C.; writing—review and editing, X.H., P.L. and X.C.; visualization, M.Q. and T.Z.; supervision, P.L., T.T. and M.Q.; project administration, P.L., X.C. and T.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Second Tibetan Plateau Scientific Expedition and Research (STEP) program (No. 2019QZKK0106) and the Key Technologies Research on Development and Service of Yellow River Simulator for Super-computing Platform (No. 201400210900).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets used in this study are openly available. These datasets can be found at http://gpcv.whu.edu.cn/data/ for the WHU Building Dataset.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Xie, X.; Ye, L.; Kang, X.; Yan, L.; Zeng, L. Land use classification using improved U-Net in remote sensing images of urban and rural planning monitoring. Sci. Program. 2022, 2022, 3125414. [Google Scholar] [CrossRef]
  2. Temenos, A.; Temenos, N.; Kaselimi, M.; Doulamis, A.; Doulamis, N. Interpretable deep learning framework for land use and land cover classification in remote sensing using SHAP. IEEE Geosci. Remote Sens. Lett. 2023, 20, 1–5. [Google Scholar] [CrossRef]
  3. Chen, G.; Zhang, Y.; Cai, Z.; Li, X. The building recognition and analysis of remote sensing image based on depth belief network. Cogn. Syst. Res. 2021, 68, 53–61. [Google Scholar] [CrossRef]
  4. Zhang, Y.; Sun, L. Spatial-temporal impacts of urban land use land cover on land surface temperature: Case studies of two Canadian urban areas. Int. J. Appl. Earth Obs. Geoinf. 2019, 75, 171–181. [Google Scholar] [CrossRef]
  5. Ok, A.O. Automated detection of buildings from single VHR multispectral images using shadow information and graph cuts. ISPRS J. Photogramm. Remote Sens. 2013, 86, 21–40. [Google Scholar] [CrossRef]
  6. Huang, X.; Wen, D.; Li, J.; Qin, R. Multi-level monitoring of subtle urban changes for the megacities of China using high-resolution multi-view satellite imagery. Remote Sens. Environ. 2017, 196, 56–75. [Google Scholar] [CrossRef]
  7. 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]
  8. Ghanea, M.; Moallem, P.; Momeni, M. Building extraction from high-resolution satellite images in urban areas: Recent methods and strategies against significant challenges. Int. J. Remote Sens. 2016, 37, 5234–5248. [Google Scholar] [CrossRef]
  9. Xia, L.; Zhang, X.; Zhang, J.; Yang, H.; Chen, T. Building extraction from very-high-resolution remote sensing images using semi-supervised semantic edge detection. Remote Sens. 2021, 13, 2187. [Google Scholar] [CrossRef]
  10. Ghandour, A.J.; Jezzini, A.A. Building shadow detection based on multi-thresholding segmentation. Signal Image Video Process. 2019, 13, 349–357. [Google Scholar] [CrossRef]
  11. Shi, L.; Taubenböck, H.; Zhang, Z.; Liu, F.; Wurm, M. Urbanization in China from the end of 1980s until 2010–spatial dynamics and patterns of growth using EO-data. Int. J. Digit. Earth 2019, 12, 78–94. [Google Scholar] [CrossRef]
  12. Hu, Q.; Zhen, L.; Mao, Y.; Zhou, X.; Zhou, G. Automated building extraction using satellite remote sensing imagery. Autom. Constr. 2021, 123, 103509. [Google Scholar] [CrossRef]
  13. Du, S.; Zhang, F.; Zhang, X. Semantic classification of urban buildings combining VHR image and GIS data: An improved random forest approach. ISPRS J. Photogramm. Remote Sens. 2015, 105, 107–119. [Google Scholar] [CrossRef]
  14. Tarantino, E.; Figorito, B. Extracting buildings from true color stereo aerial images using a decision making strategy. Remote Sens. 2011, 3, 1553–1567. [Google Scholar] [CrossRef]
  15. Li, Z.; Xin, Q.; Sun, Y.; Cao, M. A deep learning-based framework for automated extraction of building footprint polygons from very high-resolution aerial imagery. Remote Sens. 2021, 13, 3630. [Google Scholar] [CrossRef]
  16. Liu, T.; Yao, L.; Qin, J.; Lu, N.; Jiang, H.; Zhang, F.; Zhou, C. Multi-scale attention integrated hierarchical networks for high-resolution building footprint extraction. Int. J. Appl. Earth Obs. Geoinf. 2022, 109, 102768. [Google Scholar] [CrossRef]
  17. 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]
  18. Chen, D.-Y.; Peng, L.; Li, W.-C.; Wang, Y.-D. Building extraction and number statistics in WUI areas based on UNet structure and ensemble learning. Remote Sens. 2021, 13, 1172. [Google Scholar] [CrossRef]
  19. Xiang, S.; Xie, Q.; Wang, M. Semantic segmentation for remote sensing images based on adaptive feature selection network. IEEE Geosci. Remote Sens. Lett. 2021, 19, 1–5. [Google Scholar] [CrossRef]
  20. Lin, R.; Wang, L.; Xia, T. Research on image super-resolution technology based on sparse constraint SegNet network. J. Phys. Conf. Ser. 2021, 1952, 022005. [Google Scholar] [CrossRef]
  21. Liang, S.; Wang, M.; Qiao, B. Research on Building Extraction from High-Resolution Remote Sensing Image Based on Improved U-Net. In 3d Imaging Technologies—Multi-Dimensional Signal Processing and Deep Learning: Mathematical Approaches and Applications, Volume 1; Springer: Singapore, 2021; pp. 191–201. [Google Scholar]
  22. Zhimeng, H.; Haiyong, D.; Bingqi, A. E-Unet: A atrous convolution-based neural network for building extraction from high-resolution remote sensing images. Acta Geod. Cartogr. Sin. 2022, 51, 457. [Google Scholar]
  23. Wu, H.; Zhang, X.; Sun, Y.; Cai, W.; Yan, J.; Deng, J.; Zhang, J. Building extraction in complex scenes based on the fusion of multi-feature improved pspnet model. Bull. Surv. Mapp. 2021, 21–27. [Google Scholar] [CrossRef]
  24. Abdollahi, A.; Pradhan, B.; Gite, S.; Alamri, A. Building footprint extraction from high resolution aerial images using generative adversarial network (GAN) architecture. IEEE Access 2020, 8, 209517–209527. [Google Scholar] [CrossRef]
  25. Li, X.; Bai, X.; Li, Z.; Zuo, Z. High-resolution Image Building Extraction Based on Multi-level Feature Fusion Network. Geomat. Inf. Sci. Wuhan Univ. 2022, 47, 1236–1244. [Google Scholar]
  26. Liu, J.; Huang, H.; Sun, H.; Wu, Z.; Luo, R. LRAD-Net: An Improved Lightweight Network for Building Extraction From Remote Sensing Images. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 16, 675–687. [Google Scholar] [CrossRef]
  27. Guo, M.-H.; Xu, T.-X.; Liu, J.-J.; Liu, Z.-N.; Jiang, P.-T.; Mu, T.-J.; Zhang, S.-H.; Martin, R.R.; Cheng, M.-M.; Hu, S.-M. Attention mechanisms in computer vision: A survey. Comput. Vis. Media 2022, 8, 331–368. [Google Scholar] [CrossRef]
  28. Tian, Q.; Zhao, Y.; Li, Y.; Chen, J.; Chen, X.; Qin, K. Multiscale building extraction with refined attention pyramid networks. IEEE Geosci. Remote Sens. Lett. 2021, 19, 1–5. [Google Scholar] [CrossRef]
  29. Ye, Z.; Fu, Y.; Gan, M.; Deng, J.; Comber, A.; Wang, K. Building extraction from very high resolution aerial imagery using joint attention deep neural network. Remote Sens. 2019, 11, 2970. [Google Scholar] [CrossRef]
  30. Zhu, Q.; Liao, C.; Hu, H.; Mei, X.; Li, H. MAP-Net: Multiple attending path neural network for building footprint extraction from remote sensed imagery. IEEE Trans. Geosci. Remote Sens. 2020, 59, 6169–6181. [Google Scholar] [CrossRef]
  31. Das, P.; Chand, S. Extracting building footprints from high-resolution aerial imagery using refined cross AttentionNet. IETE Tech. Rev. 2022, 39, 494–505. [Google Scholar] [CrossRef]
  32. Alsabhan, W.; Alotaiby, T. Automatic building extraction on satellite images using Unet and ResNet50. Comput. Intell. Neurosci. 2022, 2022, 5008854. [Google Scholar] [CrossRef]
  33. Wang, X.; Li, Y.; Wei, H.; Yang, Z.; Luo, R.; Gao, Y.; Zhang, W.; Liu, X.; Sun, L. Molecular architecture and gating mechanisms of the Drosophila TRPA1 channel. Cell Discov. 2023, 9, 36. [Google Scholar] [CrossRef]
  34. Chen, Z.; Xiang, W.; Lin, Z.; Yu, C.; Liu, Y. Prototype Contrastive Learning for Building Extraction From Remote Sensing Images. IEEE Geosci. Remote Sens. Lett. 2023, 20, 6011205. [Google Scholar] [CrossRef]
  35. Chen, L.-C.; Papandreou, G.; Schroff, F.; Adam, H. Rethinking atrous convolution for semantic image segmentation. arXiv 2017, arXiv:1706.05587. [Google Scholar]
  36. Yang, M.; Yu, K.; Zhang, C.; Li, Z.; Yang, K. Denseaspp for semantic segmentation in street scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 3684–3692. [Google Scholar]
  37. 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]
  38. Wei, L.; Geng, C.; Yin, Y. Remote Sensing Image Scene Classification Based on Head-Tail Global Joint Dual Attention Discrimination Network. IEEE Access 2023, 11, 88305–88316. [Google Scholar] [CrossRef]
  39. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the 31st Conference on Neural Information Processing Systems (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017; Volume 30. [Google Scholar]
  40. Sun, T.; Zhang, C.; Ji, Y.; Hu, Z. MSnet: Multi-head self-attention network for distantly supervised relation extraction. IEEE Access 2019, 7, 54472–54482. [Google Scholar] [CrossRef]
  41. Zhou, Y.; Wang, F.; Zhao, J.; Yao, R.; Chen, S.; Ma, H. Spatial-Temporal Based Multihead Self-Attention for Remote Sensing Image Change Detection. IEEE Trans. Circuits Syst. Video Technol. 2022, 32, 6615–6626. [Google Scholar] [CrossRef]
  42. 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]
  43. Zheng, Z.; Zhang, X.; Xiao, P.; Li, Z. Integrating gate and attention modules for high-resolution image semantic segmentation. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 4530–4546. [Google Scholar] [CrossRef]
  44. Xu, L.; Li, Y.; Xu, J.; Guo, L. Gated spatial memory and centroid-aware network for building instance extraction. IEEE Trans. Geosci. Remote Sens. 2021, 60, 1–14. [Google Scholar] [CrossRef]
  45. Shen, X.; Yu, C.; Lin, L.; Cao, J. Object-oriented building extraction based on visual attention mechanism. PeerJ Comput. Sci. 2023, 9, e1566. [Google Scholar] [CrossRef]
  46. Jiang, W.; Chen, Y.; Wang, X.; Kang, M.; Wang, M.; Zhang, X.; Xu, L.; Zhang, C. Multi-branch reverse attention semantic segmentation network for building extraction. Egypt. J. Remote Sens. Space Sci. 2024, 27, 10–17. [Google Scholar] [CrossRef]
Figure 1. Overall architecture of the proposed network model.
Figure 1. Overall architecture of the proposed network model.
Sensors 24 01010 g001
Figure 2. Detailed structure of the MAFE.
Figure 2. Detailed structure of the MAFE.
Sensors 24 01010 g002
Figure 3. Detailed structure of the MGAF.
Figure 3. Detailed structure of the MGAF.
Sensors 24 01010 g003
Figure 4. Sample images from the WHU aerial image dataset (a) and the WHU satellite image dataset (b).
Figure 4. Sample images from the WHU aerial image dataset (a) and the WHU satellite image dataset (b).
Sensors 24 01010 g004
Figure 5. Visualization of the WHU aerial imagery dataset. (a) The input image. (b) The ground truth. (c) The results of Unet. (d) The results of SegNet. (e) The results of ViT-V. (f) The results of PSPNet. (g) The results of DeepLabV3. (h) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Figure 5. Visualization of the WHU aerial imagery dataset. (a) The input image. (b) The ground truth. (c) The results of Unet. (d) The results of SegNet. (e) The results of ViT-V. (f) The results of PSPNet. (g) The results of DeepLabV3. (h) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Sensors 24 01010 g005
Figure 6. Visualization on the WHU satellite imagery dataset. (a) The input image. (b) The ground truth. (c) The results of Unet. (d) The results of SegNet. (e) The results of ViT-V. (f) The results of PSPNet. (g) The results of DeepLabV3. (h) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Figure 6. Visualization on the WHU satellite imagery dataset. (a) The input image. (b) The ground truth. (c) The results of Unet. (d) The results of SegNet. (e) The results of ViT-V. (f) The results of PSPNet. (g) The results of DeepLabV3. (h) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Sensors 24 01010 g006
Figure 7. Visualization of the WHU aerial imagery dataset. (a) The input image. (b) The ground truth. (c) The results of RAPNet. (d) The results of GAMNet. (e) The results of GSMC. (f) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Figure 7. Visualization of the WHU aerial imagery dataset. (a) The input image. (b) The ground truth. (c) The results of RAPNet. (d) The results of GAMNet. (e) The results of GSMC. (f) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Sensors 24 01010 g007
Figure 8. Visualization of the WHU satellite imagery dataset. (a) The input image. (b) The ground truth. (c) The results of RAPNet. (d) The results of GAMNet. (e) The results of GSMC. (f) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Figure 8. Visualization of the WHU satellite imagery dataset. (a) The input image. (b) The ground truth. (c) The results of RAPNet. (d) The results of GAMNet. (e) The results of GSMC. (f) The results of our model. The yellow and blue classification maps represent FP and FN, respectively.
Sensors 24 01010 g008
Table 1. Comparative results from the selected models on the WHU aerial imagery dataset.
Table 1. Comparative results from the selected models on the WHU aerial imagery dataset.
MethodPrecision (%)Recall (%)F1 (%)IoU (%)
Unet88.2794.5291.2983.97
SegNet89.4491.2690.3483.38
ViT-V89.2293.2291.1783.78
PSPNet88.8893.7191.2383.88
DeepLabV394.1889.0891.5684.43
Our model92.8894.6593.7688.25
Table 2. Comparative results from the selected models on the WHU satellite dataset II.
Table 2. Comparative results from the selected models on the WHU satellite dataset II.
MethodPrecision (%)Recall (%)F1 (%)IoU (%)
Unet75.6276.1475.8861.13
SegNet71.7271.9471.8353.44
ViT-V78.4472.7075.4660.59
PSPNet71.7076.0973.8358.52
DeepLabV376.1373.7674.9259.91
Our model78.8276.5077.6463.46
Table 3. Comparison of state-of-the-art methods and our model on the WHU aerial imagery dataset.
Table 3. Comparison of state-of-the-art methods and our model on the WHU aerial imagery dataset.
MethodPrecision (%)Recall (%)F1 (%)IoU (%)
RAPNet92.3493.1692.7586.47
GAMNet91.1894.7592.9386.79
GSMC91.7994.2092.9886.87
Our model92.8894.6593.7688.25
Table 4. Comparison of state-of-the-art methods and our model on the WHU satellite dataset II.
Table 4. Comparison of state-of-the-art methods and our model on the WHU satellite dataset II.
MethodPrecision (%)Recall (%)F1 (%)IoU (%)
RAPNet76.7375.7176.2160.78
GAMNet77.8875.0676.4461.18
GSMC76.6376.4376.5361.98
Our model78.8276.5077.6463.46
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Chang, J.; He, X.; Li, P.; Tian, T.; Cheng, X.; Qiao, M.; Zhou, T.; Zhang, B.; Chang, Z.; Fan, T. Multi-Scale Attention Network for Building Extraction from High-Resolution Remote Sensing Images. Sensors 2024, 24, 1010. https://doi.org/10.3390/s24031010

AMA Style

Chang J, He X, Li P, Tian T, Cheng X, Qiao M, Zhou T, Zhang B, Chang Z, Fan T. Multi-Scale Attention Network for Building Extraction from High-Resolution Remote Sensing Images. Sensors. 2024; 24(3):1010. https://doi.org/10.3390/s24031010

Chicago/Turabian Style

Chang, Jing, Xiaohui He, Panle Li, Ting Tian, Xijie Cheng, Mengjia Qiao, Tao Zhou, Beibei Zhang, Ziqian Chang, and Tingwei Fan. 2024. "Multi-Scale Attention Network for Building Extraction from High-Resolution Remote Sensing Images" Sensors 24, no. 3: 1010. https://doi.org/10.3390/s24031010

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