Transformers in Remote Sensing: A Survey

Abdulaziz Amer Aleissaee* Amandeep Kumar* Rao Muhammad Anwer Salman Khan Hisham Cholakkal Gui-Song Xia and Fahad Shahbaz khan A.A. Aleissaee, A. Kumar, R. Anwer, S. Khan, H. Cholakkal and F. Khan are with MBZ University of Artificial Intelligence, UAE.
Gui-Song Xia is with Wuhan University, China.
E-mail: {firstname.lastname}@mbzuai.ac.ae
Abstract

Deep learning-based algorithms have seen a massive popularity in different areas of remote sensing image analysis over the past decade. Recently, transformers-based architectures, originally introduced in natural language processing, have pervaded computer vision field where the self-attention mechanism has been utilized as a replacement to the popular convolution operator for capturing long-range dependencies. Inspired by recent advances in computer vision, remote sensing community has also witnessed an increased exploration of vision transformers for a diverse set of tasks. Although a number of surveys have focused on transformers in computer vision in general, to the best of our knowledge we are the first to present a systematic review of recent advances based on transformers in remote sensing. Our survey covers more than 60 recent transformers-based methods for different remote sensing problems in sub-areas of remote sensing: very high-resolution (VHR), hyperspectral (HSI) and synthetic aperture radar (SAR) imagery. We conclude the survey by discussing different challenges and open issues of transformers in remote sensing. Additionally, we intend to frequently update and maintain the latest transformers in remote sensing papers with their respective code at: https://github.com/VIROBO-15/Transformer-in-Remote-Sensing * Authors contributed equally

remote sensing, transformers, survey.

I Introduction

Remote sensing imaging technology has significantly advanced in the last decades. Modern airborne sensors provide a large coverage of the Earth surface with improved spatial, spectral and temporal resolutions, thereby playing a crucial role in numerous research areas, including ecology, environmental science, soil science, water contamination, glaciology, land surveying and analysis of the crust of the Earth. Automatic analysis of remote sensing imaging brings unique challenges such as, data are generally multi-modal (eg, optical or synthetic aperture radar sensors), located in the geographical space (geo-located) and typically on a global-scale with ever growing data volumes.

Deep learning, especially convolutional neural networks (CNNs) has dominated many areas of computer vision, including object recognition, detection and segmentation. These networks typically take an RGB image as an input and perform a series of convolution, local normalization and pooling operations. CNNs typically rely on a large amount of training data and the resulting pre-trained models are then utilized as generic feature extractors for a variety of downstream applications. The success of deep learning-based techniques in computer vision has also inspired the remote sensing community with significant advances being made in many remote sensing tasks, including hyperspectral image classification, change detection and very high-resolution satellite instance segmentation.

One of the main building blocks in CNNs is the convolution operation which captures local interactions between elements (eg, contour and edge information) in the input image. CNNs encode biases such as, spatial connectivity and translation equivariance. These charactertistics aid in constructing generalizable and efficient architectures. However, the local receptive field in CNNs limits modeling long-range dependencies in an image (eg, distant part relationships). Moreover, convolutions are content-independent as the convolutional filter weights are stationary with same weights applied to all inputs regardless of their nature. Recently, vision transformers (ViTs) [dosovitskiy2021an] have demonstrated impressive performance across a variety of tasks in computer vision. ViTs are based on the self-attention mechanism that effectively captures global interactions by learning the relationships between the elements of a sequence. Recent works [MuzammalNeurIPS21, ParkICLR22] have shown that ViTs possess content-dependent long-range interaction modeling capabilities and can flexibly adjust their receptive fields to counter nuisances in data and learn effective feature representations. As a result, ViTs and their variants have been successfully utilized for many computer vision tasks, including classification, detection and segmentation.

Recent transformers-based techniques in the remote sensing imaging. On the left and middle: Pie-charts are representing statistics of the articles covered in this survey in terms of different remote sensing imaging problems and data type representations. On the right: we show a plot illustrating the consistent increase in number of papers recently.
Figure 1: Recent transformers-based techniques in the remote sensing imaging. On the left and middle: Pie-charts are representing statistics of the articles covered in this survey in terms of different remote sensing imaging problems and data type representations. On the right: we show a plot illustrating the consistent increase in number of papers recently.

Following the success of ViTs in computer vision, remote sensing community has also witnessed a significant growth (see Fig.1) in the employment of transformers-based frameworks in many tasks such as, very high-resolution image classification, change detection, pan sharpening, building detection and image captioning. This has started a new wave of promising research in remote sensing with different approaches utilizing either ImageNet pre-training [bazi2021vision, hao2022two, ma2022homo] or performing remote sensing pre-training [Wang2022empirical] with vision transformers. Similarly, there exist approaches in literature that are based on pure transformers design [hong2021spectralformer, liu2022dss] or utilize a hybrid approach [9762303, 9766028, jia2022multiscale] based on both transformers and CNNs. It is therefore becoming increasingly challenging to keep pace with the recent progress due to the rapid influx of transformers-based methods for different remote sensing problems. In this work, we review these advances and present an account of recent transformers-based approaches in the popular field of remote sensing. To summarize, our main contributions are the following:

  • We present a holistic overview of applications of transformers-based models in remote sensing imaging. To the best of our knowledge, we are the first to present a survey on transformers in remote sensing, thereby bridging the gap between recent advances in computer vision and remote sensing in this rapidly growing and popular area.

  • We present an overview of both CNNs and transformers, discussing their respective strengths and weaknesses.

  • We present a review of more than 60 transformers-based research works in the literature to discuss the recent progress in the field of remote sensing.

  • Based on the presented review, we discuss different challenges and research directions on transformers in remote sensing.

The rest of the paper is organized as follows: Section II discusses other related surveys on remote sensing imaging. In Section III, we present an overview of different imaging modalities in remote sensing, whereas Section IV provides a brief overview of CNNs and vision transformers. Afterwards, we review advances with respect to transformers-based approaches in very high-resolution (VHR) imaging (Section V), hyperspectral image analysis (Section VI) and synthetic aperture radar (SAR) in Section VII. In Section VIII, we conclude our survey and discuss potential future research directions.

Ii Related Work

In the literature, several works have performed a review of machine learning techniques for remote sensing imaging in the past decade. Tuia et al. [Tuia11] compare and evaluate different active learning algorithms for supervised remote sensing image classification task. The work of [Gustavo13] focuses on the problem of hyperspectral image classification and reviews recent advances in relation to machine learning and vision techniques. Zhu et al. [zhu2017deep] present a comprehensive review of utilizing deep learning techniques for remote sensing image analysis. Their work provides a comprehensive review of the existing approaches along with describing a list of resources about deep learning in remote sensing. Ma et al. [ma2019deep] review major deep learning concepts in remote sensing with respect to image resolution and study area. To this end, their work studies different remote sensing tasks such as, image registration, fusion, scene classification and object segmentation.

Recently, transformers-based approaches have witnessed a significant surge within the computer vision community, following the breakthrough from transformers-based models [vaswani2017attention] in natural language processing (NLP). Khan et al. [KhanVitSurvey] present an overview of the transformers models in vision with emphasis on recognition, generative modeling, multi-modal, video processing and low-level vision tasks. Shamshad et al. [Shamshad2022] survey the use of transformers models in medical imaging, focusing on different medical imaging tasks such as, segmentation, detection, reconstruction, registration and clinical medical report generation. The work of [Selva2022] presents an overview of the growing trend of using transformers to model video data. Their work also compares the performance of vision transformers on different video tasks such as, action recognition.

Different from the aforementioned surveys, our work presents a review of recent advances of transformers-based approaches in the popular area of remote sensing. To the best of our knowledge, this is the first survey presenting a comprehensive account of transformers in remote sensing, particularly dedicated to progress in very high-resolution, hyperspectral and synthetic aperture radar image analysis.

Iii Remote Sensing Imaging Data

Remote sensing imagery is generally acquired from a range of sources as well as data collection techniques. Remote sensing image data can be typically characterised by their spatial, spectral, radiometric, and temporal resolutions. Spatial resolution refers to each pixel size within an image along with the area of the surface of the Earth represented by that corresponding pixel. Spatial resolution characterizes the small and fine-detailed features in an imaging scene that can be separated. Spectral resolution refers to the capability of the sensor to collect information about the scene by discerning finer wavelengths, with having more narrower bands (e.g., 10 nm). On the other hand, radiometric resolution characterizes the extent of the information in each pixel, where a larger dynamic range for a sensor implies more details are to be discerned in the image. The temporal resolution refers to the time it takes between consecutive images of the same location on ground acquired by the sensor. Here, we briefly discuss commonly utilized remote sensing imaging types with few examples shown in Fig.2.

Very High-resolution Imagery: In recent years, the emergence of very high-resolution (VHR) satellite sensors has paved the way towards yielding the higher spatial resolution imagery beneficial for land use change detection, object-based image analysis (object detection and instance segmentation), precision agriculture farming (e.g., management of crops, soil and pests) and emergency responses. Furthermore, these recent advances in sensor technology along with new deep learning-based techniques allow the usage of VHR remote sensing imagery to analyze the biophysical as well as biogeochemical processes both in coastal and inland waters. Nowadays, optical sensors produce panchromatic and multispectral imagery of the Earth’s surface at a much finer spatial resolutions (e.g., 10 to 100 cm/pixel).

Hyperspectral Imagery: Here, each pixel in the scene is captured using continuous spectrum of light with fine wavelength resolutions. The continuous spectrum extends wavelengths beyond the visible spectrum and include wavelengths from ultraviolet (UV) to infrared (IR). Generally, spectral resolution of hyperspectral images are expressed using the wave number along with the nanometers (nm). The most popular continuous spectrum used for measuring the pixels are mid-infrared, that is near infrared and visible wavelength bands. In order to acquire hyperspectral imagery, there are different electromagnetic measurements such as, Raman spectroscopy, X-ray spectroscopy, Terahertz spectroscopy, 3D ultrasonic imaging, magnetic resonance and confocal laser microscopy scanners that can measure the entire emission spectrum for each pixel at a specific excitation wavelength. The hyperspectral images have high dimensionality and strong resolving power for fine spectra. The imagery offers a wide range of applications, including in environmental science [teng2013investigation] and mining [notesco2014mineral]. Different from regular images that contain only the primary colors (red, green, blue) within the visible spectrum, hyperspectral images are rich in spectral information that can reflect the physical structure and chemical composition of the item of interest. In remote sensing, automatically analyzing hyperspectral imagery is an active research topic.

