Next Article in Journal
Performance Degradation Assessment of Railway Axle Box Bearing Based on Combination of Denoising Features and Time Series Information
Next Article in Special Issue
Overview of Image Datasets for Deep Learning Applications in Diagnostics of Power Infrastructure
Previous Article in Journal
Two-Channel OTDM System for Data-Center Interconnects: A Review
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

TMNet: A Two-Branch Multi-Scale Semantic Segmentation Network for Remote Sensing Images

1
School of Computer and Information Engineering, Inner Mongolia Agricultural University, Hohhot 010011, China
2
Inner Mongolia Autonomous Region Key Laboratory of Big Data Research and Application of Agriculture and Animal Husbandry, Hohhot 750306, China
3
College of Water Conservancy and Civil Engineering, Inner Mongolia Agricultural University, Hohhot 010018, China
4
Key Laboratory of Water Resources Protection and Utilization of Inner Mongolia Autonomous Region, Hohhot 750306, China
5
Institute of Grassland Research of CAAS, Hohhot 010013, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(13), 5909; https://doi.org/10.3390/s23135909
Submission received: 26 May 2023 / Revised: 17 June 2023 / Accepted: 19 June 2023 / Published: 26 June 2023
(This article belongs to the Special Issue Object Detection and IOU Based on Sensors: Methods and Applications)

Abstract

:
Pixel-level information of remote sensing images is of great value in many fields. CNN has a strong ability to extract image backbone features, but due to the localization of convolution operation, it is challenging to directly obtain global feature information and contextual semantic interaction, which makes it difficult for a pure CNN model to obtain higher precision results in semantic segmentation of remote sensing images. Inspired by the Swin Transformer with global feature coding capability, we design a two-branch multi-scale semantic segmentation network (TMNet) for remote sensing images. The network adopts the structure of a double encoder and a decoder. The Swin Transformer is used to increase the ability to extract global feature information. A multi-scale feature fusion module (MFM) is designed to merge shallow spatial features from images of different scales into deep features. In addition, the feature enhancement module (FEM) and channel enhancement module (CEM) are proposed and added to the dual encoder to enhance the feature extraction. Experiments were conducted on the WHDLD and Potsdam datasets to verify the excellent performance of TMNet.

1. Introduction

In the field of image processing, the research on semantic segmentation of remote sensing images is becoming one of the hot topics nowadays. It classifies each pixel in the image, and the information of the classification results is valuable in many fields, such as land planning [1] and natural disaster assessment [2] and land surveying [3].
Remote sensing images contain a large amount of feature information, and the same type of features present feature diversity and complexity at different times or locations [4]. Compared with car scenes and object images [5,6], the semantic segmentation of remote sensing images is obviously more difficult. Its characteristics of long distance and large scope of shooting make the size of the object features extremely inconsistent, and it is easy to have large intra-class variance and small inter-class variance. Features such as the large range of size variation of the same kind of target, obvious color and texture differences, and difficulty in distinguishing between mixed objects of different kinds mean that remote sensing image segmentation is more difficult compared with other images.
The rapid development of convolutional neural networks (CNNs) has played an important role in promoting research in the field of image processing, but CNN structures are always used for the classification of the whole image rather than for each pixel in the image. The invention of the full convolutional network (FCN) [7] is a milestone for the semantic segmentation of images, replacing the fully connected layer after the CNN with a deconvolutional layer to achieve the upsampling of features, thus allowing the output of per-pixel classification results of the same size for any size of the input image size. U-Net [8] inherits the idea of FCN, deepens the feature upsampling process, and makes its network a ‘U’-shaped symmetric structure to improve the accuracy of image semantic segmentation. SegNet [9] builds an encoder–decoder structure to achieve end-to-end pixel-level image segmentation. However, CNN-based models often result in missing small-scale features during feature extraction using operations such as convolution and pooling [10]. In addition, different classes of objects may have similar size, material, and spectral features in an image, which are difficult to distinguish and cannot be fully recovered in high-resolution detail, especially for class edges [11]. The local nature of the convolution operation hinders the ability of the model to directly interact with contextual information and global modeling [12]. Given the complexity of category features in remote sensing images, more contextual information and global features are needed to support image pixel classification [13]. In order to address the shortcomings of the pure CNN model in extracting global features of remote sensing images performance and enhance its ability to obtain contextual information, we propose a two-branch multiscale semantic segmentation network (TMNet), which differs from classical network structures such as U-Net or Deeplab [14] in that it uses a dual encoder–decoder structure that can balance computational complexity and model parameters while improving model accuracy. Given the great advantage of the CNN model in spatial feature extraction capability, this model uses CNN as the main encoder to extract image backbone features. The Swin Transformer has powerful global feature modeling capability. In this model, the Swin Transformer is used as an auxiliary encoder to compensate for the lack of global feature extraction capability of the CNN to achieve better extraction results. Adding a skip connection between the encoder and decoder increases the contextual information interaction capability and increases the stability of data features. In addition, we proposed a multi-scale fusion module (MFM) to increase the feature fusion at different scales, and we design a feature enhancement module (FEM) and a channel enhancement module (CEM) to enhance the feature extraction capability of the model. The main work of this paper can be summarized by the following three points:
  • A two-branch multi-scale semantic segmentation network (TMNet) for remote sensing images is proposed to improve the model image classification performance by the global feature information encoding capability of the Swin Transformer.
  • The MFM is proposed to merge shallow spatial features of images at different scales into deep features and increase the fusion of multi-scale deep image features of the model to recover more minute details in the classification process.
  • FEM and CEM are added to the main and auxiliary encoders, respectively, to enhance feature extraction. FEM enhances feature information interaction by calculating the relationship between its own feature information and updateable feature storage units; CEM further increases the spatial correlation of global features by establishing an inter-channel correlation to encode the spatial information of Swin Transformer.