Synthetic Aperture Radar Imagery: A large amount of synthetic aperture radar (SAR) images are produced by Earth observation satellites every day through emission and reception of electromagnetic signals. In the past decades, SAR images have gained popularity due to their higher spatial resolution, all-weather capability, de-speckling tools such as, CAESAR along with recent advances in the SAR specific image processing. SAR imagery can be used for numerous applications, including geographical localization, object detection, functionalities of basic radars, and geophysical features estimation of complex setting such as, roughness, moisture content, and density. Further, SAR imagery can be used for disaster management (oil slick detection, ice tracking), forestry and hydrology.

Example hyperspectral (a), VHR (b) and SAR (c) images from different datasets.
Figure 2: Example hyperspectral (a), VHR (b) and SAR (c) images from different datasets.

Iv From CNNs to Vision Transformers

In this section, we first present a brief overview of CNNs and then provide a brief description of vision transformers recently utilized for different vision tasks.

Iv-a Convolutional Neural Networks

Convolutional neural networks (CNNs) have dominated a variety of computer vision tasks, including image classification [krizhevsky2012imagenet] and object detection [ren2015faster]. CNNs are typically made up of series of two main parts: convolutional and pooling layers. The convolutional layer produces feature maps by convolving the local region in the input with a set of kernels. These features are subjected to a non-linear function with the same process repeated for each convolutional layer. In CNNs, the pooling layer carries out a downsampling operation (typically utilizing the max or mean operation) to feature maps. In different existing CNN architectures, the convolutional and pooling layers are followed by a set of fully connected layers, where the last fully connected layer is the softmax computing each object category score.
Popular CNN Backbones: Here, we briefly discuss different popular CNN backbone architectures in literature.
AlexNet: Krizhevsky et al. [krizhevsky2012imagenet] propose a CNN architecture, named AlexNet, for image classification task. AlexNet comprises five convolutional layers followed by three fully-connected layers. The proposed network architecture utilizes Rectified Linear Units (ReLU) for training efficiency. The network contains 60 million parameters and 500,000 neurons with network training performed on the large-scale ImageNet dataset [5206848]. Different data augmentation techniques are employed to increase the training set. In the ImageNet 2012 competition, AlexNet achieved competitive performance with top-1 and top-5 error rates of 39.7% and 18.9%, respectively.
VGGNet: Different from AlexNet, Simonyan and Zisserman [simonyan2014very] introduce an architecture, named VGGNet that comprises 16 layers in total. The network takes an input image of 224 224 size and has around 138 million parameters. It uses different data augmentation techniques, including scale jittering during network training. The VGGNet architecture comprises convolution layers of 3 3 filter, where the receptive fields are convolved at each pixel with a stride of one pixel. The VGGNet contains multiple pooling layers, performing spatial pooling over 2 2 windows with a stride of two pixels. Further, VGGNet contains two fully connected layers followed by a softmax for yielding output predictions. The VGG architecture achieved top classification accuracy on the 2014 ImageNet classification challenge.
ResNet: Different from AlexNet and VGGNet, He et al. [he2016deep] introduce residual neural networks (ResNet) that stacks residual blocks to build a network. ResNet provides a residual learning approach for training networks that are much deeper than their previously utilised counterparts. Instead of learning un-referenced functions, it explicitly reformulates the layers as learning residual functions with reference to the layer inputs. Extensive empirical evidence demonstrates that residual networks are easier to optimize with improved accuracy from higher depth.

The development of CNN-based architectures has led to rise of novel techniques, improved hardware (e.g. GPUs and TPUs), better optimization methods and many open-source libraries. Interested readers can go through the survey papers related to CNN methods for remote sensing [zhu2017deep, ma2019deep]. Previous works have analyzed that CNNs are able to capture image-specific inductive bias which increases their effectiveness in learning better feature representations. However, CNNs do not capture long-range dependencies that aids to enhance expressivity of the representations. Next, we briefly present vision transformers that are capable of modelling long-range dependencies in the images.

 The Vision Transformer’s architecture is shown on the left and the encoder block’s specifications are shown on the right. The
input image is first divided into patches. These are then projected (after flattening) into a feature space, where a
transformer encoder analyses them to create the classification output. Adapted from
Figure 3: The Vision Transformer’s architecture is shown on the left and the encoder block’s specifications are shown on the right. The input image is first divided into patches. These are then projected (after flattening) into a feature space, where a transformer encoder analyses them to create the classification output. Adapted from [dosovitskiy2021an] and [Shamshad2022].
The taxonomy of transformers in VHR, hyperspectral and SAR imagery with a variety of tasks such as, classification, detection, segmentation, pan sharpening and change detection.
Figure 4: The taxonomy of transformers in VHR, hyperspectral and SAR imagery with a variety of tasks such as, classification, detection, segmentation, pan sharpening and change detection.

Iv-B Vision Transformers

Recently, transformers-based models have achieved promising results across many computer vision and natural language processing (NLP) tasks. Vaswani et al.[vaswani2017attention] first introduce transformers as an attention-driven model for machine translation application. To capture the long-range dependencies, transformers use self-attention layers instead of traditional recurrent neural network that struggles to encode such dependencies between the elements of a sequence.

To effectively capture the long-range dependencies within an input image, the work of [dosovitskiy2021an] introduces vision transformers (ViTs) for image recognition task, as shown in Fig.3. ViTs [dosovitskiy2021an] interpret an image as a sequence of patches and process it via a conventional transformers encoder similar to those used in NLP tasks. The success of ViTs in generic visual data have sparked the interest not only in different areas of computer vision but also in the remote sensing community, where a number of ViT-based techniques have been explored in recent years for various tasks.

Next, we briefly describe the key component of self-attention within transformers.
Self-Attention: The self-attention mechanism has been an integral component of transformers as it captures the long-range dependencies and encodes the interaction between all of the sequences tokens (patch embedding). The key idea of self-attention is to learn self-alignment, that is to update the token by aggregating global knowledge from all the other tokens in the sequence[bahdanau2014neural]. Given a 2D image , the process starts with flattening the image into a series of 2D patches , where represents number of channels, and represents height and width of the image, is the dimension of each individual patch, and represents the total number of patches. A learnable linear projection layer of dimension is used to project these flattened patches and can be showed as a matrix . The aim of the self-attention is to apprehend interaction among all the embeddings, that is achieved by introducing the three learnable weight matrices to modify input into queries (as ), keys (as ) and values (as ), where . The sequence is first projected onto these weight matrices to obtain , and . The relative attention matrix is

(1)

Masked Self-Attention: All entities are attended to the usual self-attention layer. These self-attention blocks used in the decoder for the transformers model [vaswani2017attention], which is trained to anticipate the next entity in the sequence, are masked to prevent attending to the subsequent future entities. This task is performed by an element-wise multiplication operation with a mask , where is an upper-triangular matrix. Here, masked self-attention is represent by

(2)

where represents the Hadamard product. In masked self-attention, the attention ratings of future entities are set to zero when predicting an entity in the sequence.
Multi-Head Attention: Multi-head attention (MHA) comprises multiple self-attention blocks concatenated simultaneously channel-wise, in order to capture different complex interactions between different sequence of embeddings. Each of the head of the multi-head self-attention has its own learnable weight matrices represented as , and , where were denotes the number head in multi-head self-attention. Hence, we can express,

(3)

where output of each head is concatenated to form single matrix , whereas computes the linear transformation of the heads.
Popular Transformers Backbones: Here, we briefly discuss some recent transformers-based backbones.
ViT: The work of [dosovitskiy2021an] introduces an architecture, where a pure transformer is utilized directly to a sequence of image patches for the task of image classification. The ViT architecture design does not employ image-specific inductive biases (e.g., translation equivariance and locality) and the pre-training is performed on large-scale ImageNet-21k or JFT-300M dataset.
Swin: Liu et al. [liu2021swin] improve over ViT design by introducing an architecture that produces hierarchical feature representation. Swin transformer has linear computational complexity with respect to input image size, where the efficiency is achieved by restricting the self-attention computation to non-overlapping local windows while enabling cross-window connection.
PVT: The work of [Wang2021PVT] introduces a pyramid vision transformer (PVT) architecture, to perform pixel-level dense prediction tasks. The PVT architecture utilizes a progressively shrinking pyramid and a spatial-reduction attention layer for producing high-resolution multi-scale feature maps. The PVT backbone has shown to achieve impressive performance on object detection and segmentation tasks, compared to its CNNs counterpart with similar number of parameters.

Transformers offer unique characteristics that are useful for different vision tasks. Compared to the convolution operation in CNNs where static filters are computed, filters in self-attention are dynamically calculated. Furthermore, permutations and changes in the number of input points have little effect on self-attention. Recent studies [MuzammalNeurIPS21, ParkICLR22] have explored different interesting properties of vision transformers and compare them with CNNs. For instance, the recent work of [MuzammalNeurIPS21] shows that vision transformers are more robust to severe occlusions, domain shifts and pertubations. Next, we present a review of transformers in remote sensing based on the taxonomy shown in Fig.4.

V Transformers in VHR Imagery

Here, we review transformers-based approaches utilized to address different problems in very-high resolution (VHR) imagery.

V-a Scene Classification