The main work of this paper is as follows: Section 1 summarizes the current research status in the field of remote sensing image segmentation and the methodology and contributions of this paper. In Section 2, the related work on the proposed method of this model is presented. Section 3 is a detailed description of this method, and Section 4 is the experimental part, including various parameters, results, and analysis of the experiments. Section 5 is the conclusion of this paper.

2. Related Work

2.1. Classical Image Semantic Segmentation Network

In recent years, remote sensing image segmentation methods based on the deep learning framework have made great progress. DenseASPP [15] uses dilated convolution with different expansion rates to enhance its global modeling capability. PSPNet [16] uses a pyramid pooling module to acquire features and uses multiple scale pooling operations to realize the fusion of different scale features. DenseU-Net [17] improves the image classification accuracy by deepening the convolution layer and using U-Net architecture to realize the aggregation of small-scale features. BiSeNet [18] is a bilateral segmentation network designed to extract spatial information and generate high-resolution features in small steps, and to obtain sufficient receptive fields using a context path with a fast downsampling strategy. BSNet [19] enhances the global contextual information interaction and boundary information extraction by dynamic gradient convolution and coordinate sensitive attention. HRNet [20] enhances feature fusion by the iterative information exchange of multi-level features and has multiple scales of convolutional combinations to enhance spatial information accuracy. DBFNet [21] uses bilateral filtering to focus on enhancing the extraction of boundary information and filtering noise using a combination of feature nonlinearities at different scales. OANet [22] is a semantic segmentation network for marking directional attention, which uses asymmetric convolution to focus on features in different directions and explore their anisotropy, enhancing the semantic feature representation within the model. All the above methods fuse local features to form global feature information based on CNN, rather than directly encode global features.

2.2. Work on Transformer

In recent years, Transformer [23] has moved from natural language processing to image processing. Compared with CNN to obtain local feature information through convolution operation, Transformer can realize remote image dependence and encode global feature information by using a self-attention mechanism [24]. Transformer will divide the whole image into multiple tokens, and the multi-head attention mechanism is used to explore the feature relationship among all tokens and to encode the global feature. Its success in global relational feature modeling provides a new idea for many research fields. SETR [25] first applied the Transformer architecture to the field of image segmentation and introduced a sequence-to-sequence classification model, which greatly improved the problem of difficulty in obtaining global receptive fields. Segmenter [26] designs the encoder–decoder structure using Transformer and transforms the processed tokens into pixel-level annotations for encoding. PVT [27] combines Transformer with a pyramid structure, which can reduce the computation of the model by using the pyramid module while training the features intensively. SegFormer [28] was used for the design of a layered Transformer architecture with an improved MLP decoder to fuse the features of different layers to improve the classification performance of the network. RSSFormer [29] embeds Transformer into HRNet and designs adaptive multi-headed attention and MLP with dilation convolution to increase the foreground saliency of remote sensing images. DAformer [30] designs a multi-level context-aware structure based on Transformer, which effectively enhances the contextual semantic interaction. However, since the Transformer places each attention computation on the entire image, the rapidly increasing training cost will hinder the application of the model when the image size is large [31]. The Swin transformer [32] divides the image into different windows and restricts the attention computation to the windows, which makes it only linear in complexity. The shifting of window partitions between layers is a key component of the Swin Transformer architecture, where the shifted windows connect the windows of the previous layer and significantly improve the modeling capabilities. With only linear computational complexity, the Swin Transformer delivers advanced performance in a variety of fields such as video processing [33], image generation [34], and image segmentation [35].

3. Methods

In this section, we will explain in detail the architecture of TMNet and the main modules that make up this network architecture.

3.1. Network Structure

The overall network architecture of TMNet is shown in Figure 1. The dual encoder-decoder architecture is adopted, in which the CNN module with powerful feature extraction capability is used as the main encoder, and the Swin Transformer module with global feature information encoding capability is used as the auxiliary encoder. For a given remote sensing image, the image is first divided into different blocks and uses linear embedding to ensure the feature size is 128 × H/2 × W/2 and enhance the semantic features, and then the Swin Transformer module is used to enhance feature global modeling and feature extraction. In addition, we added CEM to the Swin transformer block to enhance the feature relationships between channels, reduce dimensionality by downsampling features in the patch merging layer, and increase dimensionality by splicing features. The three output sizes of the auxiliary encoder are 128 × H/2 × W/2, 256 × H/4 × W/4, and 512 × H/8 × W/8 and are summed with the corresponding output of the main encoder, enhancing the global modeling capability of the network. In the main encoder, the CNN module is used to extract the image backbone features, the FEM enhances the feature extraction capability of the main encoder by calculating the relationship between the input data and the updatable feature storage units, and the MFM fuses features at different scales through softpool of different sizes, especially enhancing the extraction capability of small-scale features. The decoder is primarily implemented by convolution and bilinear interpolation upsampling, and we use skip connections to increase the contextual relationship between the encoder and decoder. After decoding 3 times, the 1 × 1 convolutional layer and argmax function are used to obtain the final predicted image.

3.2. Main Encoder

3.2.1. CNN Blocks

CNNs have been successful in many fields due to their powerful feature extraction capabilities. CNN Blocks have three modules, and Table 1 shows the detailed parameters of each module. The order of the parameters in Conv2d is in_channel, out_channels, kernel_size, step size, and padding, and all other parameters are default. maxPool2d(2) indicates that max pooling uses convolutional kernels to halve the input size, and BN indicates BatchNormal.

3.2.2. Multi-Scale Feature Fusion Module