Remote sensing scene classification is a challenging problem, where the task is to automatically associate a semantic category label to a given high-resolution image comprising ground objects and different land cover types. Among the existing vision transformers-based VHR scene classification approaches, Bazi et al.[bazi2021vision] explore the impact of standard vision transformers architecture of [dosovitskiy2021an] (ViT) and investigate different data augmentation strategies for generating addition data. In addition, their work also evaluate the impact of compressing the network by pruning the layers while maintaining the classification accuracy. The work of [deng2021cnns] introduces a joint CNN-transformers framework, where there is one stream of CNNs and another stream of ViT, as shown in Fig.5. The features from the two streams are concatenated and the entire framework is trained using a joint loss function, comprising cross-entropy and center losses, to optimize the two-stream architecture. Zhang et al.[zhang2021trs] introduce a framework, called Remote Sensing Transformer (TRS), that strives to combine the merits of CNNs and transformers by replacing the spatial convolutions with multi-head self-attention. The resulting multi-head self attention bottleneck has fewer parameters and is shown to be effective compared to other bottlenecks. The work of [hao2022two] introduces a two-stream Swin transformers network (TSTNet), that comprises two streams: original and edge. The original stream extracts standard image features whereas the edge stream contains a differentiable edge Sobel operator module and provides edge information. Further, a weighted feature fusion module is introduced to effectively fuse the features from the two streams for boosting the classification performance. The work of [ma2022homo] introduces a transformers-based framework with a patch generation module designed to generate homogeneous and heterogeneous patches. The patch generation module generates the heterogeneous patches directly, whereas the homogeneous patches are obtained using a superpixel segmentation method.

The CTNet architecture comprising two modules: the ViT stream (T-stream) and the
CNNs stream (C-stream). The T-stream and C-stream are designed to capture semantic features and the local structural information. Figure is from
Figure 5: The CTNet architecture comprising two modules: the ViT stream (T-stream) and the CNNs stream (C-stream). The T-stream and C-stream are designed to capture semantic features and the local structural information. Figure is from [deng2021cnns]. Best viewed zoomed in.
 Comparison in terms of response maps obtained using different models on example VHR images. The original images are shown in (a), whereas the evaluated models are: (b) IMP-ResNet-50, (c) SeCo-ResNet-50, (d) RSP-ResNet-50,
(e) IMP-Swin-T, (f) RSP-Swin-T, (g) IMP-ViTAEv2-S and (h) RSP-ViTAEv2-S. Here, IMP denotes ImageNet pre-training and RSP refers to remote sensing pre-training. In the response map, the warmer color indicates higher response. Figure is from
Figure 6: Comparison in terms of response maps obtained using different models on example VHR images. The original images are shown in (a), whereas the evaluated models are: (b) IMP-ResNet-50, (c) SeCo-ResNet-50, (d) RSP-ResNet-50, (e) IMP-Swin-T, (f) RSP-Swin-T, (g) IMP-ViTAEv2-S and (h) RSP-ViTAEv2-S. Here, IMP denotes ImageNet pre-training and RSP refers to remote sensing pre-training. In the response map, the warmer color indicates higher response. Figure is from [Wang2022empirical].

Remote Sensing Pre-training: Different from the aforementioned approaches that either use only transformers or hybrid CNN-transformers designs with backbone networks pretrained on ImageNet datasets, the recent work of [Wang2022empirical] investigates training vision transformers backbones, such as Swin, from scratch on the large-scale MillionAID remote sensing dataset [MillionAID]. The resulting trained backbone models are then fine-tuned for different tasks, including scene classification. Fig.6 shows the response maps, obtained using Grad-CAM++ [chattopadhay2018grad], of different ImageNet (IMP) and remote sensing pre-trained (RSP) models. It can be observed that RSP models learn better semantic representations by paying more attention to the important targets, compared to IMP counterparts. Further, the transformers-based backbones, such as Swin-T better captures the contextual information due to the self-attention mechanism. Moreover, backbones such as, ViTAEv2-S that combines the merits of CNNs and transformers along with RSP can achieve better recognition performance.

Tab. I shows a comparison of aforementioned classification approaches on one of the most commonly used VHR classification benchmarks: AID [xia2017aid]. The AID dataset contains images acquired from multi-source sensors. The dataset possesses a high degree of intra-class variation, since the images are collected from different countries, under different time and seasons with variable imaging conditions. There are in total 10,000 images in the dataset and 30 categories. The performance is measured in terms of mean classification accuracy over all the categories. For more details on AID, we refer to [xia2017aid]. Other than RSP that performs an initial pre-training on Million-AID dataset, all approaches here utilize models pre-trained on ImageNet benchmark.

V-B Object Detection

Localizing objects in VHR imaging is a challenging problem due to extreme scale variations and diversity of different object classes. Here, the task is to simultaneously recognize and localize (either rectangle or oriented bounding-boxes) all instances belonging to different object categories in an image. Most existing approaches employ a hybrid strategy by combining the merits of CNNs and transformers within existing two-stage and single-stage detectors. Other than the hybrid strategy, few recent works also explore DETR-based transformers object detection paradigm [carion2020end].

Method Venue Backbone AID (20)
V16-21K [bazi2021vision] Remote Sensing ViT 94.97
CTNet [deng2021cnns] GRSL ResNet34 + ViT 96.35
TRS [zhang2021trs] Remote Sensing TRS 95.54
TSTNet [hao2022two] Remote Sensing Swin-T 97.20
RSP [Wang2022empirical] TGRS RSP-Swin-T-E300 96.83

Table I: Performance in terms of classification accuracy of different transformers-based methods on the popular AID dataset with 20:80 train-test ratio.

Hybrid CNN-Transformers based Methods: The work of [xu2021improved] introduces a local perception Swin transformer (LPSW) backbone to improve the standard transformers for detecting small-sized objects in VHR imagery. The proposed LPSW strives to combine the merits of transformers and CNNs to improve the local perception capabilities for better detection performance. The proposed approach is evaluated with different detectors such as, Mask RCNN [he2017mask]. The work of [li2022transformer] introduces a transformers-based detection architecture, where a pre-trained CNN is used to extract features and a transformer is adapted to process feature pyramid of a remote sensing image. Zhang et al.[zhang2022gansformer] introduce a detection framework, where an efficient transformer is utilized as a branch network to improve CNN’s ability to encode global features. Additionally, a generative model is employed to expand the input remote sensing aerial images ahead of the backbone network. The work of [ADTDet] proposes a detection framework based on RetinaNet, where a feature pyramid transformer (FPT) is utilized between the backbone network and the post-processing network to generate semantically meaningful features. The FPT enables the interaction among features at different levels across scale. The work of [Tangcvpr22] introduces a framework, where transformers are adopted to model the relationship of sampled features in order to group them appropriately. Consequently, better grouping and bounding box predictions are obtained without any post-processing operation. The proposed approach effectively eliminates the background information which helps in achieving improved detection performance.

Zhang et al.[Rodformer] introduce a hybrid architecture that combines the local characteristics of depth separable convolutions with the global (channel) characteristics of MLP. The work of [PointRCNN] introduces a two-stage angle-free detector, where both the RPN and regression are angle-free. Their work also evaluates the proposed detector with transformers-based backbone (Swin-Tiny). Liu et al.[HybridNetwork22] propose a hybrid network architecture, called TransConvNet, that aims at combining the advantages of CNNs and transformers by aggregating both global and local information to address the rotation invariability of CNNs with a better contextual attention. Furthermore, an adaptive feature fusion network is designed to capture information from multiple resolutions. The work of [li2021oriented] introduces a detection framework, called Oriented Rep-Points, that utilizes flexible adaptive points as a representation. The proposed anchor-free approach learns to select the point samples from classification, localization and orientation. Specifically, to learn geometric features for arbitrarily-oriented aerial objects, a quality assessment and sample assignment scheme is introduced that measures and identify high-quality sample points for training, as shown in Fig. 7. Further, their approach utilizes a spatial constraint for penalizing the sample points that are outside the oriented box for robust learning of the points.

Overview of the anchor-free Oriented RepPoints detection architecture
Figure 7: Overview of the anchor-free Oriented RepPoints detection architecture [li2021oriented] that strives to learn selecting points samples for classification, regression and orientation. RepPoints utilizes same structure of the shared head as in [li2021oriented], except a quality assessment and sample assignment strategy (APAA) is employed for selecting high-quality sample points for training. Figure is from [li2021oriented]. Best viewed zoomed in.

DETR-based Detection Methods: Few recent approaches have investigated adapting the transformers-based DETR detection framework [carion2020end] for oriented object detection in VHR imaging. The work of [MaOrientedDetr] adapts the standard DETR for oriented object detection. In their approach, efficient encoder is designed for transformers by replacing the standard attention mechanism with a depthwise separable convolution. Dai et al.[AO2DETR] propose a transformers-based detector, called AO2-DETR, where an oriented proposal generation scheme is employed to explicitly produce oriented object proposals. Further, their approach comprises an adaptive oriented proposal refinement module that is designed to compute rotation-invariant features by eliminating the misalignment between region features and objects. Furthermore, a rotation-aware matching loss is utilized to perform a matching process for direct set prediction without the duplicated predictions.

Tab.II shows a comparison of the aforementioned detection approaches on the most commonly used VHR detection benchmark, DOTA [xia2018dota]. The dataset comprises 2,806 large aerial images of 15 different object categories plane, baseball diamond, basketball court, soccer-ball field, bridge, ground track field, small vehicle, Ship, large vehicle, tennis court, roundabout, swimming pool, harbor, storage tank and helicopter. The detection performance accuracy is measured in terms of mean average precision (mAP). For more details on DOTA, we refer to [xia2018dota]. The results show that most of these recent methods obtain similar detection accuracy, with a slight improvement in performance is obtained when using the Swin-T backbone.

Method Venue Backbone DOTA
ADT-Det [ADTDet] Remote Sensing ResNet50 76.89
RBox [Tangcvpr22] CVPR ResNet50 79.59
Rodformer [Rodformer] Sensors ResNet50 63.89
Rodformer [Rodformer] Sensors ViT-B4 75.60
PointRCNN [PointRCNN] Remote Sensing Swin-T 80.14
Hybrid Network [HybridNetwork22] Remote Sensing TransC-T 78.41
Oriented RepPoints [li2021oriented] Arxiv ResNet50 75.97
Oriented RepPoints [li2021oriented] Arxiv Swin-T 77.63
ODETR [MaOrientedDetr] Arxiv ResNet50 79.66
AO2-DETR [AO2DETR] Arxiv ResNet50 79.22
Table II: Comparison in terms of detection accuracy (mAP) of different detectors utilizing a hybrid CNN-transformers design, transformers pre-trained backbone or a DETR-based transformers architecture on DOTA benchmark. The results are presented on the orientated bounding-boxes task of DOTA benchmark.

V-C Image Change Detection

In remote sensing, image change detection is an important task for detecting changes on the surface of the Earth with numerous applications in agriculture [muzein2006remote, haack1998remote], urban planning [bolorinos2020consumption], and map revision [metternicht1999change]. Here, the task is to generate change maps obtained by comparing the multi-temporal or bi-temporal images, with each pixel in the resulting binary change map having either zero or one value depending on whether the corresponding position has changed or not. Among the recent transformers-based change detection approaches, Chen et al.[ChenCDTGRS] propose a bi-temporal image transformer, encapsulated in a deep feature differencing-based framework that is designed to model the spatio-temporal contextual information. Within the proposed framework, the encoder is employed to capture context in token-based space-time. The resulting contextualized tokens are then fed to the decoder where the features are refined in the pixel-space. Guo et al.[guo2021deep] propose a deep multi-scale Siamese architecture, called MSPSNet, that utilizes a parallel convolutional structure (PCS) and self-attention. The proposed MSPSNet performs feature integration of different temporal images via PCS and then feature refinement based on self-attention to further enhance the multi-scale features. The work of [zhang2022swinsunet] introduces a Swin transformer-based network with a Siamese U-shaped structure, called SwinSUNet, for change detection. The proposed SwinSUNet comprises three modules: encoder, fusion, and decoder. The encoder transforms the input image into tokens and produces multi-scale features by employing a hierarchical Swin transformer. The resulting features are concatenated in the fusion having linear projection and Swin transformer blocks. The decoder contains upsampling and merging within Swin transformer blocks to progressively generate change predictions.

Wang et al.[Guanghui22RS] introduce an architecture, called UVACD, that combines CNNs and transformers for change detection. Within UVACD, the high-level semantic features are extracted via a CNN backbone, whereas transformers are utilized to generate better change features by capturing the temporal information interaction. The work of [li2022transunetcd] introduces a hybrid architecture, TransUNetCD, that strives to combine the merits of transformers and UNet. Here, the encoder takes features extracted from CNNs and enrich them with global contextual information. The corresponding features are then unsampled and combined with multi-scale features to obtain global-local features for localization. The work of [HybridTransCD] introduces a hybrid multi-scale transformer, called Hybrid-TransCD, that captures both fine-grained and large object features by utilizing heterogeneous tokens via multiple receptive fields.

Method Venue WHU LEVIR
CD-Trans [ChenCDTGRS] TGRS 83.98 89.31
MSPSNet [guo2021deep] TGRS - 89.18
UVACD [Guanghui22RS] Remote Sensing 92.84 91.30
SwinSUNet [zhang2022swinsunet] TGRS 93.8 -
TransUNetCD [li2022transunetcd] TGRS 93.59 91.1
HybridTransCD [HybridTransCD] IJGI - 90.06
Table III: Comparison in terms of F1 score of different transformers-based change detection methods on the two popular benchmarks: WHU and LEVIR.

Tab. III shows a comparison of aforementioned change detection approaches on the most commonly used benchmarks: WHU [ji2018fully] and LEVIR [chen2020spatial]. The WHU dataset comprises a single pair of high-resolution (0.075m) images. Here, the images are of size 32507 15354. The LEVIR dataset comprises 637 pairs of high-resolution (0.5m) images. The images are of size 1024 1024. The performance is measured in terms of F1 score with respect to the change category. Fig. 8 presents a qualitative comparison of different methods with SwinSUNet on example images from WHU-CD dataset.

Results of different CD methods visualized, such as FC-EF
Figure 8: Results of different CD methods visualized, such as FC-EF[daudt2018fully], FC-Siam-Conc[daudt2018fully], FC-Siam-Diff[daudt2018fully], CDNet[alcantarilla2018street], DASNet[chen2020dasnet], STANet[chen2020spatial], and SwinSUNet[zhang2022swinsunet] compared to (a)–(d) sample imagery sets the WHU-CD[ji2018fully] test set. Such as Various colors were utilised to convey different denotations; white represents true positive, black represents true negative, red represents false positive, and green represents false negative. Figure is from [zhang2022swinsunet].

V-D Image Segmentation

In remote sensing, automatically segmenting an image into semantic categories by performing pixel-level classification is a challenging problem with a wide range of applications, including geological surveys, urban resources management, disaster management and monitoring. Most existing transformers-based remote sensing image segmentation approaches typically employ a hybrid design with an aim to combine the merits of CNNs and transformers. The work of [xu2021efficient] introduces a light-weight transformers-based framework, Efficient-T, that comprises an implicit edge enhancement technique. The proposed Efficient-T employs hierarchical Swin transformers along with MLP head. A coupled CNN-transformers framework, called CCTNet, is introduced in [wang2022cctnet] that aims at combining the local details such as, edges and texture captured by the CNNs along with the global contextual information obtained via transformers for crop segmentation in remote sensing images. Furthermore, different modules such as, test time augmentation and post-processing steps are introduced in order to remove holes and small objects at inference for restoring the complete segmented images. A CNN-transformers framework, named STransFuse, is introduced in [9573374] where both coarse-grained and fine-grained feature representations at multiple scales are extracted and later combined adaptively by utilizing self-attentive mechanism. The work of [9686732] proposes a hybrid architecture, where Swin transformer backbone that captures long-range dependencies is combined with a U-shaped decoder which employs an atrous spatial pyramid pooling block based on depth-wise separable convolution along with SE block to better preserve local details in an image. The work of [panboonyuen2021transformer] utilizes a pre-trained Swin Transformer backbone along with three decoder designs namely, U-Net, feature pyramid network and pyramid scene parsing network for semantic segmentation in aerial images.

Method Venue Potsdam Vaihingen
Efficient-T [xu2021efficient] Remote Sensing 90.08 88.41
STransFuse [9573374] JSTAR 86.71 86.07
Trans-CNN [9686732] TGRS 91.0 90.40
SwinTF [panboonyuen2021transformer] Remote Sensing - 90.97
Table IV: Performance comparison in terms of overall accuracy (OA) of different transformers-based semantic segmentation methods on two popular benchmarks: Potsdam and Vaihingen.
A qualitative comparison between the hybrid Trans-CNN with other existing segmentation approaches. The examples are from the Potsdam dataset. Every two rows present the results as a group. here, from left to right and top to bottom are: (a) the corresponding ground-truth, (b) results obtained from AFNet + TTA, (c) results of ResUNet, (d) results of CASIA2, (e) results achieved using Trans-CNN, and (f) the RGB image. The inccorect classification results from AFNet + TTA, ResUNet, CASIA2 and Trans-CNN are presented in (g), (h), (i) and (j), respectively. Figure is from
Figure 9: A qualitative comparison between the hybrid Trans-CNN with other existing segmentation approaches. The examples are from the Potsdam dataset. Every two rows present the results as a group. here, from left to right and top to bottom are: (a) the corresponding ground-truth, (b) results obtained from AFNet + TTA, (c) results of ResUNet, (d) results of CASIA2, (e) results achieved using Trans-CNN, and (f) the RGB image. The inccorect classification results from AFNet + TTA, ResUNet, CASIA2 and Trans-CNN are presented in (g), (h), (i) and (j), respectively. Figure is from [9686732].

We present in Tab. IV a quantitative comparison of aforementioned approaches on the two most commonly used semantic segmentation datasets: Potsdam[Potsdam] and Vaihingen[Vaihingen]. The Potsdam dataset comprises 38 patches, where each patch has a resolution of 6000 6000 pixels collected over the Potsdam City with a ground sampling distance of 5 cm. The dataset has six categories. The Vaihingen dataset comprises 33 samples, where each sample has a resolution from 1996 1995 to 3816 2550 pixels. Here, the ground sampling distance is 9 cm. This dataset contains same categories as Potsdam. The performance is measured in terms of overall accuracy (OA) computed using true positive, false positive, false negative and true negative. Fig.9 presents a qualitative comparison between Trans-CNN and other approaches on the Potsdam dataset.

Building Extraction: Transformers-based techniques have also been recently explored for the problem of building extraction, where the task is to automatically identify building and non-building pixels in a remote sensing image. A dual-pathway transformers framework is introduced in [chen2021building] that strives to learn long-range dependencies both in spatial and channel directions. The work of [xiao2022swin] proposes a transformers framework, STEB-UNet, comprising Swin transformer-based encoding booster that captures semantic information from multi-level features generated from different scales. The encoder booster is further integrated in a U-shaped network design that fuses local and large-scale semantic features. A transformers-based architectures, called BuildFormer, comprising a window-based linear attention, a convolutional MLP along with batch normalization is introduced in [wang2022buildformer]. The work of [qiu2022transferring] explores the problem of generalizability of building extraction models to different areas and propose a transfer learning approach to fine-tune models from one area to a subset of another unseen area.

Other than semantic image segmentation and building extraction with transformers, a recent work by [xu2021improved] explores the problem of instance segmentation where the task is to automatically classify each pixel into an object class within an image while also differentiating multiple object instances. Their approach aims at combining the advantages of CNNs and transformers by designing a local perception Swin transformer backbone to enhance both local and global feature information.

V-E Others

Apart from the problems discussed above, transformers-based techniques are also explored for other VHR remote sensing tasks such as, image captioning and super-resolution.