CNN-based models perform convolutional operations for downsampling during feature extraction, which can easily lead to the loss of small-scale features. To solve this problem, we propose a multiscale feature fusion module (MFM), as shown in Figure 2. We ingeniously combine Softpool [36] with convolution operations, and Softpool obeys a certain probability distribution to retain finer feature cues compared to Avgpool and Maxpool. MFM uses SoftPool to extract multi-scale features by downsampling at scales of 2, 4, 8, and 16, respectively. Then 1 × 1 convolution is used to make the finer semantic feature information more refined, and bilinear interpolation is used for upsampling to augment the features. Subsequently, 3 × 3 convolution is used, and feature concatenation is performed to fuse multi-scale semantic features for feature class recovery.
Softpool is computed as follows:
˜ a   = i R e a i a i j R e a j ,
The MFM execution process can be expressed as follows:
Y n = Softpool ( X ) , T n = Bi ( σ ( Conv 1 × 1 ( Y n ) ) ) , W n = σ ( Conv 3 × 3 ( T n ) ) ,
Bi(·) stands for bilinear interpolation upsampling and  σ  represents the Relu function. The input features  X R c × h × w , after the Softpool  Y n R c × h / n × w / n , where n is the downsampling rate. The features  Y n  are convolved by the 1 × 1 convolution kernel and the Relu function, the number of channels is halved, and the size becomes the original size after upsampling bilinear interpolation,  T n R c / 2 × h × w . For further feature extraction, after convolution and Relu activation function, the number of channels becomes one-fourth of the original number of channels. Finally, four different scale features are connected for multi-scale feature fusion and the number of channels becomes the output of the module,  W n R c / 4 × h × w . Finally, four different scale features are concatenated for multi-scale feature fusion, and  Z R c × h × w  the number of channels resets to the original as the output result of this module.
Z = [ W 16 , W 8 , W 4 , W 2 ]
[·] Representing dimensional concatenated.

3.2.3. Feature Enhancement Module

CNN has a strong feature detection capability, but the understanding of features is insufficient and the spatial resolution of features gradually decreases with the increase in depth and number of layers, which hinders the prediction capability of the target location in remote sensing images [37]. To address this problem, this paper proposes a feature enhancement module (FEM) to deepen the relationship between features and improve the performance of the encoder. The FEM is added after each CNN module to further learn the output features of each module, as shown in Figure 3. The FEM is designed with two updateable feature storage units to retain the feature relationships of the data, which can better learn the distribution weight relationships of the features with constant feature size, and adding normalization in the two parameter units can further densify the features and accelerate the convergence speed of the model. At the same time, the FEM parameters are small, which can better trade-off the efficiency and accuracy of the model. FEM can be expressed as follows:
O = M b N ( M a F ) ,
where the input features are  F R c × h × w , and the output features are  O R c × h × w , learnable features storage units are  M a R c × c M b R c × c N ( )  denotes the BatchNorm, and   denotes the matrix multiplication.

3.3. Auxiliary Encoder

3.3.1. Swin Transformer

The standard transformer consists of a multiple attention mechanism (MSA), a multilayer perceptron (MLP), and layer normalization (LN), as shown in Figure 4a. MSA is the key mechanism in the Transformer that takes the input token and performs the feature relationship operation and encodes the positional relationship between different features in it to establish the global relationship. For the standard transformer, the output of l-layer sl can be expressed as:
^ s l   = M S A ( L N ( s l 1 ) ) + s , s l = M L P ( L N ( ^ s l ) ) + ^ s l ,
The transformer uses MSA to compute the global feature information among all tokens, resulting in a computational complexity that is linearly related to the image area size, which is not friendly to its practical application. Unlike the transformer module, the Swin Transformer applies the attention mechanism to the different windows divided from the image and enhances the global feature relationships by shifting between windows, as shown in Figure 4b, where the Swin Transformer consists of a window multihead self-attention (W-MSA) module connected to a shift window multihead self-attention (SW-MSA). In the Swin Transformer, the image is divided into different patches according to their positions by patch partition, and the input information is converted into sequences and embedded as tokens; then the sequences are encoded, the dimensions are changed by the linear embedding layer, and the uniformly encoded tokens are passed through the Swin Transformer block and the patch merging layer to generate a global feature relationship representation. The Swin transformer uses multihead self-attention to divide the features into multiple heads, where each head is responsible for exploring different local information relationships, and the global information is obtained by fusing the resultant letters from different heads. This can be expressed as follows:
^ s l = W - M S A ( L N ( s l 1 ) ) + s l 1 , s l = M L P ( L N ( ^ s l ) ) + ^ s l , ^ s l + 1 = S W - M S A ( L N ( s l ) ) + s l , s l + 1 = M L P ( L N ( ^ s l + 1 ) ) + ^ s l + 1 ,
where  ^ s l  and  s l  denote the output of the lth (S)W-MSA and MLP modules, respectively. The number of layers corresponding to each stage of the Swin transformer configured in this experiment is (2,2,2), and the number of heads corresponding to each stage is (3,6,12), and the partition window size is set to 8.

3.3.2. Channel Enhancement Module

The Swin Transformer constructs patch token relationships in a limited number of windows, significantly reducing the computational complexity. However, this approach limits the window-to-window channel modeling capability to some extent, even with the strategy of the window and shift window cross execution. In this paper, we propose the channel enhancement module (CEM) to further enhance the window-to-window feature relationship interaction, compress the deep features in each channel through Avgpool, and use 3 × 1 convolution to interact with the channel features to extract more accurate spatial location information. The design of the CEM considers not only patch-to-patch but also channel-to-channel relationships, compensating for the window-to-window modeling capability limited by Swin Transformer and making the converter more suitable for image segmentation tasks. Unlike other methods [38,39], which divide windows by simply changing the Swin Transformer, our proposed CEM learns the deep relationships between channels to make its feature weight distribution more accurate. The CEM is shown in Figure 5. Channel information is first obtained by Avgpool, which is calculated as follows:
v k = 1 w h i = 0 w 1 j = 0 h 1 ^ z k ( i , j ) ,
For the average pooled features, we convert the dimensions to 1 × c × 1 and then perform a convolution operation using a 3 × 1 convolution kernel and matrix multiply it with the original features to enhance their spatial characteristics. This is represented as follows:
F = s l R ( conv 3 × 1 ( R ( v ) ) s l ,
s l  represents the output of the lth Swin Transformer block,  R ( )  represents the Reshape, and  v R c × 1 × 1  represents the feature matrix after Avgpool.

3.4. Decoder

The decoder primarily decodes the features by convolutional operation and upsampling and skips the link with the main encoder in its process to enhance the global context information, as shown in the decoder part of Figure 1. Firstly, the MFM module output features are spliced with the CNN-Block3 module output to enhance the feature information interaction, followed by a convolutional kernel of 3 × 3, and after the Relu function for feature decoding and channel size reduction, the feature size is doubled by image up-sampling using linear interpolation. After three upsamplings, the feature size is changed to the original image size, and then the features are further refined using a 3 × 3 convolution kernel, and the number of feature channels is reduced to the number of image classes, and the prediction results are output by argmax function.

3.5. Loss Function

The loss function applied in this paper is a combination of Cross-entropy loss and Dice loss, where Cross-entropy loss primarily measures the difference in accuracy between pixels and Dice loss measures the accuracy of category regions.
Cross-entropy loss is expressed as follows:
L ce = 1 N i = 0 N 1 k = 0 K 1 y i , k l n p i , k ,
where N is the number of samples and K represents the number of categories, pi,k represents the prediction probability of the kth category in the ith sample, and yi,k indicates whether the prediction result corresponds to the true label.
The Dice loss is expressed as follows:
L d i c e = 1 2 i = 0 N 1 k = 0 K 1 g i k s i k i = 0 N 1 k = 0 K 1 g i k + i = 0 N 1 k = 0 K 1 s i k ,
sik, gik denote the predicted classification result and the actual label value of the image for the kth class of the ith sample, respectively.
The total loss function is expressed as:
L total = L ce + L dice ,

4. Experiments and Results

To verify the efficiency of TMNet in the field of remote sensing image segmentation, we conducted experiments on two publicly available remote sensing image datasets and compared them with other classical methods.

4.1. Datasets

The two publicly available datasets used in this experiment are the Wuhan Dense Labeling Dataset (WHDLD) [40,41] and the Potsdam dataset [42].
The WHDLD was captured by the Gaofen-1 and ZY-3 satellites in Wuhan and consists of 4940 RGB images of size 256 × 256 that were fused and upsampled to a resolution of 2 m. There are six image categories in the WHDLD, including bare soil, buildings, pavement, vegetation, roads, and water, which have been classified pixel by pixel. The Potsdam dataset has 38 remote sensing images of size 6000 × 6000 with a resolution of 5 cm, covering 3.42 km2 of the building complex structures in Potsdam. The Potsdam dataset contains six categories: Impervious surface, building, low vegetation, tree, car, and clutter/background. In this paper, only 14 RGB images are selected for the experiment (image IDs: 2_13, 2_14, 3_13, 3_14, 4_13, 4_14, 4_15, 5_13, 5_14, 5_15, 6_14, 6_15, 7_13), and similar to WHDLD, to facilitate the experiment, we cropped the image size of the potsdam dataset to 256 × 256, for a total of 6877 images. We divided the training, validation, and test sets of these two datasets in the ratio of 6:2:2. To make the model more accurate, we used random rotation, flip, and Gaussian noise for data enhancement.

4.2. Training Setup and Evaluation Index

TMNet is built by PyTorch. We train the network using the SGD optimizer, where the momentum term is set to 0.9, the weights are decayed to 1 × 10−4, and for the learning rate, we set its initial value to 0.01 and halve the learning rate every 20 epochs to ensure the model reaches the optimal value faster. The experiments included are implemented on an NVIDIA GeForce RTX 3090 GPU with 24 GB RAM. The batch size is 16 and the maximum epoch is 150. We evaluate the performance of the model using mean intersection over union (MIOU), Mean F1 (MF1), and Mean Pixel Accuracy (MPA). The three evaluation metrics are calculated from the confusion matrix, which has four components: True positive (TP), false positive (FP), true negative (TN), and false negative (FN). Based on the above four terms, IOU is defined as the degree of overlap between the predicted and true values of an image and is calculated as follows:
IOU = TP TP + FP + FN ,
The F1 score for each category is expressed as follows:
F 1 = 2 × p r e c i s i o n × r e c a l l p r e c i s i o n + r e c a l l ,
where Precision = TP/(TP + FP) and Recall = TP/(TP + FN). MIOU represents the mean of IOU for all categories, MF1 represents the mean of F1 for all categories, and MPA represents the mean value of precision for all categories, where we use MIOU as the main evaluation metric.

4.3. Comparison Results on WHDLD

In this section, we compare TMNet with other classical semantic segmentation networks, including DFANet [43], DenseASPP [15], PSPNet [16], Deeplabv3plus [44], DFANe-t [43], DUNet [45], MAUNet [46], MSCFF [47], MUNet [48], HRNet [20], SegFormer [28], and HRVit [49] where DenseASPP, PSPNet, and Deeplabv3plus use resnet101 as the backbone. The experimental results are shown in Table 2 and Figure 6.
From Table 2, it can be seen that the experimental results of TMNet outperform the other networks, where DFANet is based on pure CNN architecture, DenseASPP improves its global modeling capability by using convolution with different scaling rates, PSPNet utilizes context through pyramid pooling module, and all the above methods use local features to aggregate contextual information. The MSCFF uses trainable convolutional filters to densify the feature map and enhance small-scale features, MAUNet subdivides features at different scales by increasing the number of downsampling and attention mechanisms, which cannot achieve multi-scale feature fusion compared with TMNet, and Deeplabv3plus uses atrous space pyramidal pooling and applies deep separable convolution, but the performance is still inferior to TMNet. SegFormer designs a hierarchical Transformer architecture and fuses features at different scales using an improved MLP decoder. HRVit uses Transformer to design cascading converters that generate multi-scale feature representations. However, the lack of contextual information interaction makes its performance inferior to that of TMNet. In addition, we compared the parameters and FLOPs of each method, and TM performed moderately well in both aspects, indicating that TMNet does not simply pile up computational effort to obtain high accuracy. Compared with the three advanced models of HRNet, SegFormer, and HRVit, TMNet improves MIOU by 0.80%, 0.78%, and 0.52% with only 41.77%, 43.41%, and 71.80% of HRNet, SegFormer, and HRVit in terms of parameters. Compared to FLOPs, TMNet is 3.65% and 39.95% less than HRNet and SegFormer. Figure 6 shows the prediction results of each method on the WHDLD. From Figure 6, it can be seen that the prediction results of TMNet are closest to the real image and better in terms of small-scale features and edge details. The first row of Figure 6 shows that TMNet achieves the best classification results in the road category due to the powerful global modeling capability of the Swin Transformer that enhances the feature extraction ability of the network. For the more difficult-to-classify bare soil category, TMNet also has good classification results for it, as can be seen in the third row of Figure 6. This shows the excellent performance of TMNet in the semantic segmentation of remote sensing images.

4.4. Comparison Results on Potsdam Dataset

Table 3 shows the segmentation results of each method on the Potsdam dataset, which further proves the effectiveness of TMNet in the semantic segmentation study of remote sensing images as MIOU, MF1, and MPA reach 68.15%, 79.91%, and 78.77%, respectively, which are higher than other methods. Due to the difference in dataset resolution, the segmentation accuracy of Potsdam is better than that of WHDLD. Figure 7 shows the experimental prediction results of each method on the Potsdam dataset, and we can see that the classification results of TMNet are better than other methods, for example, it is obvious from the first and fifth rows that TMNet is significantly better than other methods in the prediction of clutter/background category, which demonstrates the performance of TMNet.

4.5. Ablation Study

In this section, to verify the effectiveness of each module proposed in this paper, we conducted ablation experiments on WHDLD with the CNN blocks and decoder as the baseline, and the results are shown in Table 4. SW stands for Swin Transformer.

4.5.1. Effect of SW and MFM

Table 4’s first three rows demonstrate that the addition of MFM improves MIOU by 1.18%, which is primarily due to the fact that MFM combines low-level spatial features of images at different scales into high-level semantic features, which enhances multi-scale feature information and increases the network’s ability to detect minute features. The MIOU improves by 1.03% when SW is added, which is primarily due to the powerful global modeling capability of SW and the enhanced global context acquisition capability of the network using the dual branch structure. Figure 8 shows the results, from which it can be seen that after adding MFM and SW again, the segmentation effect capability is significantly improved, especially for small, detailed features of the image. For example, the accuracy improvement of the Road category detection results in the first and second rows of Figure 8 is more obvious.

4.5.2. Effect of FEM and CEM

We refer to baseline + GD + SW as baseline_1. As shown in the last four rows of Table 4, the MIOU improves by 0.37% when FEM is added, which is due to the fact that FEM combines the input data with learnable parameters to further enhance the feature extraction capability. When CEM is added, the MIOU is improved by 0.48% due to the enhanced window-to-window modeling capability of CEM by focusing on the relationship between channels. When both modules are added, MIOU is improved by 0.82%, which shows the effect of FEM and CEM on network performance enhancement. Figure 9 shows the segmentation results. From the first row, we can see that the building category is more clearly segmented after adding the two modules, and the confusion between the Road and Pavement categories in the second row has been greatly improved.

5. Conclusions

In this paper, a two-branch multi-scale semantic segmentation network named TMNet for remote sensing images is proposed. It adopts the encoder–decoder structure, enhances the global contextual interaction of the network with the dual-branch structure of the Swin Transformer to make up for the lack of global modeling capability of CNN, and the MFM is proposed to improve the fusion of features at different scales. In addition, FEM and CEM aim to enhance the feature capture capability of the network through feature information relationship calculation. However, the TMNet prediction contours still cannot be fully fitted with the actual results. We will explore new methods to improve, and also work on network simplification to improve computational efficiency.

Author Contributions

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

Funding

This work was supported by the National Natural Science Foundation of China (No. 61962048, No. 61562067, No. 52079063), Technological Achievements of Inner Mongolia Autonomous Region of China (No. 2020CG0054).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study.

Data Availability Statement

The WHDLD can be obtained from https://sites.google.com/view/zhouwx/dataset. The Potsdam dataset can be obtained from https://www.isprs.org/education/benchmarks/UrbanSemLab/Default.aspx.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Morin, E.; Herrault, P.-A.; Guinard, Y.; Grandjean, F.; Bech, N. The promising combination of a remote sensing approach and landscape connectivity modelling at a fine scale in urban planning. Ecol. Indic. 2022, 139, 108930. [Google Scholar] [CrossRef]
  2. Qing, Y.; Ming, D.; Wen, Q.; Weng, Q.; Xu, L.; Chen, Y.; Zhang, Y.; Zeng, B. Operational earthquake-induced building damage assessment using CNN-based direct remote sensing change detection on superpixel level. Int. J. Appl. Earth Obs. Geoinf. 2022, 112, 102899. [Google Scholar] [CrossRef]
  3. Lu, W.; Zhao, L.; Xu, R. Remote sensing image processing technology based on mobile augmented reality technology in surveying and mapping engineering. Soft Comput. 2023, 27, 423–433. [Google Scholar] [CrossRef]
  4. Wang, P.; Bayram, B.; Sertel, E. A comprehensive review on deep learning based remote sensing image super-resolution methods. Earth-Sci. Rev. 2022, 232, 104110. [Google Scholar] [CrossRef]
  5. De Geus, D.; Dubbelman, G. Intra-Batch Supervision for Panoptic Segmentation on High-Resolution Images. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, Waikoloa, HI, USA, 2–7 January 2023; pp. 3165–3173. [Google Scholar]
  6. Zhao, Z.; Long, S.; Pi, J.; Wang, J.; Zhou, L. Instance-specific and Model-adaptive Supervision for Semi-supervised Semantic Segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 23705–23714. [Google Scholar]
  7. 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]
  8. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015: 18th International Conference, Munich, Germany, 5–9 October 2015; Proceedings, Part III 18. pp. 234–241. [Google Scholar]
  9. Badrinarayanan, V.; Kendall, A.; Cipolla, R. Segnet: A deep convolutional encoder-decoder architecture for image segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef]
  10. Chen, X.; Li, Z.; Jiang, J.; Han, Z.; Deng, S.; Li, Z.; Fang, T.; Huo, H.; Li, Q.; Liu, M. Adaptive effective receptive field convolution for semantic segmentation of VHR remote sensing images. IEEE Trans. Geosci. Remote Sens. 2020, 59, 3532–3546. [Google Scholar] [CrossRef]
  11. Zhao, Y.; Zhang, X.; Feng, W.; Xu, J. Deep Learning Classification by ResNet-18 Based on the Real Spectral Dataset from Multispectral Remote Sensing Images. Remote Sens. 2022, 14, 4883. [Google Scholar] [CrossRef]
  12. Chen, J.; Lu, Y.; Yu, Q.; Luo, X.; Adeli, E.; Wang, Y.; Lu, L.; Yuille, A.L.; Zhou, Y. Transunet: Transformers make strong encoders for medical image segmentation. arXiv 2021, arXiv:2102.04306. [Google Scholar] [CrossRef]
  13. Ding, L.; Tang, H.; Bruzzone, L. LANet: Local attention embedding to improve the semantic segmentation of remote sensing images. IEEE Trans. Geosci. Remote Sens. 2020, 59, 426–435. [Google Scholar] [CrossRef]
  14. Chen, L.-C.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A.L. Deeplab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected crfs. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 40, 834–848. [Google Scholar] [CrossRef] [Green Version]
  15. 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]
  16. 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]
  17. Dong, R.; Pan, X.; Li, F. DenseU-net-based semantic segmentation of small objects in urban remote sensing images. IEEE Access 2019, 7, 65347–65356. [Google Scholar] [CrossRef]
  18. Yu, C.; Wang, J.; Peng, C.; Gao, C.; Yu, G.; Sang, N. Bisenet: Bilateral segmentation network for real-time semantic segmentation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 325–341. [Google Scholar]
  19. Hou, J.; Guo, Z.; Wu, Y.; Diao, W.; Xu, T. BSNet: Dynamic Hybrid Gradient Convolution Based Boundary-Sensitive Network for Remote Sensing Image Segmentation. IEEE Trans. Geosci. Remote Sens. 2022, 60, 3176028. [Google Scholar] [CrossRef]
  20. Wang, J.; Sun, K.; Cheng, T.; Jiang, B.; Deng, C.; Zhao, Y.; Liu, D.; Mu, Y.; Tan, M.; Wang, X. Deep high-resolution representation learning for visual recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 43, 3349–3364. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  21. Wu, L.; Fang, L.; Yue, J.; Zhang, B.; Ghamisi, P.; He, M. Deep Bilateral Filtering Network for Point-Supervised Semantic Segmentation in Remote Sensing Images. IEEE Trans. Image Process 2022, 31, 7419–7434. [Google Scholar] [CrossRef]
  22. Wang, J.; Feng, Z.; Jiang, Y.; Yang, S.; Meng, H. Orientation Attention Network for semantic segmentation of remote sensing images. Knowl.-Based Syst. 2023, 267, 110415. [Google Scholar] [CrossRef]
  23. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S. An image is worth 16×16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar] [CrossRef]
  24. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. Adv. Neural Inf. Process. Syst. 2017, 30, 6000–6010. [Google Scholar]
  25. Zheng, S.; Lu, J.; Zhao, H.; Zhu, X.; Luo, Z.; Wang, Y.; Fu, Y.; Feng, J.; Xiang, T.; Torr, P.H. 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]
  26. Strudel, R.; Garcia, R.; Laptev, I.; Schmid, C. Segmenter: Transformer for semantic segmentation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 7262–7272. [Google Scholar]
  27. Wang, W.; Xie, E.; Li, X.; Fan, D.-P.; Song, K.; Liang, D.; Lu, T.; Luo, P.; Shao, L. Pyramid vision transformer: A versatile backbone for dense prediction without convolutions. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 568–578. [Google Scholar]
  28. 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]
  29. Xu, R.; Wang, C.; Zhang, J.; Xu, S.; Meng, W.; Zhang, X. Rssformer: Foreground saliency enhancement for remote sensing land-cover segmentation. IEEE Trans. Image Process. 2023, 32, 1052–1064. [Google Scholar] [CrossRef]
  30. Hoyer, L.; Dai, D.; Van Gool, L. Daformer: Improving network architectures and training strategies for domain-adaptive semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 9924–9935. [Google Scholar]
  31. Ren, H.; Dai, H.; Dai, Z.; Yang, M.; Leskovec, J.; Schuurmans, D.; Dai, B. Combiner: Full attention transformer with sparse computation cost. Adv. Neural Inf. Process. Syst. 2021, 34, 22470–22482. [Google Scholar]
  32. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 10012–10022. [Google Scholar]
  33. Liu, Z.; Ning, J.; Cao, Y.; Wei, Y.; Zhang, Z.; Lin, S.; Hu, H. Video swin transformer. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 3202–3211. [Google Scholar]
  34. Lin, A.; Chen, B.; Xu, J.; Zhang, Z.; Lu, G.; Zhang, D. Ds-transunet: Dual swin transformer u-net for medical image segmentation. IEEE Trans. Instrum. Meas. 2022, 71, 1–15. [Google Scholar] [CrossRef]
  35. Wang, W.; Chen, W.; Qiu, Q.; Chen, L.; Wu, B.; Lin, B.; He, X.; Liu, W. CrossFormer++: A Versatile Vision Transformer Hinging on Cross-scale Attention. arXiv 2023, arXiv:2303.06908. [Google Scholar]
  36. Stergiou, A.; Poppe, R.; Kalliatakis, G. Refining activation downsampling with SoftPool. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 10357–10366. [Google Scholar]
  37. Ye, X.; Xiong, F.; Lu, J.; Zhao, H.; Zhou, J. M 2-Net: A Multi-scale Multi-level Feature Enhanced Network for Object Detection in Optical Remote Sensing Images. In Proceedings of the 2020 Digital Image Computing: Techniques and Applications (DICTA), Melbourne, Australia, 29 November–2 December 2022; pp. 1–8. [Google Scholar]
  38. Vaswani, A.; Ramachandran, P.; Srinivas, A.; Parmar, N.; Hechtman, B.; Shlens, J. Scaling local self-attention for parameter efficient visual backbones. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 12894–12904. [Google Scholar]
  39. Dong, X.; Bao, J.; Chen, D.; Zhang, W.; Yu, N.; Yuan, L.; Chen, D.; Guo, B. Cswin transformer: A general vision transformer backbone with cross-shaped windows. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 12124–12134. [Google Scholar]
  40. Shao, Z.; Yang, K.; Zhou, W. Performance evaluation of single-label and multi-label remote sensing image retrieval using a dense labeling dataset. Remote Sens. 2018, 10, 964. [Google Scholar] [CrossRef] [Green Version]
  41. Shao, Z.; Zhou, W.; Deng, X.; Zhang, M.; Cheng, Q. Multilabel remote sensing image retrieval based on fully convolutional network. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 318–328. [Google Scholar] [CrossRef]
  42. ISPRS Vaihingen 2D Semantic Labeling Dataset; ISPRS: Hannover, Germany, 2018.
  43. Li, H.; Xiong, P.; Fan, H.; Sun, J. Dfanet: Deep feature aggregation for real-time semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–17 June 2019; pp. 9522–9531. [Google Scholar]
  44. 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]
  45. Tian, Z.; He, T.; Shen, C.; Yan, Y. Decoders matter for semantic segmentation: Data-dependent decoding enables flexible feature aggregation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–17 June 2019; pp. 3126–3135. [Google Scholar]
  46. Sun, Y.; Bi, F.; Gao, Y.; Chen, L.; Feng, S. A multi-attention UNet for semantic segmentation in remote sensing images. Symmetry 2022, 14, 906. [Google Scholar] [CrossRef]
  47. Li, Z.; Shen, H.; Cheng, Q.; Liu, Y.; You, S.; He, Z. Deep learning based cloud detection for medium and high resolution remote sensing images of different sensors. ISPRS J. Photogramm. Remote Sens. 2019, 150, 197–212. [Google Scholar] [CrossRef] [Green Version]
  48. Wieland, M.; Li, Y.; Martinis, S. Multi-sensor cloud and cloud shadow segmentation with a convolutional neural network. Remote Sens. Environ. 2019, 230, 111203. [Google Scholar] [CrossRef]
  49. Gu, J.; Kwon, H.; Wang, D.; Ye, W.; Li, M.; Chen, Y.-H.; Lai, L.; Chandra, V.; Pan, D.Z. Multi-scale high-resolution vision transformer for semantic segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 12094–12103. [Google Scholar]