\hlineB3 Transformers in Very-High Resolution (VHR) Satellite Imagery
\hlineB2 Method Task Datasets Metrics Highlights
\hlineB2 V16-21K [bazi2021vision] Classification
Merced[yang2010bag],
AID[xia2017aid],
Optimal31[wang2018scene],
NWPU[cheng2017remote]
Overall classification accuracy Explores vision transformers along with combination of data augmentation techniques for boosting accuracy.
TRS [zhang2021trs] Classification
Merced[yang2010bag],
AID[xia2017aid],
Optimal31[wang2018scene],
NWPU[cheng2017remote]
Overall classification accuracy Integrates transformers into CNNs by replacing the last three ResNet bottlenecks with encoders having multi-head self-attention bottleneck.
TSTNet[hao2022two] Classification
Merced[yang2010bag],
AID[xia2017aid],
NWPU[cheng2017remote]
Overall classification accuracy
A Swin transformer based two-stream architecture that uses both deep features from the image and edge features from edge stream.
CTNet[deng2021cnns] Classification
AID[xia2017aid],
NWPU[cheng2017remote]
Overall classification accuracy Comprises a ViT stream that mines semantic features and the CNN stream which captures local structural features.
HHTL[ma2022homo] Classification
Merced[yang2010bag],
AID[xia2017aid],
RSSDIVCS[li2021learning],
NWPU[cheng2017remote]
Overall classification accuracy
Explores integrating heterogenous non-overlapping patches and homogenous patches obtained using superpixel segmentation.
RSP [Wang2022empirical] Classification, Segmentation, Detection
MillionAID[MillionAID],
Potsdam [Potsdam],
iSAID[waqas2019isaid],
HRSC2016 [liu2017high],
DOTA[xia2018dota],
CCD[lebedev2018change],
LEVIR[chen2020spatial]
Overall classification accuracy,
mAP,
F1 score
Investigates pre-training transformers on a large-scale remote sensing dataset.
SAIEC [xu2021improved] Detection, Segmentation
DIOR[li2020object],
HRRSD[zhang2019hierarchical],
NWPU VHR-10[cheng2016learning]
mAP
Introduces a local perception Swin transformer backbone that aims to combine the merits of transformers and CNNs for improving the local perception capabilities.
T-TRD-DA [li2022transformer] Detection
DIOR[li2020object],
NWPU VHR-10[cheng2016learning]
mAP
Proposes a transformers-based detector utilizing a pre-trained CNN for feature extraction and multiple-layer transformers for multi-scale feature aggregation at global spatial positions.
GANsformer [zhang2022gansformer] Detection
DIOR[li2020object],
NWPU VHR-10[cheng2016learning]
mAP
Introduces an efficient transformer, with reduced parameters, as a branch network to capture global features along with a generative model to expand the input image ahead of backbone.
ADT-Det [ADTDet] Detection
DIOR[li2020object],
HRSC2016 [liu2017high]
mAP
Introduces a RetineNet-based framework with a feature pyramid transformer integrated between the backbone and post-processing network for generating multi-scale semantic features.
PointRCNN [PointRCNN] Detection
DOTA[xia2018dota],
HRSC2016 [liu2017high]
mAP
Introduces a two-stage angle-free dectection framework which is also evaluated using the transformers-based Swin backbone.
HybridNetwork22 [HybridNetwork22] Detection
DOTA[xia2018dota],
UCAS-AOD[zhu2015orientation],
VEDAI[razakarivony2016vehicle]
mAP
Integrates multi-scale global and local information from transformers and CNNs through an adaptive feature fusion network.
Oriented RepPoints [li2021oriented] Detection
DOTA[xia2018dota],
UCAS-AOD[zhu2015orientation],
HRSC2016 [liu2017high]
mAP
Proposes an anchor-free detector learns flexible adaptive points as representations through a quality assessment and sample assignment scheme.
ODETR [MaOrientedDetr] Detection
DOTA[xia2018dota],
SKU110K-R[pan2020dynamic],
HRSC2016 [liu2017high]
mAP
Extends the standard DETR for oriented detection by introducing an encoder employing depthwise separable convolution.
AO2DETR [AO2DETR] Detection
DOTA[xia2018dota]
mAP
Introduces a DETR-based detector with oriented proposal generation scheme, a refine module to compute rotation-invariant features and a rotation-aware matching loss for performing the matching process for direct set predictions.
RBox [Tangcvpr22] Detection
SynthText[gupta2016synthetic],
ICDAR 2015 (IC15)[karatzas2015icdar],
MLT-2017 (MLT17)[nayef2017icdar2017],
MSRA-TD500[yao2012detecting],
MTWI[he2018icpr2018],
Total-Text[ch2017total],
CTW1500[yuliang2017detecting]
mAP
Proposes a framework employing transformers to model the relationship of sampled features for better grouping and box prediction without requiring post-processing operation.
Rodformer [Rodformer] Detection
DOTA[xia2018dota]
mAP
A hybrid detection architecture integrating the local characteristics of depth-separable convolutions with the global characteristics of MLP.
CD-Trans [ChenCDTGRS] Change Detection
WHU[ji2018fully],
LEVIR[chen2020spatial],
DSIFN[zhang2020deeply]
F1 score
Introduces a bi-temporal image transformer designed to model the spatio-temporal contextual information. The encoder captures context in token-based space-time, which are then fed to decoder where feature refinement is performed in the pixel-space.
Table V: Overview of transformers-based approaches in VHR remote sensing imaging. Here, we highlight transformers-based methods for different VHR remote sensing tasks.
\hlineB3 Method Task Datasets Metrics Highlights
\hlineB2 MSPSNet [guo2021deep] Change Detection
SYSU-CD[shi2021deeply],
LEVIR[chen2020spatial]
F1 score
Introduces a multi-scale Siamese framework employing a parallel convolutional structure for feature integration of different temporal images and self-attention for feature refinement.
SwinSUNet [zhang2022swinsunet] Change Detection
CCD[lebedev2018change],
WHU[ji2018fully],
OSCD[daudt2018urban],
HRSCD[daudt2019multitask]
F1 score
Introduces a Swin transformer-based network with a Siamese U-shaped structure having encoder, fusion and decoder modules.
TransUNetCD [li2022transunetcd] Change Detection
WHU[ji2018fully],
LEVIR[chen2020spatial],
CCD[lebedev2018change],
DSIFN[zhang2020deeply],
OSCD[daudt2018urban],
S2Looking[shen2021s2looking]
F1 score
Introduces a framework integrating merits of transformers and UNet through capturing enriched contextualized features which are upsampled and fused with multi-scale features to generate global-local features.
Hybrid-TransCD [HybridTransCD] Change Detection
LEVIR[chen2020spatial],
SYSU-CD[shi2021deeply]
F1 score
Introduces a multi-scale transformer that encodes both fine-grained and large object features through heterogeneous tokens via multiple receptive fields.
CCTNet [wang2022cctnet] Segmentation
Barley Remote Sensing Dataset [barley]
F1 score,
Overall accuracy
Proposes a hybrid CNN-transformers framework to combine local details and global conextual information for crop segmentation.
STransFuse [9573374] Segmentation
Potsdam[Potsdam],
Vaihingen[Vaihingen]
F1 score,
Overall accuracy
Introduces a framework that encodes both coarse-grained as well as fine-grained features at multiple scales which are fused using self-attentive mechanism.
Trans-CNN [9686732] Segmentation
Potsdam[Potsdam],
Vaihingen[Vaihingen]
F1 score,
Overall accuracy
Introduces a framework with a Swin transformer backbone to capture long-range dependencies and a U-shaped decoder with depth-wise separable convolution to encode local details.
SwinTF [panboonyuen2021transformer] Segmentation
Vaihingen[Vaihingen],
Thailand North Landsat-8 corpus (private),
Thailand Isan Landsat-8 corpus (private)
F1 score,
Overall accuracy
Introduces a framework with pre-trained Swin backbone along with a U-Net, feature pyramid network and a pyramid scene parsing network for segmentation.
Efficient-T [xu2021efficient] Segmentation
Potsdam[Potsdam],
Vaihingen[Vaihingen]
F1 score,
Overall accuracy
Proposes a light-weight framework consisting of an implicit edge enhancement scheme along with a Swin transformers.
STT [chen2021building] Building Extraction
WHU[ji2018fully],
INRIA[maggiori2017can]
IoU,
Overall accuracy,
F1 score
Introduces a transformers framework to learn long-range dependencies both in the spatial and channel direction.
STEB-UNet [xiao2022swin] Building Extraction
WHU[ji2018fully],
Massachusetts[maggiori2017can]
IoU,
F1 score
Introduces a transformers framework capturing semantic information from multi-scale features which are further fused to local features.
BuildFormer [wang2022buildformer] Building Extraction
WHU[ji2018fully],
Massachusetts[maggiori2017can],
INRIA[maggiori2017can]
IoU,
F1 score
Introduces an architecture consisitng of a window-based linear attention and a convolutional MLP.
T-Trans [qiu2022transferring] Building Extraction
Massachusetts[maggiori2017can]
,INRIA[maggiori2017can]
IoU,
F1 score
Explores the task of generalizability of building extraction models to different areas and introduces a transfer learning method to fine-tune models from one area to a subset of another unseen area.
TRL [shen2020remote]
Image Captioning
RSICD[lu2017exploring],
UCM-captions [UCMCaptions],
Sydney-Caption[sydney]
BLEU,
ROUGE,
METEOR,
CIDEr
Proposes an approach adapting transformers by integrating residual connections, dropout and adatpive feature fusion for remote sensing image caption generation.
MLAT[liu2022remote]
Image Captioning
RSICD[lu2017exploring],
UCM-captions[UCMCaptions],
Sydney-Caption[sydney]]
BLEU,
ROUGE,
METEOR,
CIDEr
Introduces an architecture where multi-scale features from CNN layers are extracted in encoder and a multi-layer aggregated transformer in the decoder uses those features for sentence generation.
Ren et al.[ren2022mask]
Image Captioning
RSICD[lu2017exploring],
UCM-captions[UCMCaptions],
Sydney-Caption[sydney]
BLEU,
ROUGE,
METEOR,
CIDEr
Proposes a topic token-based mask transformers with the topic token being integrated into encoder while serving as prior in decoder for capturing global semantic relationships.
TR-MISR [an2022tr]
Image Super Resolution
RSICD[lu2017exploring],
UCM-captions[UCMCaptions],
PROBA-V[martens2019super]
cPSNR,
cSSIM
Introduces a transformers-based architecture with an encoder having residual blocks, a fusion module along with a super-pixel convolution-based decoder for multi-image super-resolution.
MSE-Net [lei2021transformer]
Image Super Resolution
UCMerced[ucmerced],
AID[xia2017aid]
cPSNR,
cSSIM
Proposes a multi-stage enchancement framework to utilize features from different stages and further integrating them with standard super-resolution technique for combining multi-resolution low as well as high-dimension feature representations.
SRT [ye2021super]
Image Super Resolution
UCMerced[ucmerced]
cPSNR,
cSSIM
Introduces a hybrid framework that integrates local features from CNNs and global features from transformers.

Image Captioning: Image captioning in remote sensing images is a challenging problem, where the task is to generate semantically natural description of a given image. Few recent works have explored using transformers for image captioning. The work of [shen2020remote] introduces a framework, where standard transformers are adapted for remote sensing image caption generation by integrating residual connections, dropout layers and fusing features adaptively. Moreover, a reinforcement learning technique is utilized to further improve the caption generation process. An encoder-decoder architecture is introduced in [liu2022remote], where the multi-scale features are first extracted from different layers of CNNs in the encoder and then a multi-layer aggregated transformer is utilized in the decoder to effectively exploit the multi-scale features for generating sentences. The work of [ren2022mask] introduces a topic token-based mask transformers framework, where a topic token is integrated into the encoder and serves as a prior in the decoder for capturing improved global semantic relationships.
Image Super Resolution Remote sensing image super-resolution is the task of recovering high-resolution images from their low-resolution counterparts. A few recent works have explored transformers for this task. A transformer-based multi-stage enhancement structure is introduced in [lei2021transformer] that leverages features from different stages. The proposed multi-stage structure can be combined with conventional super-resolution techniques in order to fuse multi-resolution low as well as high-dimension features. [ye2021super] proposes a CNN-transformer hybrid architecture to integrate both local and global feature information for super-resolution. The work of [an2022tr] explores the problem of multi-image super-resolution, where the task is to merge multiple low-resolution remote sensing images of the same scene into a high-resolution one. Here, a transformers-based approach is introduced comprising an encoder having residual blocks, a fusion module and a super-pixel convolution-based decoder.

To summarize the review of transformers in VHR imagery, we present a holistic overview of different techniques in literature in Tab.V.

Vi Transformers in Hyperspectral Imaging

As discussed earlier, hyperspectral images are represented by several spectral brands and analyzing hyperspectral data is crucial in a wide range of problems. Here, we present a review of recent transformers-based approaches for different hyperspectral imaging (HSI) tasks.

Vi-a Image Classification

Here, the task is to automatically classify and assign a category label to each pixel in an image acquired through hyperspectral sensors. Next, we first review recent works that are either based on the pure transformers design or utilize a hybrid CNN-transformers approach. Afterwards, we discuss few recent transformers-based approaches fusing different modalities for hyperspectral image classification.

Pure Transformers-based Methods: Among existing works, the approach of [he2019hsi] introduces a bi-directional encoder representation from transformers, called HSI-BERT, that strives to capture global dependencies. The proposed architecture is flexible and can be generalized from different regions with the need to perform pre-training. A transformers-based backbone, called SpectralFormer, is introduced in [hong2021spectralformer] that can take pixel-wise or patch-wise inputs and is designed to capture spectrally local sequence knowledge from nearby hyperspectral bands. SpectralFormer utilizes cross-layer skip connection to circulate information from shallow to deep layers by learning soft residuals across layers, thereby producing group-wise spectral embeddings. To circumvent the problem of fixed geometric structure of convolution kernels, a spectral–spatial transformer network is proposed in [zhong2021spectral] comprising a spatial attention and a spectral association module. While the spatial attention aims at connecting the local regions through aggregation of all input feature channels with spatial kernel weights, the spectral association is achieved through the integration of all spatial locations of the corresponding masked feature maps. Transformers are also explored in the spatial and spectral dimensions in [liu2022dss]. Here, a framework is introduced comprising spectral self-attention that learns to capture interactions along the spectral dimension and a spatial self-attention designed to pay attention to features along the spatial dimension. The resulting features from both spectral and spatial self-attention are then combined and input to the classifier.

Overview of the CTN framework
Figure 10: Overview of the CTN framework [zhao2022convolutional] for hyperspectral image classification. Given the HSI data patches, CTN processes them to center position encoding (CPE), convolutional transformer and classification modules. Here, the output represents the category label. Figure is from [zhao2022convolutional]. Best viewed zoomed in.

Hybrid CNN-Transformers based Methods: Several works recently have explored combining the merits of CNNs and transformers to better capture both the local information as well as long-range dependencies for hyperspectral image classification. To this end, a convolutional transformer network, named CTN, is introduced in [zhao2022convolutional] that utilizes center position encoding to generate spatial position features by combining pixel positions with spectral features as well as convolutional transformer to further obtain local-global features, as shown in Fig.10. A hyperspectral image transformer (HiT) classification approach is proposed in [yang2022hyperspectral], where convolutions are embedded into transformers architecture to further integrate local spatial contextual information. The proposed approach comprises two main modules, where one module, called spectral-adaptive 3-D convolution projection, is designed to generate spatial-spectral local information via spectral adaptive 3D convolution layers from hyperspectral images. The other module, named Conv-Permutator, employs depthwise convolutions to capture spatial–spectral representations separately along the spectral, height and width dimensions. The work of [jia2022multiscale] introduces a multi-scale convolutional transformer that effectively captures spatial-spectral information which can be integrated with transformers network. Further, a self-supervised pre-task is defined that masks the token of the central pixel in the encoder, whereas remaining tokens are input to the decoder in order to reconstruct the spectral information corresponding to the central pixel. In [sun2022spectral], a spectral–spatial feature tokenization transformer, called SSFTT, is proposed that generates spectral-spatial and semantic features. The SSFTT comprises a feature extraction module that produces low-level spectral and spatial features by employing a 3D and a 2D convolution layer. Furthermore, a Gaussian weighted feature tokenizer is utilized in SSFTT for feature transformation which are then input to a transformer encoder for feature representation. Consequently, a linear layer is employed to generate the sample label. Zhao et al. [zhao2022convolutional] proposes a convolutional transformer network (CTN) that employs center position encoding to combine spectral features with pixel positions. The proposed architecture introduces convolutional transformer blocks that effectively integrates local and global features from hyperspectral image patches. Yang et al. [yang2022hyperspectral] introduces a hyperspectral image transformer (HiT) framework, where convolution operations are embedded within the transformers design for also integrating local spatial contextual information. The HiT framework comprises of a spectral-adaptive 3D convolution projection to capture local spatial-spectral information. Additionally, the HiT framework employs a conv-permutator module that uses the depthwise convolution for explicitly capturing the spatial-spectral information along different dimensions: height, width and spectral. The work of [sun2022spectral] introduces a spectral–spatial feature tokenization transformer, named SSFTT, that consists of a spectral-spatial feature extraction scheme for encoding shallow spectral-spatial features, a feature transformation module which produces transformed features used as input in the encoder.

Multi-modal Fusion Transformers based Methods: Few recent transformers-based works also explore fusing different modalities, such as hyperspectral, SAR, LiDAR for hyperspectral image classification. A Multi-modal fusion transformer, MFT, is introduced in [roy2022multimodal], that comprises a data fusion scheme to derive class tokens in the transformers from multi-modal data (e.g., LiDAR, SAR) along with the standard hyperspectral patch tokens. Further, the attention mechanism within MFT fuses information from tokens of hyperspectral and other modalities into a new token of integrated features. The work of [xue2022deep] introduces an approach, where a spectral sequence transformer is utilized to extract features from hyperspectral images along the spectral dimension and a spatial hierarchical transformer to generate spatial features in a hierarchical manner from both hyperspectral and LiDAR data.

A qualitative comparison, in terms of visualization of classification maps, between HSI-BERT and several CNN-based methods on the Pavia dataset. Here, (a) CNN, (b) CNN-PPF, (c) CDCNN, (d) DRCNN, and (e) HSI-BERT. Figure is from
Figure 11: A qualitative comparison, in terms of visualization of classification maps, between HSI-BERT and several CNN-based methods on the Pavia dataset. Here, (a) CNN, (b) CNN-PPF, (c) CDCNN, (d) DRCNN, and (e) HSI-BERT. Figure is from [he2019hsi].
Method Venue Type Indian Pines Pavia
CNN [HuSensors] Sensors CNNs 87.01 92.27
CNN-PPF [Li2018fully] TGRS CNNs 93.90 96.48
HSI-BERT [he2019hsi] TGRS Pure 99.56 99.75
DSS-TRM [liu2022dss] EJRS Pure 99.43 98.50
CTN [zhao2022convolutional] GRSL Hybrid 99.11 97.48
Table VI: Comparison in terms of overall accuracy (OA) of some representative CNN-based methods with pure transformers and hybrid CNN-transformers based hyperspectral image classification methods on two popular benchmarks: Indian Pines and Pavia. Here, the results are reported using 200 samples for training for each category.