Figure 1. The overall structure of TMNet.
Figure 1. The overall structure of TMNet.
Sensors 23 05909 g001
Figure 2. The structure of multi-scale feature fusion module.
Figure 2. The structure of multi-scale feature fusion module.
Sensors 23 05909 g002
Figure 3. Feature enhancement module.
Figure 3. Feature enhancement module.
Sensors 23 05909 g003
Figure 4. Transformer and Swin Transformer. (a) Standard Transformer, (b) Swin Transformer.
Figure 4. Transformer and Swin Transformer. (a) Standard Transformer, (b) Swin Transformer.
Sensors 23 05909 g004
Figure 5. Channel enhancement module.
Figure 5. Channel enhancement module.
Sensors 23 05909 g005
Figure 6. Results for all methods on WHDLD: (a) DFANet; (b) DenseASPP; (c) PSPNet; (d) DUNet; (e) MAUNet; (f) MUNet; (g) MSCFF; (h) Deeplabv3plus; (i) HRNet; (j) SegFormer; (k) HRVit; (l) TMNet.
Figure 6. Results for all methods on WHDLD: (a) DFANet; (b) DenseASPP; (c) PSPNet; (d) DUNet; (e) MAUNet; (f) MUNet; (g) MSCFF; (h) Deeplabv3plus; (i) HRNet; (j) SegFormer; (k) HRVit; (l) TMNet.
Sensors 23 05909 g006
Figure 7. Results for all methods on Potsdam dataset: (a) DFANet; (b) MAUNet; (c) DenseASPP; (d) PSPNet; (e) DUNet; (f) Deeplabv3plus; (g) HRNet; (h) MSCFF; (i) MUNet; (j) HRVit; (k) SegFormer; (l) TMNet.
Figure 7. Results for all methods on Potsdam dataset: (a) DFANet; (b) MAUNet; (c) DenseASPP; (d) PSPNet; (e) DUNet; (f) Deeplabv3plus; (g) HRNet; (h) MSCFF; (i) MUNet; (j) HRVit; (k) SegFormer; (l) TMNet.
Sensors 23 05909 g007
Figure 8. Results of ablation experiments: (a) Baseline; (b) Baseline + MFM; (c) Baseline + MFM + SW.
Figure 8. Results of ablation experiments: (a) Baseline; (b) Baseline + MFM; (c) Baseline + MFM + SW.
Sensors 23 05909 g008
Figure 9. Results of ablation experiments: (a) Baseline_1; (b) Baseline_1 + FEM; (c) Baline_1 + CEM; (d) Baseline_1 + CEM + FEM.
Figure 9. Results of ablation experiments: (a) Baseline_1; (b) Baseline_1 + FEM; (c) Baline_1 + CEM; (d) Baseline_1 + CEM + FEM.
Sensors 23 05909 g009
Table 1. CNN block parameters.
Table 1. CNN block parameters.
NameInput SizeLayer StructureOut Size
CNN block-03 × H × WConv2d(3,64,3,2,1), Relu128 × H/2 × W/2
Conv2d(64,96,3,1,1), BN, Relu
Conv2d(96,128,3,1,1), BN, Relu
CNN block-1128 × H/2 × W/2MaxPool2d(2)256 × H/4 × W/4
Conv2d(128,192,3,1,1), BN, Relu
Conv2d(192,256,3,1,1), BN, Relu
CNN block-2256 × H/4 × W/4MaxPool2d(2)512 × H/8 × W/8
Conv2d(256,384,3,1,1), BN, Relu
Conv2d(384,512,3,1,1), BN, Relu
Table 2. Results of comparison with other methods on WHDLD (%).
Table 2. Results of comparison with other methods on WHDLD (%).
MethodParameters (M)FLOPs (G)MIOUMF1MPAIOU
Bare SoilBuildingVegetableWater
DFANet2.320.94754.9368.4667.8849.4647.7577.0290.56
DenseASPP46.0448.17855.9469.2367.6049.0447.1478.6392.41
PSPNet72.3170.05856.4169.8868.4448.1853.4376.2891.74
DUNet29.2130.88956.8670.2768.4449.2754.4376.4291.97
MAUNet14.5541.26357.1270.4169.5650.8849.7978.9992.70
MUNet7.7713.75658.5071.6570.2051.4054.4579.3893.17
MSCFF51.95140.68059.8772.8870.8253.6056.8679.4194.05
Deeplabv3plus59.3422.24360.3773.3271.6156.5453.0480.8093.96
HRNet49.2049.30260.4373.2171.5155.6654.0180.9693.97
SegFormer47.3479.10560.4573.3371.5555.2652.9181.1694.18
HRVit28.6227.41560.7173.5771.8255.1753.4281.1293.89
TMNet20.5547.49961.2374.1472.5755.7754.0681.1994.28
Table 3. Results of comparison with other methods on Potsdam dataset (%).
Table 3. Results of comparison with other methods on Potsdam dataset (%).
MethodMIOUMF1MPAIOU
Impervious SurfaceBuildingLow VegetationTreeCarClutter/Background
DFANet61.0573.7072.3070.9277.7960.1863.4973.1620.75
MAUNet62.3175.0173.1570.5577.7561.3065.5374.0724.66
DenseASPP62.9375.9275.2475.0080.0261.2956.6972.5332.02
PSPNet63.7676.3775.5174.2882.8362.0159.4973.9929.99
DUNet64.7077.0075.6576.7083.1763.0958.4776.2930.45
Deeplabv3plus65.3277.4977.4675.7383.9063.0663.4675.5130.25
HRNet66.2278.1877.4976.6283.5164.6661.5377.2833.69
MSCFF66.3578.3678.8875.2884.3164.9563.2177.8332.48
MUNet66.6078.4277.0576.2683.1064.1362.9477.4432.31
HRVit67.3379.7277.7076.7084.8664.7164.0577.6535.99
SegFormer67.4379.0778.4376.6184.6665.0863.7078.1736.36
TMNet68.1579.9178.7778.6384.2066.6563.7478.5737.14
Table 4. Results of ablation experiments on WHDLD (%).
Table 4. Results of ablation experiments on WHDLD (%).
MethodMIOUMF1MPA
Baseline58.2071.4369.95
Baseline + MFM59.3872.3671.17
Baseline + MFM + SW60.4173.4272.08
Baseline + MFM + SW + FEM60.7873.7172.59
Baseline + MFM + SW + CEM60.8973.8272.34
Baseline + MFM + SW + FEM + CEM61.2374.1472.57
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

Gao, Y.; Zhang, S.; Zuo, D.; Yan, W.; Pan, X. TMNet: A Two-Branch Multi-Scale Semantic Segmentation Network for Remote Sensing Images. Sensors 2023, 23, 5909. https://doi.org/10.3390/s23135909

AMA Style

Gao Y, Zhang S, Zuo D, Yan W, Pan X. TMNet: A Two-Branch Multi-Scale Semantic Segmentation Network for Remote Sensing Images. Sensors. 2023; 23(13):5909. https://doi.org/10.3390/s23135909

Chicago/Turabian Style

Gao, Yupeng, Shengwei Zhang, Dongshi Zuo, Weihong Yan, and Xin Pan. 2023. "TMNet: A Two-Branch Multi-Scale Semantic Segmentation Network for Remote Sensing Images" Sensors 23, no. 13: 5909. https://doi.org/10.3390/s23135909

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