Tab.VI shows a comparison of some representative CNN-based approaches with both pure transformers and hybrid CNN-transformers based methods on two popular hyperspectral image classification benchmarks: Indian Pines and Pavia. The Indian Pines dataset is acquired through airborne visible/infrared imaging spectrometer (AVIRIS) sensor in Northwestern Indiana, USA. Here, the images comprise 145 145 pixels in the spatial dimension, at a ground sampling distance (GSD) of 20m with 220 spectral bands that cover the wavelength range of 400–2500 nm. After the removal of noisy bands, 200 spectral brands are retained. The original dataset contains 16 class, where several methods discard the small classes. For the remaining categories, the number of training samples are 200 per class. The Pavia dataset comprises images acquired through the reflective optics system imaging spectrometer (ROSIS) sensor over Pavia, Italy. Here, the images consist of 610 340 pixels in the spatial dimension, at a GSD of 1.3m with 103 spectral bands covering from 430 to 860 nm. The dataset contains nine categories, where the number of training samples are 200 per class. Generally, three metrics are used to evaluate the performance of methods quantitatively: overall accuracy, average accuracy and kappa coefficient. The overall accuracy (OA) denotes to the proportion of correctly classified test samples, whereas average accuracy (AA) reflects the average recognition accuracy for each category. The kappa coefficient refers to the consistency between the generated classification maps from the model and the available ground-truth. Fig.11 presents a qualitative comparison between HSI-Bert [he2019hsi] and other existing CNN-based methods on the Pavia dataset.

\hlineB3 Transformers in Hyperspectral Imagery
\hlineB2 Method Task Datasets Metrics Highlights
\hlineB2 SpectralFormer [hong2021spectralformer] Classification
Indian Pines[indian],
Pavia University[pavia],
Houston2013[houston]
Overall classification accuracy,
Kappa
Introduces a transformers-based backbone to capture spectrally local information from nearby hyperspectral bands by generating group-wise spectral embeddings.
MCT [jia2022multiscale] Classification
Salinas[salinas],
Yellow River Estuary
Overall classification accuracy,
Kappa
Proposes a multi-scale convolutional transformer to encode spatial-spectral information that is integrated with transformers network.
MFT[roy2022multimodal] Classification
University of Houston[houston],
Trento,
MUUFL Gulfport[gader2013muufl],
Augsburg scenes
Overall classification accuracy,
Kappa
Proposes a multi-modal transfomers that derives class tokens from multi-modal data along with the standard hyperspectral patch tokens.
CTN [zhao2022convolutional] Classification
Indian Pines[indian],
Pavia University[pavia]
Overall classification accuracy,
Kappa
Introduces a convolutional transformer network with dedicated blocks that integrates local and global features from hyspectral image patches.
DHViT [xue2022deep] Classification
Trento,
Houston 2013[houston],
Houston 2018[Houston18]
Overall classification accuracy,
Kappa
Introduces an approach comprising a spectral sequence transformer to encode features along the spectral dimension and a spatial hierarchical transformer to produce hierarchical spatial features for hyperspectral and LiDAR data.
DSS-TRM [liu2022dss] Classification
Pavia University[pavia],
Salinas[salinas],
Indian Pines[indian]
Overall classification accuracy,
Kappa
Introduces a transformers-based approach consisting of spectral self-attention and spatial self-attention to capture interactions along spectral and spatial dimension, respectively.
HiT [yang2022hyperspectral] Classification
Indian Pines[indian],
Pavia University[pavia],
Houston2013[houston],
Xiongan
Overall classification accuracy, Kappa
Proposes a hyperspectral image transformer consisting of a 3D convolution projection module to encode local spatial-spectral details and a conv-permutator modue to capture the information along height, width and spectral dimensions.
HSI-BERT [he2019hsi] Classification
Indian Pines[indian],
Pavia University[pavia],
Salinas[salinas]
Overall classification accuracy
Proposes a transformers-based method that captures capture global dependencies using a bi-direction encoder representation.
SSFTT [sun2022spectral] Classification
Indian Pines[indian],
Pavia University[pavia],
Houston 2013[houston]
Overall classification accuracy,
Kappa
Proposes a spectral–spatial feature tokenization transformer that utilizes both spectral-spatial shallow and semantic features for representation and learning.
SSTN [zhong2021spectral] Classification
Pavia University[pavia],
Kennedy Space Center,
Indian Pines[indian],
University of Houston[houston],
Pavia Center[paviacenter]
Overall classification accuracy,
Kappa
Introduces a spectral–spatial transformer with a spatial attention and a spectral association module. The two modules perform spectral and spatial association through the integration of spectral and spatial locations, respectively.
CTIN [zhou2022panformer] Pan-Sharpening
worldview II[WVii],
worldview III[wviii],
GaoFen-2
IQA,
ERGAS,
PSNR,
SAM
A transformers-based approach is introduced, where multi-spectral and panchromatic features are captured for joint feature learning across modalities. Further, an invertible neural module performs feature fusion to generate pansharpened images.
HyperTransformer [Bandaracvpr22] Pan-Sharpening
Pavia Center[paviacenter],
Botswana[Botswana],
Chikusei[NYokoya2016]
Cross-correlation(CC),
Spectral Angle Mapping (SAM),
RSNR,
ERGAS,
PSNR
Introduces a transformers-based framework with separate feature extractors for panchromatic and hyperspectral images and a spectral-spatial fusion module to learn cross-feature space dependencies of features.
PMACNet [liang2022pmacnet] Pan-Sharpening
worldview II[WVii],
worldview III[wviii]
spatial correlation coefficient(SCC),
spectral angle mapper (SAM)
Introduces a framework with a parallel CNN structure to learn ROIs from low-resolution image and residuals from high-resolution image. It also contains a a pixel-wise attention module to adapt residuals on the learned ROIs.
CPT-noRef [li2022pan] Pan-Sharpening
Gaofen-1,
worldview II[WVii],
Pleiades[pleiades]
IQA,
ERGAS,
SAM,
correlation coefficient(CC)
A CNN-transformers framework where global features are generated using transformers and local features are constructed using a shallow CNNs. The features are combined and a loss formulation having spatial and spectral losses are utilized for training.
MSIT [zhang2022multiscale] Pan-Sharpening
GeoEye-1,
QuickBird[QB]
ERGAS,
SAM,
Q4
Introduces a multi-scale spatial–spectral interaction transformer with a convolution-transformer encoder for generating multi-scale global and local features from both low-resolution and panchromatic images.
Su et al.[su2022transformer] Pan-Sharpening
worldview II[WVii], QuickBird[QB], GaoFen-2
spatial correlation coefficient(SCC),
ESGAS,
RMSE,
SAM,
Q4
A transformers-based approach with spatial and spectral feature extraction performed using a Swin model.
Table VII: Overview of transformers-based approaches in Hyperspectral imaging. Here, we highlight methods for different Hyperspectral remote sensing tasks.

Vi-B Hyperspectral Pansharpening

In the hyperspectral pansharpening problem, the task is to enhance low-resolution hyperspectral image spatially using the spatial information from registered panchromatic image, while preserving the spectral information of the low-resolution image. Pansharpening plays an important role in a variety of tasks in remote sensing, including classification and change detection. Previously, CNN-based approaches have shown promising results for this task. Recently, transformers-based methods have performed favorably for this problem by also utilizing the useful global contextual information. A multi-scale spatial–spectral interaction transformer, MSIT, is proposed by [zhang2022multiscale] that comprises a convolution–transformer encoder to extract multi-scale local and global features from low-resolution and panchromatic images. The work of [li2022pan] introduces an architecture, where global features are constructed using transformers and local features are computed using a shallow CNN. These multi-scale features extracted in a pyramidal fashion are learned simultaneously. The proposed approach further introduces a loss formulation with spatial and spectral loss simultaneously used for training using the real data. Liang et al. [liang2022pmacnet] propose a framework, named PMACNet, where both the region-of-interest from the low-resolution image and the residuals for regression to high-resolution image are learned in a parallel CNN structure. Afterwards, a pixel-wise attention module is utilized to adapt the residuals based on the learned region-of-interest.

A transformers-based regression network is introduced by [su2022transformer], where the feature extraction of spatial and spectral information is performed by utilizing a Swin transformer model. The work of [DBLP:conf/aaai/ZhouHFFL22] introduces a transformers-based approach, where multi-spectral and panchromatic features are formulated as keys and queries for enabling joint learning of features across the modalities. Further, this work employs an invertible neural module to perform effective fusion of the features for generating the pansharpened images. Bandara et al. [Bandaracvpr22] propose a framework comprising separate feature extractors for panchromatic and hyperspectral images, a soft attention mechanism and a spectral-spatial fusion module. The pansharpened image quality is improved by learning cross-feature space dependencies of the different features.

To summarize the review of transformers in hyperspectral imaging, we provide a holistic overview of the existing techniques in literature in Tab.VII.

Vii Transformers in SAR Imagery

As discussed earlier, SAR images are constructed from the signals of the electromagnetic waves, through a a sensor platform, transmitted to the surface of Earth. SAR possesses unique characteristics due to being unaffected with different environmental conditions such as, day, night and fog. Here, we review recent transformers-based approaches for SAR imaging tasks.

Vii-a SAR Image Interpretation

Classification: Accurately classifying the target categories within SAR images is a challenging problem with numerous real-world applications. Recently, transformers have been explored for automatic interpretation and target recognition in SAR imagery. The work of [9658539] explores vision transformers for polarimetric SAR (PolSAR) image classification. In this framework, the pixel values of the image patches are considered as tokens and the self-attention mechanism is employed to capture long-range dependencies followed by multi-layer perceptron (MLP) and learnable class tokens to integrate features. A contrastive learning technique is utilized within the framework to reduce the redundancies and perform the classification task. Fig.12 shows the overview of the framework and a qualitative comparison in terms of supervised classification is presented in Fig.13. s

Other than the aforementioned pure transformers-based approach, hybrid methods utilizing both CNNs and transformers also exist in literature. The work of [9713848] introduces a global–local network structure (GLNS) framework that combines the merits of CNNs and transformers for SAR image classification. The proposed GLNS employs a lightweight CNN along with an efficient vision transformer to capture both local and global features which are later fused to perform the classification task. Other than standard fully-supervised learning, transformers are also explored in the limited supervision regime such as, few-shot SAR image classification. Cai et al. [cai2022st] introduce a few-shot SAR classification approach, named ST-PN, where a spatial transformer network is utilized for performing spatial alignment on CNN-based features.

Overview of the ViT-PolSAR framework
Figure 12: Overview of the ViT-PolSAR framework [9658539] for supervised polarimetric SAR image classification. Here, the pixel values of the SAR image patches are considered as tokens and then the self-attention mechanism is utilized to encode longe-range dependencies followed by MLP. Figure is from [9658539]. Best viewed zoomed in.
A visual comparison, in terms of supervised classification of the entire map on the ALOS2 San Francisco dataset. Here, (a), (b), (c), (d), (e), (f), (g), and (h) shows the results obtained from Wishart, RBF-SVM, CV-CNN, 3D-CNN, PSENet, SF-CNN and ViT-PolSAR, respectively. Figure is from
Figure 13: A visual comparison, in terms of supervised classification of the entire map on the ALOS2 San Francisco dataset. Here, (a), (b), (c), (d), (e), (f), (g), and (h) shows the results obtained from Wishart, RBF-SVM, CV-CNN, 3D-CNN, PSENet, SF-CNN and ViT-PolSAR, respectively. Figure is from [9658539].

Segmentation and Detection: Detection and segmentation in SAR imagery is vital for different applications such as, crop identification, target detection, and terrain mapping. In SAR imagery, segmentation can be challenging due to the appearance of speckles which is a type of multiplicative noise that increases with the back-scattering radar magnitude. Among recent transformers-based approaches, the work of [ke2022gcbanet] introduces a framework, named GCBANet, for SAR ship instance segmentation. Within the GCBANet framework, a global contextual block is employed to encode spatial holistic long-range dependencies. Furthermore, a boundary-aware box prediction technique is introduced to predict the boundaries of the ship. Xia et al. [xia2022crtranssar] introduce an approach, named CRTransSar, that combines the benefits of CNNs and transformers to capture both local and global information for SAR object detection. The proposed CRTransSar works by constructing a backbone with attention and convolutional blocks. A geospatial transformer framework is introduced in [chen2022geospatial], comprising the steps of image decomposition, multi-scale geo-spatial contextual attention and recomposition for detecting aircrafts in SAR imagery. A feature relation enhancement framework is proposed in [zhang2022sfre] for aircraft detection in SAR imagery. The proposed framework adopts a fusion pyramid structure to combine features of different levels and scales. Further, a context attention enhancement technique is employed to improve the positioning accuracy in complex backgrounds.

Other than ship and aircraft detection, the recent work of [ma2021end] introduces a transformers-based framework for 3D detection of oil tank targets in SAR imagery. In this framework, the incidence angle is input to the transformer as a prior token followed by a feature description operator that utilizes scattering centers for refining the predictions.

\hlineB3 Transformers in SAR Satellite Imagery
\hlineB2 Method Task Datasets Metrics Highlights
\hlineB2 ViT-PolSAR [9658539] Classification
AIRSAR Flevoland [norikane1992application],
ESAR Oberpfaffenhofen[ESAR],
AIRSAR San Francisco[sanfran],
ALOS2 San Francisco[alos2]
AA,
OA,
Kappa
Explores transformers, where self-attention is used to capture long-range dependencies followed by MLP for polarimetric SAR image classification.
GLNS [9713848] Classification
Gaofen-3 SAR[Gaofen3],
F-SAR[FSAR]
AA,
OA,
Kappa
Introduces a global–local network structure to exploit the merits of CNNs and transformers with local and global features that are fused to perform classification.
ST-PN [cai2022st] Classification
MSTAR[MSTAR]
Accuracy
Proposes a spatial transformer network for spatial alignment of features extracted from CNNs for few-shot SAR classification.
GCBANet [ke2022gcbanet] Segmentation
SSDD[8124934],
HRSID[9127939]
AP
Introduces a transformers-based approach with a global contextual block for capturing spatial holistic long-range dependencies and a boundary-aware prediction scheme for estimating the boundaries of ship.
CRTransSar [xia2022crtranssar] Detection
SMCDD[xia2022crtranssar],
SSDD[8124934]
Accuracy,
Recall,
mAP,
F1
Proposes a backbone based on convolutional and attention blocks for capturing both local and global features.
Geospatial Transformers [chen2022geospatial] Detection
Gaofen-3[Gaofen3]
DR,
FAR
Introduces a framework with multi-scale geo-spatial attention for aircraft detection in SAR imaging.
SFRE-Net [zhang2022sfre] Detection
Gaofen-3[Gaofen3]
Precision,
Recall,
F1
Introduces a feature relation enhancement architecture consisting of a fusion pyramid structure and a context attention enhancement technique.
3DET-ViT [ma2021end] Detection
L1B SAR[L1B]
AP,
AR,
Mean Offset
Proposes a transformers-based framework that takes incidence angle as a prior token with a feature description operator employing scattering centers for prediction refinement.
ID-ViT [Perera22neural] Despeckling
Berkeley Segmentation Dataset[937655]
PSNR,
SSIM
Proposes a framework comprising an encoder to learn global dependencies among SAR image regions, where the network is trained using synthetic speckled data.
CLT [Huihui22neural] Change Detection
Brazil and Namibia datasets[BrazilNamibia],
simulation data[Huihui22neural]
KC
Introduces a self-supervised contrastive representation learning method with a convolution-enhanced transformer to generate hierarchical representations for distinguishing changes from HR SAR images.
CF-ViT [Fan22RS] Image Registration
MegaDepth[MegaDepthLi18]
KC
A CNN-transformers framework that first performs coarse registration on the down-sampled image, followed by registration of image pairs via a CNN-transformer module with the resulting point pair subsets integrated to obtain final global registration.
Table VIII: Overview of transformers-based approaches in SAR imaging. Here, we highlight methods for different SAR remote sensing tasks.

Vii-B Others

Apart from SAR image classification, detection and segmentation, few works exist exploring transformers for other SAR imaging problems such as, image despeckling.

SAR Image Despeckling: The aforementioned interpretation of SAR imaging is made challenging due to the degradation of images caused by a multiplicative noise known as speckle. Recently, transformers have been explored for SAR image despeckling. The work of [Perera22neural] introduces a transformers-based framework comprising an encoder that learns global dependencies among various SAR image regions. The transformers-based network is trained in an end-to-end fashion with synthetic speckled data by utilizing a composite loss function.

Change Detection in SAR Images: SAR images can be affected by imaging noise which presents challenges when detecting changes in high-resolution (HR) SAR data. Recently, a self-supervised contrastive representation learning technique has been proposed by [Huihui22neural], where hierarchical representations are constructed using a convolution-enhanced transformer to distinguish the changes from HR SAR images. A convolution-based module is introduced to enable interactions across windows when performing self-attention computations within local windows.

SAR Image Registration: Several applications such as, change detection involves joint analysis and processing of multiple SAR images that are likely acquired in different imaging conditions. Thus, accurate SAR image registration is desired where the reference and the sensed images are registered. The recent work of [Fan22RS] explores transformers for large-size SAR dense-matching registration. Here, a hybrid CNN-transformer is employed to register images under weak texture condition. First, coarse registration is performed via the down-sampled original SAR image. Then, cluster centers of registration points are selected from the previous coarse registration step. Afterwards, the registration of image pairs are performed using a CNN-transformer module. Lastly, the resulting point pair subsets are integrated to achieve the final global transformation through RANSAC.

In summary, we present a holistic overview of the existing transformers techniques in SAR imagery in Tab.VIII.

Viii Discussion and Conclusion

In this work, we presented a broad overview of transformers in remote sensing imaging: very-high resolution (VHR), hyperspectral and synthetic aperture radar (SAR). Within these different remote sensory imagery, we further discuss transformers-based approaches on a variety of tasks, such as classification, detection and segmentation. Our survey covers more than 60 transformers-based remote sensing research works in literature. We observed transformers to obtain favorable performance on different remote sensing tasks likely due to their capabilities to capture long-range dependencies along with their representation flexibility. Further, the public availability of several standard transformers architectures and backbones make it easier to explore their applicability in remote sensing imaging problems.

Open Research Directions: As discussed earlier, most existing transformer-based recognition approaches employ backbones pre-trained on the ImageNet dataset. One exception is the work of [Wang2022empirical] that explore pre-training vision transformers on a large-scale remote sensing dataset. However, in both cases the pre-training is performed in a supervised fashion. An open direction is to explore large-scale pre-training in a self-supervised fashion by taking into account an abundant amount of unlabeled remote sensing imaging data.

Our survey also shows that most existing approaches typically utilize a hybrid architecture where the aim is to combine the merits of convolutions and self-attention. However, transformers are typically known to have a higher computational cost to compute global self-attention. Several recent works have explored different improvements in the transformers design such as, reduced computational overhead [CSWin], efficient hybrid CNN-transformers backbones [MobileViT] and unified architectures for image and video classification [MViTv2]. Moreover, due to the utilization of more training data by transformers, there is a need to construct larger-scale datasets in remote sensing imaging. For most problems discussed in this work and especially in case of object detection, heavy backbones are typically utilized to achieve better detection accuracy. However, this significantly slows down the speed of the aerial detector. An interesting open direction is to design light-weight transformers-based backbones to classify detect oriented targets in remote sensing imagery. Another open research direction is to explore the adaptability of the transformers-based models to heterogeneous source of images such as, SAR and UAV (e.g., change detection).

In this survey, we also observe several existing approaches to utilize transformers in a plug-and-play fashion for remote sensing. This leads to the need of designing effective domain-specific architectural components and loss formulations to further boost the performance. Moreover, it is intriguing to study the adversarial feature space of vision transformers models that are pre-trained on remote sensing benchmarks and their transferability.

References