Next Article in Journal
Modelling of the Electron Density and Total Electron Content in the Quiet and Solar X-ray Flare Perturbed Ionospheric D-Region Based on Remote Sensing by VLF/LF Signals
Next Article in Special Issue
Automated School Location Mapping at Scale from Satellite Imagery Based on Deep Learning
Previous Article in Journal
Flood Detection Using Multiple Chinese Satellite Datasets during 2020 China Summer Floods
Previous Article in Special Issue
Bias in Deep Neural Networks in Land Use Characterization for International Development
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

LPIN: A Lightweight Progressive Inpainting Network for Improving the Robustness of Remote Sensing Images Scene Classification

1
Research Department of Medical Support Technology, Academy of Military Science, Tianjin 300161, China
2
Institute of Systems Engineering, Academy of Military Science, Beijing 100171, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(1), 53; https://doi.org/10.3390/rs14010053
Submission received: 4 December 2021 / Revised: 18 December 2021 / Accepted: 21 December 2021 / Published: 23 December 2021

Abstract

:
At present, the classification accuracy of high-resolution Remote Sensing Image Scene Classification (RSISC) has reached a quite high level on standard datasets. However, when coming to practical application, the intrinsic noise of satellite sensors and the disturbance of atmospheric environment often degrade real Remote Sensing (RS) images. It introduces defects to them, which affects the performance and reduces the robustness of RSISC methods. Moreover, due to the restriction of memory and power consumption, the methods also need a small number of parameters and fast computing speed to be implemented on small portable systems such as unmanned aerial vehicles. In this paper, a Lightweight Progressive Inpainting Network (LPIN) and a novel combined approach of LPIN and the existing RSISC methods are proposed to improve the robustness of RSISC tasks and satisfy the requirement of methods on portable systems. The defects in real RS images are inpainted by LPIN to provide a purified input for classification. With the combined approach, the classification accuracy on RS images with defects can be improved to the original level of those without defects. The LPIN is designed on the consideration of lightweight model. Measures are adopted to ensure a high gradient transmission efficiency while reducing the number of network parameters. Multiple loss functions are used to get reasonable and realistic inpainting results. Extensive tests of image inpainting of LPIN and classification tests with the combined approach on NWPU-RESISC45, UC Merced Land-Use and AID datasets are carried out which indicate that the LPIN achieves a state-of-the-art inpainting quality with less parameters and a faster inpainting speed. Furthermore, the combined approach keeps the comparable classification accuracy level on RS images with defects as that without defects, which will improve the robustness of high-resolution RSISC tasks.

Graphical Abstract

1. Introduction

Remote Sensing (RS) images are widely used in earth science, agriculture, military reconnaissance, disaster rescue and many other fields. To fully understand and utilize the rich information of the earth surface contained in RS images, the task of RS images scene classification (RSISC) has become a research hotspot. Most existing RSISC methods [1] can be roughly divided into two categories according to their approaches to feature designing and extracting. One is the traditional machine learning-based methods with hand-crafted features, such as models based on Bag of Visual Words (BoVW) [2], Randomized Spatial Partition (RSP) [3], Hierarchical Coding Vector (HCV) [4] and Fisher vectors (FVs) [5]. As deep learning technology has been proved to have excellent performance in computer vision and pattern recognition [6,7], the classification methods based on Convolutional Neural Network (CNN) [8,9,10,11,12,13,14,15,16,17,18,19] have been widely investigated for they can learn and extract image features automatically. Hu et al. [9] and Du et al. [10] used a pretrained CNN to extract image features. Yin et al. [11] defined three types of fusion-based models for RSISC and gave typical fusion methods. Li et al. [12] proposed a hybrid architecture of a pre-trained model combined with an unsupervised encoding method. Wang et al. [13] adopted an attention module and constructed an end-to-end network. Li et al. [14], Jiang et al. [15], and Zhang et al. [16] used Capsule Network (CapsNet) in their model which can preserve the spatial information of RS images. To date, the RSISC tasks have achieved a quite high-level accuracy on standard datasets. For instance, the overall accuracy (OA) is 94.87% [16] on the NWPU-RESISC45 dataset [20] and 96.05% [16] on the Aerial Image Dataset (AID) [21], both with a training ratio of only 20%. Moreover, the RS image classifications using the red-green-blue band of EuroSAT dataset [22] achieves an accuracy of 99.17% via deep transfer learning [23].

1.1. The Dilemma of Existing RSISC Methods

As reviewed above, the existing RSISC methods have performed well on standard RS image datasets, but cannot achieve a similar accuracy on real RS images, which usually have defects due to satellite sensors failures and atmospheric environment disturbances. Three typical defects exist in real RS images: (1) Periodic stripes. On 31 May 2003, the off problem of Landsat-7 Enhanced Thematic Mapper Plus (ETM+) Scan-Line Corrector (SLC) resulted in a stripe shape pixel loss in the images acquired since then. (2) Random noises. The electromagnetic interference between the satellite optical sensors and the load devices often generates random noises and leads to dead pixels in RS images. (3) Thick clouds. Thirty-five percent of the earth surface is covered by clouds [24], which makes it difficult to obtain pure RS images without clouds. In summary, the defects in real RS images will inevitably introduce invalid pixel interferences to RSISC tasks.
Experimental results in this paper show that the classification accuracy of a well performed model on the standard dataset may decrease by 68.05% at most when dealing with the defected RS images. The existing RSISC tasks take the defected RS images as the input and the invalid pixels directly participate in feature extracting as shown in Figure 1. These invalid pixels induce a defect information flow during the feature processing and might lead to the misclassification of scene classifier and the decrease of classification accuracy. Therefore, we believe that the existing RSISC tasks face a dilemma of accurate classification on real RS images with defects. The task of improving the robustness of RSISC methods and maintaining their classification accuracy on real RS images with defects is crucial for practical application of RSISC and is also the research emphasis of this paper.

1.2. The Approach to Overcoming this Dilemma

A variety of methods have been proposed to reduce the interference of defects in the defected images. For example, Li et al. [25] replaced several layers in the model with discrete wavelet transform. Duan et al. [26] designed image features that are insensitive to defects. Chen et al. [27] proposed a method to learn the statistical characteristics of defects and used image filters to separate the defects. Chen et al. [28] also adopted a spectral-spatial preprocessing algorithm to improve the performance of the hyperspectral RS image classification. However, these methods are mainly designed for enhancing the anti-defect capability of their models instead of eliminating defects. Various modules are adopted in the models to decrease interference of the defects, which leads to an increase in the complexity and training time of the model.
In addition, to apply the inpainting network on small portable systems such as RS unmanned aerial vehicles (UAV) for practical application of RSISC tasks, the models must be lightweight due to the restriction of memory and power consumption, which we believe is also one of the current challenges dealing with the defect RS images and needs to be paid extra attention to.
At present, few studies on improving the robustness of RSISC from the perspective of purifying the input images and lightweight design have been reported. Thus, to solve the dilemma fundamentally, we propose a Lightweight Progressive Inpainting Network (LPIN) based on the lightweight design, and a novel approach to purifying the front-end input RS images as shown in Figure 2 instead of improving the anti-defect ability of the back-end classification methods.
Different from the commonly used image preprocessing methods, such as image filtering, the proposed LPIN focuses on the image reconstruction to generate a completely new RS image and cut off the defect information flow introduced by invalid pixels. The LPIN has a light model weight and a fast computing speed which ensures it is suitable for the practical application of RSISC tasks. Then, it is combined with existing RSISC methods to extract purified features and improve the classification accuracy and the robustness of RSISC tasks. Besides, the proposed approach also has a wide applicability and can be adopted to multiple back-end classification methods.

1.3. Related Works of Image Inpainting

The image inpainting technology is used to reconstruct the images with undesired regions, it involves a branch of image reconstructions and has been widely applied in computer vision [29], such as human face repairing, mosaic removal, watermark removal, cultural heritage image restoration and so on. For RS images inpainting, patch matching based on probability and statistics theories are the most widely used methods. They aim at searching and matching suitable patches in valid regions and copy them to the corresponding defect regions [30,31,32,33]. Zheng et al. [34] inpainted the hyperspectral RS images with Nonlocal Second-order Regularization (NSR) and used semi-patch to accelerate nearest neighbor searching. Zhuang et al. [35] proposed a Fast Hyperspectral Denoising (FastHyDe) model and a Fast Hyperspectral Inpainting (FastHyIn) model to deal with defects in hyperspectral RS images. Li et al. [36] used Patch Matching-based Multitemporal Group Sparse Representation (PM-MTGSR) with auxiliary images to inpaint the defect region caused by thick cloud occlusion and sensor faults. Lin et al. [37] used the temporal correlation of RS images to create patch clusters in the temporal and spatial layers, and searched and matched the missing information from the clusters to inpaint the cloud-contaminated images. These methods can inpaint the defects in RS images, but if there are no suitable patches in the valid regions or the defect regions to be inpainted have complex structures, the inpainting often gives unsatisfactory results.
Compared with the patch-based methods, the deep learning-based methods can achieve much better inpainting performance because they can learn from the image content and style automatically and comprehend the image globally. Pathak et al. [38] proposed a Context Encoder (CE) model, which proved the feasibility of CNN for image inpainting. Since then, various architectures and modules have been developed to generate more reasonable and realistic inpainting results. However, in the practical use of RSISC tasks on small portable systems, the inpainting network needs to have less parameters and a lightweight structure due to the restriction of memory and power consumption. However, in the field of image inpainting, researchers mainly focused on designing new modules or architectures and neglected the lightweight of networks.
For example, to maintain consistency of local texture and global content, Iizuka et al. proposed a Generative Adversarial Networks (GAN) [39] based model Global and Local Consistent Image Completion (GLCIC) [40] with a local discriminator and a global discriminator. To extract distant contextual information for the image missing part of an image, Yu et al. [41] released a coarse-to-fine inpainting network DeepFill based on Wasserstein GAN (WGAN) [42]. To extract valid multi scale features, Liu et al. [43] carried out a Partial Convolution (PCONV) layer with U-net [44] architecture. To avoid treating all image pixels as legal ones, Yu et al. [45] proposed a method called DeepFill v2 using a gated convolution to replace the vanilla convolution in the network. To generate structural information of different scales for a reasonable structured image, Li et al. [46] adopted two Progressive Reconstructions of a Visual Structure (PRVS) layer in the encoder-decoder network. To avoid excessive smoothness and blurring, Nazeri et al. [47] proposed the EdgeConnect method which first generates an edge map and then learns the prior knowledge from the edge map to obtain the result. To ensure the semantic relevance and context continuity of the edges of missing part, Liu et al. [48] adopted a Coherent Semantic Attention (CSA) layer to the generator of GAN. To infer the defects region progressively, Li et al. [49] used a Recurrent Feature Reasoning (RFR) module. To generate a variety of reasonable inpainting results, Zhao et al. [50] came up with Unsupervised Cross-Space Translation GAN(UCTGAN). In terms of RS image inpainting, Dong et al. [51] proposed a model based on Deep Convolutional GAN (DCGAN) [52]. To inpaint the RS Sea Surface Temperature (SST) images. Zhang et al. [53] used a space-time-spectral framework based on CNN to inpaint periodic stripes and thick clouds in satellite RS images. Wong et al. [54] came up with an adaptive spectral feature extraction method to inpaint hyperspectral images using spectral features and spatial information.
As reviewed above, these researchers did not pay attention to the inpainting task from the perspective of lightweight design and also did not care about the complexity of the models and the inpainting time consumption. Table 1 shows the pretrained weight size of several inpainting models mentioned above. We can see that their models often have large weights which are not suitable for portable systems and thus cannot be directly applied to the practical application of RS image inpainting.
Unlike the existing inpainting methods, the proposed network LPIN is based on the innovative consideration of lightweight inpainting for RS images. As far as we know, this is the first time that an inpainting network is designed from a lightweight perspective. To fully realize a lightweight design, we first disassemble the complex inpainting task into simple tasks by applying a multi-stage progressive architecture, which makes the inpainting task easier for each substage. Afterwards, we adopt the weight sharing strategy among different stages to reduce the network parameters. Then, we enhance the information transmission by adopting a residual architecture and a multi-access of the input images to provide feature reuse in forward propagation and reduce gradients diffusion in backward propagation. Finally, we improve the inpainting performance by restricting the network with multiple loss functions. All these measures work together to give a lightweight but effective inpainting network. According to our experiments, the proposed lightweight network can achieve a state-of-the-art inpainting performance without complex modules and architectures.

1.4. Contribution

Our contributions are summarized as follows:
  • A novel approach to improving the robustness of RSISC tasks is proposed, which is the combination of an image inpainting network and an existing RSISC method. Unlike the commonly used image preprocessing methods, the approach focuses on the image reconstruction to generate a completely new RS image. To our knowledge, this is the first attempt that image inpainting method has been applied to improve the robustness of RSISC tasks.
  • An inpainting network LPIN is proposed on the novel consideration of lightweight design. Compared with the existing inpainting models, the LPIN has a model weight of only 1.2 MB, which is much smaller than other models and is more suitable for practical application of RSISC tasks when implementing it on small portable systems. In spite of the small model weight, the LPIN still remains a state-of-the-art inpainting performance due to the progressive inpainting strategy, residual architecture and the multi-access of input images, which deepen the LPIN and guarantee a high feature and gradient transmission efficiency.
  • The proposed approach has a wide applicability and can be adopted to various RSISC methods to improve their classification accuracies on images with defects. The results of extensive experiments show that the proposed approach on RS images with defects generally achieves a classification accuracy of more than 94% (maximum 99.9%) of that on the images without defects. This proves that it can greatly improve the robustness of RSISC tasks.

2. Materials and Methods

A well performed image inpainting network is essential for improving the robustness of RSISC tasks. Combined with this inpainting network, existing classification methods can achieve satisfactory results on the images with defects. In this section, we focus on architecture of the inpainting network LPIN. A basic Residual Inpainting Unit (RIU) is first proposed, with which the defect parts of RS images are preliminarily inpainted. The progressive architecture of the LPIN is then discussed in detail, from which the final inpainting results are obtained. Finally, various loss functions are used to generate more reasonable and realistic results. The overall inpainting architecture of the proposed approach is shown in Figure 3.

2.1. Basic Residual Inpainting Unit

The proposed RIU is a basic inpainting block with a residual architecture, as shown in Figure 3a. It inpaints the defects and generates a preliminarily result. The input x i n of RIU concatenates with the real image with defected image I i n to form a 6-channel feature, which is processed through two convolution layers, four Residual Blocks (ResBlocks) and one convolution layer in succession to produce a residual result x r e s . The final output of RIU x o u t is obtained by a pixel-wise addition of x r e s and I i n . All convolution layers in RIU have 3 × 3 filters.
The features in ResBlocks x are updated as follows:
x = σ R e s x + x
where R e s is the ResBlock and σ is the activation function ReLU. The ResBlock creates shortcuts in RIU, i.e., extra path, which makes the transmission of image features and gradients more efficient. The shortcuts ensure a deep network and prevent it from underfitting and gradient diffusion. Firstly, only a part of the feature information is extracted by convolution layer during the forward propagation, and thus, the deeper the network is, the more the information loss is, which causes underfitting. The shortcuts solve this problem by passing the features of the former block to the subsequent blocks to provide an extra information for them. Besides, gradients in deep network are prone to diffuse during backward propagation. With the shortcuts, the later blocks transfer not only the gradients to the former block, but also the gradients before derivation. This means the gradients of each block are amplified, thus reducing the probability of gradient diffusion.
Furthermore, small filter convolution is adopted in the RIU to reduce the number of network parameters. Although large filter convolution gives a better perception of image features, it widens the network and increases its parameter number, which will restrict the depth of a network. According to reference [56], a combination of several small filter convolution layers is equal to that of a large filter convolution layer in the performance of perceiving images while reducing the parameter number. Besides, as the defect regions in RS image are scattered and each single region is relatively small, a small filter convolution is more flexible.

2.2. Progressive Networks

A progressive multi-stage framework is adopted to form a deep network and achieve a better performance. As shown in Figure 3b, the proposed LPIN is composed of several RIUs, which take the output of one as the input for another. With the LPIN, the inpainting task is split into several simpler sub-tasks, and each sub-task inpaints part of the defects progressively. The i-th RIU takes the output of (i − 1)-th RIU x i 1 o u t as its input x i i n , which means that the prior knowledge of the (i − 1)-th RIU is transmitted to the i-th RIU. This makes it easier to inpaint the defects for the subsequent RIUs. Multiple RIUs directly increase the depth of LPIN while not increasing its width due to the small filter convolution layer used.
Multiple accesses of the input image I i n as shown in the blue dashed lines in Figure 3b are adopted to each RIU to guarantee enough depth for the LPIN. The input of the i-th RIU is a concatenation of I i n and its own input x i i n , which takes full advantage of the valid feature in I i n . Meanwhile, the output of the i-th RIU is a pixel-wise addition of I i n and its own residual output x i r e s , with which the RIU forms a larger scale of residual structure. With these multiple accesses, LPIN establishes extra paths. The features and gradients can be directly passed to the top/bottom layers during forward and backward propagation, and the LPIN can become deeper by adding more RIUs while reducing the risk of gradient diffusion.
Weight sharing is another way to guarantee enough depth for the LPIN as the green dashed boxes in Figure 3b show. The more RIUs are adopted in LPIN, the longer the gradient propagation chain is, which might lead to over-fitting and gradient explosion or diffusion during backward propagation. In our network, each RIU shares their weights in a way that parameters are updated after each iteration in the training process and then synchronized to each RIU at the same time. The weight sharing strategy ensures a deeper but lightweight model while reducing the number of parameters, and preventing over-fitting and gradient explosion or diffusion.

2.3. Loss Functions

In addition to the progressive architecture of the LPIN, multiple loss functions are also adopted to achieve reasonable and realistic results as shown in Figure 3c. The mathematical symbols are defined as the following: I 0 is the Ground Truth (GT) image without defects, I i n is the input image with defects, and M is a binary mask with which I i n is simulated by a Hadamard product of I 0 , i.e., I i n = M I 0 . In this section, four types of loss functions are proposed to restrict the inpainted images both on the pixel and semantic level as follows:

2.3.1. Reconstruction Loss

Reconstruction loss is used to measure the direct similarity between the inpainted image I o u t and the corresponding GT image I 0 . It is calculated with the negative Structural Similarity (SSIM) [57]. Unlike the commonly used Mean Square Error (MSE), SSIM can comprehensively measure the different in brightness, contrast and structure of two images instead of comparing them pixel by pixel. The SSIM of two images x and y can be calculated as:
  S S I M x , y = 2 μ x μ y + C 1 2 σ x y + C 2 2 μ x μ y + C 1 σ x 2 + σ y 2 + C 2  
where μ x , μ y , σ x 2 , σ y 2 and σ x y are the mean of x , the mean of y , the variance of x , the variance of y , and the covariance of x and y , respectively. C 1 and C 2 are two constants. The more similar x and y are, the larger SSIM value is, and thus we use negative SSIM value as the loss function. The reconstruction losses for the defect region and valid region are calculated respectively and can be formulated as:
L d e f = S S I M I 0 d e f , I o u t d e f  
L v a l = S S I M I 0 v a l , I o u t v a l  
L r e c = λ d e f · L d e f + λ v a l · L v a l  
where I 0 d e f , I o u t d e f , I 0 v a l and I o u t v a l are the defect region of I 0 , the defect region of I o u t , the valid region of I 0 , and the valid region of I o u t , respectively. λ d e f and λ v a l are the loss function weights of L d e f and L v a l .

2.3.2. Content Loss

Content loss, also known as perceptual loss [58], is a high-level semantic loss, which is extracted by a CNN and sets restrictions on the content difference of two images. In this work, due to the simple network architecture and good performance of image classification, we adopt Visual Geometry Group (VGG) network [56] with a pretrained weights on ImageNet [59] as the high-level semantic feature extractor as shown in the black dashed box in Figure 3c. The high-level features of inpainted image I o u t and GT image I 0 are extracted from the conv1_2, conv2_2, and conv 3_3 layer of VGG16 and then compared through a smooth L1 function S L 1 as the content loss L c n t o u t , which is formulated as:
S L 1 x , y = 0.5 x y 2 ,   i f   x y < 1 x y 0.5 ,   o t h e r w i s e  
L c n t o u t = i 3 1 h i w i c i S L 1 ϕ i I o u t , ϕ i I 0  
where ϕ i is the i-th feature extractor of VGG16, h , w and c are the corresponding height, width and channel of the extracted feature. In addition, we also calculate a content loss L c n t c o m p between a composed output I c o m p and GT image I 0 to maintain the consistency of defect region border which is described as:
I c o m p = M I o u t + 1 M I i n  
L c n t c o m p = i 3 1 h i w i c i S L 1 ϕ i I c o m p , ϕ i I 0  
The total content loss is:
L c n t = L c n t o u t + L c n t c o m p  

2.3.3. Style Loss

Style loss [60] is another a high-level semantic loss used to describe the style similarity of two images. It can eliminate checkerboard artifacts [47] and is insensitive to the pixel position. The style loss of the output image L s t y l e o u t and the composed image L s t y l e c o m p are calculated by a Gram matrix G , which is the covariance matrix of an image feature F with the position insensitivity:
G F = F h w · F w h T  
where h and w denote the height and width of a feature. The style loss is calculated as:
L s t y l e o u t = i 3 1 h i w i c i S L 1 G ϕ i I o u t , G ϕ i I 0  
L s t y l e c o m p = i 3 1 h i w i c i S L 1 G ϕ i I c o m p , G ϕ i I 0  
L s t y l e = L s t y l e o u t + L s t y l e c o m p  

2.3.4. Total Variation Loss

Total Variation (TV) loss is a pixel-level regular term loss and does not participate in the training process. It restrains the adjacent pixels of the output image to reduce the noise and improve the spatial smoothness. The TV loss is calculated as:
L t v = 1 h w c i , j S L 1 I o u t i + 1 , j , I o u t i , j + S L 1 I o u t i , j + 1 , I o u t i , j  
where, i and j are pixel coordinates of height and width.
In summary, the total loss function is:
L t o t a l = L r e c + λ c n t · L c n t + λ s t y l e · L s t y l e + λ t v · L t v  
where λ c n t , λ s t y l e , and λ t v are the weight of L c n t , L s t y l e , and L t v , respectively.

3. Results

In this section, the experiment procedures are explained in detail. The datasets for training and testing the network is first described and the training process is then demonstrated. The hyper-parameter setting is discussed afterwards. Finally, the experiment result of image inpainting and scene classification are carried out.

3.1. Datasets

3.1.1. RS Image Datasets

Three representative RS image datasets for RSISC tasks are used to test the inpainting performance of LPIN and classification ability of the proposed approach: the most challenging NWPU-RESISC45 [20], the most widely used UC Merced Land-Use [2] and the most complex AID [21].
  • NWPU-RESISC45 dataset was released by Northwestern Polytechnical University in 2017 and is the largest and most challenging dataset for RSISC task. It contains 31,500 images extracted from Google Earth with a fixed size of 256 × 256 and has 45 scene categories with 700 images in each category The 45 categories are airplane, airport, baseball diamond, basketball court, beach, bridge, chaparral, church, circular farmland, cloud, commercial area, dense residential, desert, forest, freeway, golf course, ground track field, harbor, industrial area, intersection, island, lake, meadow, medium residential, mobile home park, mountain, overpass, palace, parking lot, railway, railway station, rectangular farmland, river, roundabout, runway, sea ice, ship, snowberg, sparse residential, stadium, storage tank, tennis court, terrace, thermal power station, and wetland. Some examples images from the NWPU-RESISC45 dataset are shown in Figure 4.
  • UC Merced Land-Use dataset was released by University of California, Merced in 2010 and is the most widely used dataset for RSISC tasks. It contains 2100 RS images of 256 × 256 pixels extracted from USGS National Map Urban Area Imagery collection and has 21 categories with 100 images per category. The 21 categories are agricultural, airplane, baseball diamond, beach, buildings, chaparral, dense residential, forest, freeway, golf course, harbor, intersection, medium residential, mobile home park, overpass, parking lot, river, runway, sparse residential, storage tanks and tennis court. Some example images from the UC Merced Land-Use dataset are shown in Figure 5.
  • AID dataset was released by Wuhan University in 2017 and is one of the most complex datasets for RSISC tasks due to the images being extracted from different sensors and their pixel resolution varying from 8 m to 0.5 m. It contains 10,000 RS images of 600 × 600 pixels extracted from Google Earth imagery and has 30 scene categories with about 220 to 400 images per category. The 30 categories are airport, bareland, baseball field, beach, bridge, center, church, commercial, dense residential, desert, farmland, forest, industrial, meadow, medium residential, mountain, parking, park, playground, pond, port, railway station, resort, river, school, sparse residential, square, stadium, storage tanks and viaduct. Some example images from the AID dataset are shown in Figure 6.

3.1.2. Mask Datasets

A RS image with defects is simulated through a Hadamard product of a binary mask and a GT image. The masks of periodical stripes and random noises are randomly generated with Python. The masks of thick cloud are extracted from the NVIDIA Irregular Mask dataset [43]. All the three mask datasets have 2000 images with a 20~30% hole-to-image area ratio. Some example images from the three mask datasets are shown in Figure 7.

3.2. Training Details

3.2.1. Environments

The experiments are carried out on two NVIDIA RTX Titian 24G GPUs with Ubuntu 18.04, Pytorch 1.6.0 and CUDA 10.1. The LPIN is optimized by ADAM optimizer with a learning rate of 0.002. All training images are cropped and resized to 3 × 256 × 256 pixels. The Pytorch DistributedDataParallel API for multi-GPU training and the NVIDIA Apex tool for mixed precision are used to accelerate the training process.

3.2.2. Training Flow

The NWPU-RSISC45 dataset is randomly divided into two parts: 20% for training (6300 images) and the remaining 80% for testing (25,200 images), which means the training ratio is 20%. The training data is then augmented six times by rotating them by 90°, 180°, 270° and flipping them horizontally and vertically, i.e., we use 37,800 images for training. In the training phase, LPIN samples minibatch images I 0 from the augmented training dataset and normalize them using the mean and standard deviation of ImageNet. Then, LPIN samples minibatch binary masks M from the mask dataset and perform a Hadamard product of I 0 and M to get the RS images with defects, namely the input images I i n . The RIU of each stage inpaints the defects progressively and the final RIU outputs the inpainting result of LPIN I o u t . Finally, the loss functions are used to restrict the value of I o u t on a pixel and semantic level. The detailed inpainting training flow is formally presented in Algorithm 1.
Algorithm 1. The training process of LPIN.
1 :   I i n is the input of LPIN,
2 :   I o u t is the output of LPIN,
3 :   f i is the i-th RIU,
4 :   x i i n is the input of the i-th RIU,
5 :   x i r e s is the residual output of the i-th RIU,
6 :   x i o u t is the output of the i-th RIU.7: for number of max epochs do:
8 :   sample   minibatch   of   k   images   from   training   dataset :   I 0 = I 0 1 , I 0 2 , I 0 3 I 0 k
9 :   sample   minibatch   of   k   256 × 256   binary   masks :   M = M 1 , M 2 , M 3 M k
10 :   generate   input   images :   I i n = M I 0
11 :   calculate   the   input   of   first   RIU :   x 0 i n = c o n c a t I i n , I i n
12:        for number N of phases do:
13 : x i r e s = f i x i i n
14 : x i o u t = x i r e s + I i n
15 : x i + 1 i n = c a t x i o u t , I i n
16:        end for
17 :   calculate   the   out   of   last   RIU :   I o u t = x N o u t
18: calculate loss functions.
19: update parameters using ADAM optimizer.
20: end for
Meanwhile, we choose six existing RSISC methods and train them on the same training dataset. Then, the GT images and the images with defects are sent to each RSISC method, as well as the proposed methods which combine the LPIN with RSISC methods to test their classification accuracy, as shown in Figure 8.

3.3. Hyper-Parameters Tuning

3.3.1. Weight Value of Loss Term

L d e f , L v a l , L c n t , and L s t y l e are used to train the network separately and their values roughly converge to the following numbers: 3 × 10−2, 1 × 10−4, 2, and 7 × 10−5, respectively, as shown in Figure 9. The L t v is not involved in the training, and its rough value is calculated at the start of training, being 2 × 10−1. In order to prevent certain loss from having more impact on the training process than the others, each loss value is scaled to the same order of magnitude by multiplying their weights. Thus, the weight values are preliminary set as: λ d e f = 0 . 6 , λ v a l = 160 , λ c n t = 0 . 01 , λ s t y l e = 280 , and λ t v = 0 . 08 . For the reconstruction loss, considering that the defect regions are expected to have a better inpainting performance than that of the valid regions, we properly increase the number of λ h o l e and decrease the number of λ v a l i d . Then we randomly select 450 images from the NWPU-RSISC45 dataset with 10 images per category and conduct a random searching test on them. The final weights are acquired from the test as follows: λ d e f = 20 , λ v a l = 10 , λ c n t = 0 . 05 , λ s t y l e = 100 and λ t v = 0 . 1 .

3.3.2. Number of RIUs in LPIN

Too few RIUs may lead to insufficient inpainting capability, while too many RIUs may cause network redundancy and do not improve the performance. Therefore, the number of RIUs need to be determined properly before training. To find the optimal number, tests on LPIN with different RIU numbers are conducted. The Mean Absolute Error (MAE), Peak Signal-to-Noise Ratio (PSNR), and SSIM are used to evaluate the inpainting performance. Among them, the SSIM index has been described in Section 2.3.1. MAE (also known as L1 error) is an index to compare the L1 distance of two images x and y , formulated as:
  M A E x , y = 1 N i = 1 N x i y i  
where i is the pixel value in each image. The lower MAE is, the more similar two images are.
PSNR is one of the most widely used image evaluation indexes, which is calculated as:
  P S N R x , y = 10 log 10 M A X I 2 M S E x , y  
where M S E x , y is the L2 distance of x and y , M A X I is the maximum pixel value of an image, which is 255 for images in this paper. The larger PSNR is, the more realistic the inpainted image is.
The tests are carried out on multiple LPINs with RIU number changing from one to eighteen. Each test runs for 20 epochs and the inpainting results are show in Figure 10. We can see that the inpainting performance improves at first, but hardly gets better after 8 RIUs. The LPIN with 8 RIUs performs a little inferior to the LPIN with 7 RIUs which reaches its bottleneck. Thus, we set the number of RIU as 7 in the following experiments.

3.4. Image Inpainting Results

We compare our LPIN with 4 state-of-the-art semantic inpainting models: PGN [55], PCONV [43], PRVS [46] and RFR [49]. Each model is trained on the NWPU-RESISC45 dataset under the same condition and inpaints 3 types of defects in RS images: periodic stripes, random noises, and thick clouds (stripes, noises, and clouds for short, respectively).

3.4.1. Model Complexity Analysis

The complexity of the model and parameter is measured by Floating Point Operations (FLOPs) and Bytes. The FLOPs indicates the time consumption of training a model and shows the time complexity of a model. If the FLOPs is too high, the model cannot converge quickly. The Bytes is the number of the parameters and shows the space complexity of a model. The larger the Bytes is, the more data is needed to train a model, which means that the model goes into overfitting easily during training.
The complexity, the model weight and the inpainting speed of our LPIN are compared with other inpainting models and the results are shown in Table 2. The model complexity is calculated by the Pytorch Torchstat API. We can see that due to the lightweight design, i.e., the multi-stage network of LPIN, the concise architecture of RIU, and the weight sharing strategy, the proposed LPIN has the least model complexity, number of parameters and model weight as well as the fastest inpainting speed.

3.4.2. Quantitative Results

MAE, PSNR and SSIM indexes are used for quantitative comparison as shown in Table 3. As can be seen, the LPIN has a good performance on stripes and noises inpainting and achieves a much better result than the other inpainting models. Its inpainting results for clouds are, however, slightly inferior to the former two. This is because that the LPIN is a lightweight network and has the advantage of inpainting the structured defects rather than the defects with large holes.

3.4.3. Qualitative Comparisons

The inpainting results of three types of defects are shown in Figure 11. The details in the blue box on each image are magnified and shown in the red box. We can see from the figure that despite the small parameter weight, the LPIN achieves a good visual inpainting performance on images with defects. Although the LPIN is inferior to PRVS in MAE for the thick cloud inpainting, there is no significant visual difference.

3.5. Scene Classification Results

The previous section has proven effectiveness of the LPIN in inpainting three types of defects. In this section, scene classification tests are carried out to verify the robustness improvement of the RSISC tasks with the proposed method. The GT images and the corresponding images with defects are sent to six existing RSISC methods and the proposed combined methods respectively to test the classification accuracy. Considering that most RSISC methods are not publicly available, we choose three classical CNN classification networks: VGG16 [56], ResNet50 [61], and Inception V3 [62] and train them on the dataset using the pre-trained weights on ImageNet. In addition, we also use three other models published by our team: HCV + FV [4], ADFF [12], and F2BRBM [16]. The tests are conducted on the NWPU-RESISC45 dataset with a training ratio of 20%, and the final results are calculated by the mean and standard deviation of 10 random repeated experiments.

3.5.1. Classification Accuracy Results

Three measurements are used to evaluate the classification accuracy and robustness improvement of RSISC as follows: (1) Overall accuracy (OA), which is defined as the ratio of the number of correctly classified images to the total number of images. (2) Defect-to-GT Ratio (D2GR), which is a robustness index and represents the ratio of the OA of images with defects to the OA of GT images. The more robust a RSISC method is, the higher D2GR is. (3) Confusion matrix, also known as the error matrix, is used to visualize the classification results of specific categories. In an ideal confusion matrix, all classification results are distributed only on the diagonal. The OA and D2GR of six existing RSISC methods and the corresponding combined methods with LPIN are shown in Table 4. We can see that the OA of original RSISC methods decrease dramatically on the images with defects, while the proposed methods still have a good performance. Specifically speaking, they generally achieve an D2GR of around 99% for periodic stripe defects and random noise defects and around 95% for thick cloud defects, which proves a great improvement on the robustness of RSISC.
The confusion matrix of original F2BRBM on GT images is shown in Figure 12, and that of original F2BRBM and the corresponding combined method F2BRBM + LPIN on images with defects are show in Figure 13. It can be seen from the left column in Figure 13 that defects of all 3 types cause a large number of confusing items for the original F2BRBM. This is due to the defects cutting off the continuous semantic information of RS images and F2BRBM only being able to classify images depending on the backgrounds. As Figure 14 shows, some defects images from two different categories have much similar backgrounds which subsequently causes misclassification. For example, 25.9% of the airport images with stripe defects are classified to railway stations, 69.4% of the circular farmland images with noise defects are classified to rectangular farmlands and 39.2% of the desert images with cloud defects are classified to lakes.
The LPIN eliminates the semantic irrelevant defects, generates pixels that has contextual semantic information, improves semantic coherence, provides more information for F2BRBM, and thus increases the classification accuracy. According to the right column of Figure 13, the classification accuracy of airports with stripe defects, circular farmlands with noise defects and deserts with cloud defects increase to 91.4%, 97.0% and 97.7%, respectively. It is also worth noting that the LPIN would not bring additional semantic information, therefore, the accuracy of categories that are apt to be misclassified originally is not improved too much. For example, the original F2BRBM has a 15.2% probability of misclassifying palaces into churches on the GT images, and the combined method still has a 15.7% misclassifying probability on the images with stripe defects.

3.5.2. OA Comparison of Different Inpainting Models

The OA results on images with defects of the original F2BRBM combined with different inpainting models are shown in Table 5 and Figure 15. We can see that the LPIN performs better than the other inpainting models on images with stripe and noise defects, but sightly inferior to PRVS and RFR on images with cloud defects. The LPIN strengthens the utilization of image contextual information through residual architecture and the multiple accesses of the input images. Stripe and noise defects are small and scattered. They cut off continuous semantic information but retain the global content and local contextual information. Therefore, LPIN performs well when processing images with small and scattered defects. In contrast, the cloud defects are relatively large and concentrated defects. The images with cloud defects lose contextual information and the inpainting model needs to have a more comprehensive understanding of the local semantic information to classify them correctly. Therefore, the inpainting performance of LPIN for images with large and concentrated defects is not as good as the one for images with stripe and noise defects, and the improvement of classification accuracy is not as obvious as the other two.

4. Discussion

4.1. Generalization Ability Results of Different Datasets

The LPIN trained on NWPU-RSISC45 dataset are directly applied to UC Merced land-use dataset and AID dataset to test the generalization ability of the proposed method. The inpainting results are shown in Table 6 and Figure 16. The OA and D2GR of F2BRBM and the corresponding combined method F2BRBM + LPIN on these two datasets are calculated as shown in Table 7 and Figure 17.
We can see that the LPIN still has a good inpainting performance, and the combined method with LPIN can correct most misclassified items. It can reach a high level of D2GR on different datasets with defects, and significantly increase the robustness of RSISC, which proves a good generalization ability of the proposed method.

4.2. Image Inpainting Ablation Studies

In this section, several ablation tests of the network architecture and the loss functions are carried out to analyze their influence on inpainted image quality. Each test is trained on NWPU RSISC-45 dataset for 20 epochs.

4.2.1. Network Architecture: With vs. without LSTM

The multi-stage network LPIN can be regarded as a time series structure. Due to the good performance of Long Short-Term Memory (LSTM) [63] on time series prediction [7], we adopt LSTM in LPIN and try to strengthen the inner connection between different RIU stages. The results are shown as Table 8, from which we can see that the inpainted image quality for LPIN with LSTM is worse than that for LPIN without LSTM.
Although LSTM provides extra transmission of image features among RIUs, it increases the network weights. As a result, the number of its parameters exceeds that of the LPIN main body, which lowers the parameter gradient updating efficiency of image inpainting.

4.2.2. Reconstruction Loss: L1 vs. Negative SSIM

L1 and negative SSIM are two commonly used reconstruction losses for constraining two images. The results of LPIN with L1 or with negative SSIM are shown in Table 9. We can see that LPIN with negative SSIM loss achieves better inpainting quality. The L1 loss constrains two images pixel by pixel, therefore, if two images only have a slight difference in brightness, their L1 distance might be very large. The negative SSIM overcomes this drawback by measuring the differences in brightness, contrast and structure of two images, which makes it a more effective reconstruction loss function.

4.2.3. Feature Extractor: ResNet50 vs. VGG16

VGG16 and ResNet50 are two well-performed feature extractors [23]. Different features extracted from them are used to calculate the content and style loss and compare the inpainting results, which are shown in Table 10. It can be seen that there is little difference between the two extractors in inpainting quality. We believe that ResNet50 pays more attention to the low-level features, which are extracted from the last few layers of the network and are useless for LPIN, since our network needs the high-level semantic features, which are extracted from the first several layers. Besides, VGG16 has a simpler structure and smaller convolution filter for the first several layers than ResNet50. As a result, we choose VGG16 as our feature extractor.

4.2.4. Feature Extractor Layer: Maxpooling vs. Convolution

The convolution layer and the maxpooling layer of VGG16 can both extract image features. A test on two different layers is carried out and the results are shown in Table 11. It can be seen that the convolution layer gives a slightly better inpainting result. We speculate that partial pixels of the feature are discarded when passing through the maxpooling layer. Therefore, some effective information cannot be transmitted to the extractor. As a result, we choose the convolution layers to extract image features.

4.3. Inpainting Results of Images with Hybrid Defecs

It is not always the case that only one type of defect exists on real RS images. Sometimes several types of defects appear on an image at the same time. Therefore, a test of images with a combined defects is also conducted. The quantitative image inpainting results are shown in Table 12 and qualitative visual results are shown in Figure 18.
The OA and D2GR of F2BRBM method and the corresponding combined method F2BRBM+LPIN on NWPU-RSISC45 dataset with combined defects are shown in Table 13. We can see that the OA of original F2BRBM decreases dramatically to only around 9%, but the proposed combined method still has a D2GR of around 90%, which proves its great robustness. The corresponding confusion matrixes of these two methods on images with defects of all 3 types are shown in Figure 19.
As Figure 19a shows, many defect RS images are misclassified mainly into three categories: chaparral, harbor and parking lot, which all have scattered features, i.e., the scattered trees in a chaparral, the scattered ships in a harbor and the scattered vehicles in a parking lot. As Figure 20a shows, we believe that the combination of three defects added many scatted patches to the RS images and makes them visually similar to the three misclassified categories. Therefore, the misclassification mainly happens in these three categories. According to the confusion matrix of Figure 19a, 51.5% of the church images are classified into parking lots, 48.7% of the beach images are classified into harbors, and 68.9% of the wetland images are classified into chaparrals. However, with the help of the LPIN, the scattered disturbed patches are inpainted and the classification accuracy are improved correspondingly as Figure 20b shows. According to Figure 19b, the classification accuracy of churches, beaches and wetlands is 80.1%, 96.1% and 82.5%, respectively.

5. Conclusions

In this paper, a progressive lightweight inpainting network named LPIN is proposed to provide a purified input for the RSISC method. Compared with other state-of-the-art inpainting networks, the LPIN can achieve a better inpainting performance with a simpler structure, a lighter weight of only 1.2 MB and a faster inpainting speed of 67.29 fps, which makes it possible to implant to small portable devices. The LPIN is then combined with the existing RSISC method to form a combined classification approach, which can effectively improve the classification accuracy of the existing classification methods on images with defects. It keeps the comparable classification accuracy level on RS images with defects as that without defects, thus improving the robustness of high-resolution RSISC tasks. Experimental results on different datasets prove that the proposed method also has a good generalization ability.
There are mainly three limitations in our work. Firstly, the RS images of a fixed region can be captured by satellites multiple times and thus they not only have spatial information but also temporal information. However, we focus on single RS image inpainting and only use its spatial information in this work. Secondly, it takes lots of effort to acquire the RS images with defects from satellites, therefore we only train and test our LPIN on the standard datasets. Finally, as the image inpainting network needs to acquire the global semantic and local contextual information of an image, the LPIN requires larger datasets and more training iterations compared with other types of networks such as image classification.
In our following work, we plan to carry out image inpainting research using the history RS images with temporal information, obtain real RS images from satellites, adopt more deep learning regularization techniques in the training process—such as early stopping [23] which we believe can reduce overfitting—and enhance the generalization ability of our model and further lower the time consumption.

Author Contributions

Conceptualization, W.A., H.W. and J.S.; Data curation, W.A.; Formal analysis, W.A.; Funding acquisition, W.Z.; Investigation, X.Z.; Methodology, W.A.; Project administration, Y.D.; Resources, H.W. and Y.D.; Software, W.A. and X.Z.; Supervision, J.S.; Validation, W.A., X.Z., W.Z. and Y.D.; Visualization, W.A.; Writing—original draft, W.A.; Writing—review & editing, W.A. and H.W. All authors have read and agreed to the published version of the manuscript.

Funding

This study was funded by Foundation of Tianjin Science and Technology Plan under Grant No. 19YFZCSN01150, Foundation of National Defense Science and Technology Innovation No. 20-163-12-ZT-006-002-09, Academy of Military Sciences Equipment Scientific Research No. JK20191A010024.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The experimental data used to support the findings of this study are available upon request by contact with the corresponding author.

Acknowledgments

The author would like to thank Binbin Wei and Zhenyuan Xu for reviewing the article, and providing valuable suggestions.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

AIDAerial Image Dataset
BoVWBag of Visual Words
CapsNetCapsule Network
CEContext Encoder
CNNConvolutional Neural Network
CSACoherent Semantic Attention
D2GRDefect-to-GT Ratio
DCGANDeep Convolutional GAN
ETM+Enhanced Thematic Mapper Plus
FastHyDeFast Hyperspectral Denoising
FastHyInFast Hyperspectral Inpainting
FVsFisher vectors
GANGenerative Adversarial Networks
GLCICGlobal and Local Consistent Image Completion
GTGround Truth
HCVHierarchical Coding Vector
LPINLightweight Progressive Inpainting Network
LSTMLong Short-Term Memory
MAEMean Absolute Error
MSEMean Square Error
NSRNonlocal Second-order Regularization
OAOverall Accuracy
PCONVPartial Convolution
PM-MTGSRPatch Matching-based Multitemporal Group Sparse Representation
PRVSProgressive Reconstruction of Visual Structure
PSNRPeak Signal-to-Noise Ratio
ResBlocksResidual Blocks
RFRRecurrent Feature Reasoning
RIUResidual Inpainting Unit
RSRemote Sensing
RSISCRemote Sensing Image Scene Classification
RSPRandomized Spatial Partition
SLCScan-Line Corrector
SSIMStructural Similarity
SSTSea Surface Temperature
TVTotal Variation
UAVUnmanned Aerial Vehicles
UCTGANUnsupervised Cross-Space Translation GAN
VGGVisual Geometry Group
WGANWasserstein GAN

References

  1. Cheng, G.; Xie, X.; Han, J.; Guo, L.; Xia, G.S. Remote Sensing Image Scene Classification Meets Deep Learning: Challenges, Methods, Benchmarks, and Opportunities. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2020, 13, 3735–3756. [Google Scholar] [CrossRef]
  2. Yang, Y.; Newsam, S. Bag-of-visual-words and spatial extensions for land-use classification. In Proceedings of the 18th SIGSPATIAL International Conference on Advances in Geographic Information Systems, San Jose, CA, USA, 3–5 November 2010; pp. 270–279. [Google Scholar]
  3. Jiang, Y.; Yuan, J.; Yu, G. Randomized spatial partition for scene recognition. In Proceedings of the European Conference on Computer Vision (ECCV), Florence, Italy, 7–13 October 2012; pp. 730–743. [Google Scholar]
  4. Wu, H.; Liu, B.; Su, W.; Zhang, W.; Sun, J. Hierarchical coding vectors for scene level land-use classification. Remote Sens. 2016, 8, 436. [Google Scholar] [CrossRef] [Green Version]
  5. Wu, H.; Liu, B.; Su, W.; Zhang, W.; Sun, J. Deep filter banks for land-use scene classification. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1895–1899. [Google Scholar] [CrossRef]
  6. Mustaqeem; Kwon, S. Att-net: Enhanced emotion recognition system using lightweight self-attention module. Appl. Soft Comput. 2021, 102, 107101. [Google Scholar] [CrossRef]
  7. Muhammad, K.; Mustaqeem; Ullah, A.; Imran, A.S.; Sajjad, M.; Kiran, M.S.; Sannino, G.; de Albuquerque, V.H.C. Human action recognition using attention based LSTM network with dilated cnn features. Future Gener. Comput. Syst. 2021, 125, 820–830. [Google Scholar] [CrossRef]
  8. Lee, H.; Kwon, H. Contextual deep CNN based hyperspectral classification. In Proceedings of the 2016 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Beijing, China, 10–15 July 2016; pp. 3322–3325. [Google Scholar]
  9. Hu, F.; Xia, G.S.; Hu, J.; Zhang, L. Transferring deep convolutional neural networks for the scene classification of high-resolution remote sensing imagery. Remote Sens. 2015, 7, 14680–14707. [Google Scholar] [CrossRef] [Green Version]
  10. Du, P.; Li, E.; Xia, J.; Samat, A.; Bai, X. Feature and model level fusion of pretrained CNN for remote sensing scene classification. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2019, 12, 2600–2611. [Google Scholar] [CrossRef]
  11. Yin, L.; Yang, P.; Mao, K.; Liu, Q. Remote Sensing Image Scene Classification Based on Fusion Method. J. Sens. 2021, 2021, 6659831. [Google Scholar] [CrossRef]
  12. Li, B.; Su, W.; Wu, H.; Li, R.; Zhang, W.; Qin, W.; Zhang, S. Aggregated deep Fisher feature for VHR remote sensing scene classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2019, 12, 3508–3523. [Google Scholar] [CrossRef]
  13. Wang, Q.; Liu, S.; Chanussot, J.; Li, X. Scene classification with recurrent attention of VHR remote sensing images. IEEE Trans. Geosci. Remote Sens. 2019, 57, 1155–1167. [Google Scholar] [CrossRef]
  14. Li, H.; Wang, W.; Pan, L.; Li, W.; Du, Q.; Tao, R. Robust capsule network based on maximum correntropy criterion for hyperspectral image classification. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2020, 13, 738–751. [Google Scholar] [CrossRef]
  15. Jiang, X.; Liu, W.; Zhang, Y.; Liu, J.; Li, S.; Lin, J. Spectral–spatial hyperspectral image classification using dual-channel capsule networks. IEEE Geosci. Remote Sens. Lett. 2021, 18, 1094–1098. [Google Scholar] [CrossRef]
  16. Zhang, X.; An, W.; Sun, J.; Wu, H.; Zhang, W.; Du, Y. Best representation branch model for remote sensing image scene classification. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2021, 14, 9768–9780. [Google Scholar] [CrossRef]
  17. Hu, W.; Huang, Y.; Wei, L.; Zhang, F.; Li, F. Deep convolutional neural networks for hyperspectral image classification. J. Sens. 2015, 2015, 258619. [Google Scholar] [CrossRef] [Green Version]
  18. Li, B.; Su, W.; Wu, H.; Li, R.; Zhang, W.; Qin, W.; Zhang, S.; Wei, J. Further exploring convolutional neural networks’ Potential for Land-Use Scene Classification. IEEE Geosci. Remote Sens. Lett. 2020, 17, 1687–1691. [Google Scholar] [CrossRef]
  19. Li, B.; Guo, Y.; Yang, J.; Wang, L.; Wang, Y.; An, W. Gated recurrent multiattention network for VHR remote sensing image classification. IEEE Trans. Geosci. Remote Sens. 2021, 1–13. [Google Scholar] [CrossRef]
  20. Cheng, G.; Han, J.; Lu, X. Remote sensing image scene classification: Benchmark and state of the art. Proc. IEEE 2017, 105, 1865–1883. [Google Scholar] [CrossRef] [Green Version]
  21. Xia, G.; Hu, J.; Hu, F.; Shi, B.; Bai, X.; Zhong, Y.; Zhang, L.; Lu, X. AID: A benchmark data set for performance evaluation of aerial scene classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 3965–3981. [Google Scholar] [CrossRef] [Green Version]
  22. Helber, P.; Bischke, B.; Dengel, A.; Borth, D. EuroSAT: A Novel Dataset and Deep Learning Benchmark for Land Use and Land Cover Classification. IEEE J. Sel. Top. Appl. Earth Observ. Remote Sens. 2019, 12, 2217–2226. [Google Scholar] [CrossRef] [Green Version]
  23. Naushad, R.; Kaur, T.; Ghaderpour, E. Deep Transfer Learning for Land Use and Land Cover Classification: A Comparative Study. Sensors 2021, 21, 8083. [Google Scholar] [CrossRef]
  24. Ju, J.; Roy, D.P. The availability of cloud-free Landsat ETM+ data over the conterminous United States and globally. Remote Sens. Environ. 2008, 112, 1196–1211. [Google Scholar] [CrossRef]
  25. Li, Q.; Shen, L.; Guo, S.; Lai, Z. Wavelet integrated CNNs for noise-robust image classification. In Proceedings of the 2020 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 7245–7254. [Google Scholar]
  26. Duan, P.; Kang, X.; Li, S.; Ghamisi, P. Noise-robust hyperspectral image classification via multi-scale total variation. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2019, 12, 1948–1962. [Google Scholar] [CrossRef]
  27. Chen, Y.; Das, M. An automated technique for image noise identification using a simple pattern classification approach. In Proceedings of the 50th Midwest Symposium on Circuits and Systems (MWSCAS), Montreal, QC, Canada, 5–8 August 2007; pp. 819–822. [Google Scholar]
  28. Chen, C.; Li, W.; Tramel, E.W.; Cui, M.; Prasad, S.; Fowler, J.E. Spectral–spatial preprocessing using multihypothesis prediction for noise-robust hyperspectral image classification. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2014, 7, 1047–1059. [Google Scholar] [CrossRef]
  29. Elharrouss, O.; Almaadeed, N.; Al-Maadeed, S.; Akbari, Y. Image inpainting: A review. Neural Process. Lett. 2020, 51, 2007–2028. [Google Scholar] [CrossRef] [Green Version]
  30. Ruzic, T.; Pizurica, A. Context-aware patch-based image inpainting using markov random field modeling. IEEE Trans. Image Process. 2015, 24, 444–456. [Google Scholar] [CrossRef]
  31. Jin, K.H.; Ye, J.C. Annihilating filter-based low-rank hankel matrix approach for image inpainting. IEEE Trans. Image Process. 2015, 24, 3498–3511. [Google Scholar]
  32. Barnes, C.; Shechtman, E.; Finkelstein, A.; Goldman, D.B. Patchmatch: A randomized correspondence algorithm for structural image editing. ACM Trans. Graph. 2009, 28, 24. [Google Scholar] [CrossRef]
  33. Kawai, N.; Sato, T.; Yokoya, N. Dminished reality based on image inpainting considering background geometry. IEEE Trans. Vis. Comput. Graph. 2016, 22, 1236–1247. [Google Scholar] [CrossRef] [Green Version]
  34. Zheng, J.; Jiang, J.; Xu, H.; Liu, Z.; Gao, F. Manifold-based nonlocal second-order regularization for hyperspectral image inpainting. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2020, 14, 224–236. [Google Scholar] [CrossRef]
  35. Zhuang, L.; Bioucas-Dias, J.M. Fast hyperspectral image denoising and inpainting based on low-rank and sparse representations. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2018, 11, 730–742. [Google Scholar] [CrossRef]
  36. Li, X.; Shen, H.; Li, H.; Zhang, L. Patch matching-based multitemporal group sparse representation for the missing information reconstruction of remote-sensing images. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2016, 9, 3629–3641. [Google Scholar] [CrossRef]
  37. Lin, C.; Lai, K.; Chen, Z.; Chen, J. Patch-based information reconstruction of cloud-contaminated multitemporal images. IEEE Trans. Geosci. Remote Sens. 2014, 52, 163–174. [Google Scholar] [CrossRef]
  38. Pathak, D.; Krahenbuhl, P.; Donahue, J.; Darrell, T.; Efros, A.A. Context Encoders: Feature learning by inpainting. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26–30 June 2016; pp. 2536–2544. [Google Scholar]
  39. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the advances in Neural Information Processing Systems (NeurIPS), Montreal, QC, Canada, 8–13 December 2014; pp. 2672–2680. [Google Scholar]
  40. Iizuka, S.; Simo-Serra, E.; Ishikawa, H. Globally and locally consistent image completion. ACM Trans. Graph. 2017, 36, 107. [Google Scholar] [CrossRef]
  41. Yu, J.; Lin, Z.; Yang, J.; Shen, X.; Huang, T.S. Generative image inpainting with contextual attention. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; pp. 5505–5514. [Google Scholar]
  42. Gulrajani, I.; Ahmed, F.; Arjovsky, M.; Dumoulin, V.; Courville, A.C. Improved training of wasserstein GANs. In Proceedings of the advances in Neural Information Processing Systems (NeurIPS), Long Beach, CA, USA, 4–9 December 2017; pp. 5767–5777. [Google Scholar]
  43. Liu, G.; Reda, F.A.; Shih, K.J.; Wang, T.C.; Tao, A.; Catanzaro, B. Image inpainting for irregular holes using partial convolutions. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 89–105. [Google Scholar]
  44. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention (MICCAI), Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
  45. Yu, J.; Lin, Z.; Yang, J.; Shen, X.; Lu, X.; Huang, T. Free-Form Image Inpainting with Gated Convolution. In Proceedings of the 2019 IEEE International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 4470–4479. [Google Scholar]
  46. Li, J.; He, F.; Zhang, L.; Du, B.; Tao, D. Progressive reconstruction of visual structure for image inpainting. In Proceedings of the 2019 IEEE International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 6721–6729. [Google Scholar]
  47. Nazeri, K.; Ng, E.; Joseph, T.; Qureshi, F.; Ebrahimi, M. EdgeConnect: Structure guided image inpainting using edge prediction. In Proceedings of the 2019 IEEE International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 3265–3274. [Google Scholar]
  48. Liu, H.; Jiang, B.; Xiao, Y.; Yang, C. Coherent semantic attention for image inpainting. In Proceedings of the 2019 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Seoul, Korea, 15–20 June 2019; pp. 4169–4178. [Google Scholar]
  49. Li, J.; Wang, N.; Zhang, L.; Du, B.; Tao, D. Recurrent feature reasoning for image inpainting. In Proceedings of the 202 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 7757–7765. [Google Scholar]
  50. Zhao, L.; Mo, Q.; Lin, S.; Wang, Z.; Lu, D. UCTGAN: Diverse Image Inpainting Based on Unsupervised Cross-Space Translation. In Proceedings of the 2020 IEEE International Conference on Computer Vision (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 5740–5749. [Google Scholar]
  51. Dong, J.; Yin, R.; Sun, X.; Li, Q.; Yang, Y.; Qin, X. Inpainting of remote sensing SST images with deep convolutional generative adversarial network. IEEE Geosci. Remote Sens. Lett. 2019, 16, 173–177. [Google Scholar] [CrossRef]
  52. Radford, A.; Metz, L.; Chintala, S. Unsupervised representation learning with deep convolutional generative adversarial networks. arXiv 2015, arXiv:1511.06434. [Google Scholar]
  53. Zhang, Q.; Yuan, Q.; Zeng, C.; Li, X.; Wei, Y. Missing data reconstruction in remote sensing image with a unified spatial–temporal–spectral deep convolutional neural network. IEEE Trans. Geosci. Remote Sens. 2018, 56, 4274–4288. [Google Scholar] [CrossRef] [Green Version]
  54. Wong, R.; Zhang, Z.; Wang, Y.; Chen, F.; Zeng, D. HSI-IPNet: Hyperspectral imagery inpainting by deep learning with adaptive spectral extraction. IEEE J. Sel. Topics Appl. Earth Observ. Remote Sens. 2020, 13, 4369–4380. [Google Scholar] [CrossRef]
  55. Zhang, H.; Hu, Z.; Luo, C.; Zuo, W.; Wang, M. Semantic image inpainting with progressive generative networks. In Proceedings of the 26th ACM International Conference on Multimedia (ACM MM), Seoul, Korea, 22–26 October 2018; pp. 1939–1947. [Google Scholar]
  56. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2015, arXiv:1409.1556. [Google Scholar]
  57. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process 2004, 13, 600–612. [Google Scholar] [CrossRef] [Green Version]
  58. Gatys, L.A.; Ecker, A.S.; Bethge, M. Image style transfer using convolutional neural networks. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26–30 June 2016; pp. 2414–2423. [Google Scholar]
  59. Deng, J.; Dong, W.; Socher, R.; Li, L.; Li, K.; Fei-Fei, L. ImageNet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  60. Johnson, J.; Alahi, A.; Fei-Fei, L. Perceptual losses for real-time style transfer and super-resolution. In Proceedings of the European Conference on Computer Vision (ECCV), Amsterdam, The Netherlands, 8–16 October 2016; pp. 694–711. [Google Scholar]
  61. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26–30 June 2016; pp. 770–778. [Google Scholar]
  62. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the inception architecture for computer vision. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 26–30 June 2016; pp. 2818–2826. [Google Scholar]
  63. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
Figure 1. Existing RSISC task procedure. The invalid pixels induce a defect information flow (red line) and may influence the classification result.
Figure 1. Existing RSISC task procedure. The invalid pixels induce a defect information flow (red line) and may influence the classification result.
Remotesensing 14 00053 g001
Figure 2. New RSISC task procedure to solve the dilemma. The defect information flow introduced by invalid pixels is cut off by the inpainting network as the black X- shape shown, and the feature extractor can extract more purified features.
Figure 2. New RSISC task procedure to solve the dilemma. The defect information flow introduced by invalid pixels is cut off by the inpainting network as the black X- shape shown, and the feature extractor can extract more purified features.
Remotesensing 14 00053 g002
Figure 3. Overall inpainting architecture of proposed approach. (a) is the basic residual inpainting unit (RIU) combined of four residual blocks and can generate a preliminary result. (b) is the framework of our LPIN consisted with several RIUs. (c) is the calculating process of the loss functions. I 0 is the real image without defects, I i n is the corresponding image with defects, x i n is the input of RIU, x r e s is a residual output, x i o u t is the output of the i-th RIU and x N o u t is the output of the last RIU, i.e., the final inpainting result I o u t .
Figure 3. Overall inpainting architecture of proposed approach. (a) is the basic residual inpainting unit (RIU) combined of four residual blocks and can generate a preliminary result. (b) is the framework of our LPIN consisted with several RIUs. (c) is the calculating process of the loss functions. I 0 is the real image without defects, I i n is the corresponding image with defects, x i n is the input of RIU, x r e s is a residual output, x i o u t is the output of the i-th RIU and x N o u t is the output of the last RIU, i.e., the final inpainting result I o u t .
Remotesensing 14 00053 g003
Figure 4. Example images of NWPU-RESISC45 dataset.
Figure 4. Example images of NWPU-RESISC45 dataset.
Remotesensing 14 00053 g004
Figure 5. Example images of UC Merced Land-Use dataset.
Figure 5. Example images of UC Merced Land-Use dataset.
Remotesensing 14 00053 g005
Figure 6. Example images of AID dataset.
Figure 6. Example images of AID dataset.
Remotesensing 14 00053 g006
Figure 7. Example images of 3 masks dataset. The first row is the mask image, and the second row is the corresponding defected images. (a) Example images of periodic stripes. (b) Example images of random noises. (c) Example images of thick clouds.
Figure 7. Example images of 3 masks dataset. The first row is the mask image, and the second row is the corresponding defected images. (a) Example images of periodic stripes. (b) Example images of random noises. (c) Example images of thick clouds.
Remotesensing 14 00053 g007
Figure 8. Procedure of the classification accuracy test.
Figure 8. Procedure of the classification accuracy test.
Remotesensing 14 00053 g008
Figure 9. Loss function curves when converge. (a) The reconstruction loss curve of the defects region. (b) The reconstruction loss curve of the valid region. (c) The content loss curve. (d) The style loss curve.
Figure 9. Loss function curves when converge. (a) The reconstruction loss curve of the defects region. (b) The reconstruction loss curve of the valid region. (c) The content loss curve. (d) The style loss curve.
Remotesensing 14 00053 g009
Figure 10. Inpainting quality of different RIU numbers.
Figure 10. Inpainting quality of different RIU numbers.
Remotesensing 14 00053 g010
Figure 11. Qualitative visual comparison of inpainting results. (a) Images with defects. (b) The inpainting results of PGN. (c) The inpainting results of PCONV. (d) The inpainting results of PRVS. (e) The inpainting results of RFR. (f) he inpainting results of the proposed LPIN. (g) The corresponding GT images.
Figure 11. Qualitative visual comparison of inpainting results. (a) Images with defects. (b) The inpainting results of PGN. (c) The inpainting results of PCONV. (d) The inpainting results of PRVS. (e) The inpainting results of RFR. (f) he inpainting results of the proposed LPIN. (g) The corresponding GT images.
Remotesensing 14 00053 g011
Figure 12. Confusion matrix of F2BRBM on the ground truth NWPU-RESISC45 dataset with a training ration 20%.
Figure 12. Confusion matrix of F2BRBM on the ground truth NWPU-RESISC45 dataset with a training ration 20%.
Remotesensing 14 00053 g012
Figure 13. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on NWPU-RESISC45 with different defects.
Figure 13. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on NWPU-RESISC45 with different defects.
Remotesensing 14 00053 g013
Figure 14. Example of typical misclassifications. The backgrounds of the images in the first row and the second row are much similar.
Figure 14. Example of typical misclassifications. The backgrounds of the images in the first row and the second row are much similar.
Remotesensing 14 00053 g014
Figure 15. Visualized OA of F2BRBM on images inpainted by different models.
Figure 15. Visualized OA of F2BRBM on images inpainted by different models.
Remotesensing 14 00053 g015
Figure 16. Inpainting results of UC Merced land-use dataset and AID dataset.
Figure 16. Inpainting results of UC Merced land-use dataset and AID dataset.
Remotesensing 14 00053 g016
Figure 17. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on UC Merced land-use dataset and AID dataset with stripe defects.
Figure 17. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on UC Merced land-use dataset and AID dataset with stripe defects.
Remotesensing 14 00053 g017
Figure 18. Inpainting result of combined defects. (a) Images with stripe and noise defects. (b) Images with stripe and cloud defects. (c) Images with noise and cloud defects. (d) Images with all these three kinds of defects.
Figure 18. Inpainting result of combined defects. (a) Images with stripe and noise defects. (b) Images with stripe and cloud defects. (c) Images with noise and cloud defects. (d) Images with all these three kinds of defects.
Remotesensing 14 00053 g018
Figure 19. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on NWPU-RSISC45 with all three defects.
Figure 19. Confusion matrixes of the original F2BRBM (a) and F2BRBM + LPIN (b) on NWPU-RSISC45 with all three defects.
Remotesensing 14 00053 g019
Figure 20. The visualized explanation of the confusion matrix. (a) Defect images are misclassified mainly into three categories. (b) The inpainted images can be classified correctly.
Figure 20. The visualized explanation of the confusion matrix. (a) Defect images are misclassified mainly into three categories. (b) The inpainted images can be classified correctly.
Remotesensing 14 00053 g020
Table 1. The size of pretrained model weight of different inpainting models.
Table 1. The size of pretrained model weight of different inpainting models.
Inpainting MethodGLCIC
[40]
DeepFill
[41]
PCONV
[43]
DeepFill v2
[45]
PRVS
[46]
Edge-Connect
[47]
RFR
[49]
PGN
[55]
Proposed
LPIN
Pretrained Model Weight (MB)23.2130.8412.5176.4666.738.1374.83132.81.2
Table 2. Model Weight and Inpainting Speed of Different Models.
Table 2. Model Weight and Inpainting Speed of Different Models.
MethodPGN [55]PCONV [43]PRVS [46]RFR [49]LPIN
(Ours)
FLOPs (G)77.6418.9519.71206.116.23
Bytes (M)249.3951.5522.3830.590.095
Model Weight (MB)3132.8412.5666.7374.81.2
Inpainting Speed (fps)24.8966.7522.4715.7567.29
Table 3. Quantitative inpainting results of different methods.
Table 3. Quantitative inpainting results of different methods.
MethodStripe DefectsNoise DefectsCloud Defects
M A E ( % ) P S N R + ( dB ) S S I M + M A E ( % ) P S N R + ( dB ) S S I M + M A E ( % ) P S N R + ( dB ) S S I M +
PCGN [55]1.73729.0820.9212.54827.0660.8121.87328.3200.875
PCONV [43]1.48327.6210.8742.70923.5550.6651.48428.0920.873
PRVS [46]1.40428.3060.8831.37528.3020.8821.38028.2670.882
RFR [49]1.46128.8970.8511.58826.7940.8771.38628.4210.883
LPIN (ours)0.72233.8490.9670.64633.2820.9511.38428.4320.884
lower is better. + Higher is better.
Table 4. OA (%) and DR (%) of Six Classifiers and Corresponding Combined Methods with LPIN on NWPU-RSISC45 Dataset.
Table 4. OA (%) and DR (%) of Six Classifiers and Corresponding Combined Methods with LPIN on NWPU-RSISC45 Dataset.
MethodGT OAStripe DefectsNoise DefectsCloud Defects
OAD2GROAD2GROAD2GR
HCV + FV [4]82.36 ± 0.1732.48 ± 0.4339.4439.15 ± 0.2747.5450.12 ± 0.4460.85
HCV + FV + LPIN82.15 ± 0.2399.7780.94 ± 0.1498.3079.42 ± 0.3496.45
ADFF [12]88.82 ± 0.2243.17 ± 0.5748.6053.80 ± 0.3860.5749.74 ± 0.3956.00
ADFF + LPIN88.23 ± 0.2599.3787.35 ± 0.2898.3783.63 ± 0.3494.19
VGG16 [56]87.66 ± 0.3728.01 ± 0.5331.9528.53 ± 0.4132.5539.50 ± 0.5545.06
VGG16 + LPIN87.21 ± 0.3999.6186.05 ± 0.3698.2982.82 ± 0.4194.60
ResNet50 [61]90.12 ± 0.1436.80 ± 0.5140.8348.17 ± 0.5353.4550.45 ± 0.6155.98
ResNet50+LPIN89.98±0.4499.8589.66 ± 0.4999.5087.75 ± 0.5197.38
Inception V3 [62]93.42 ± 0.3942.17 ± 0.6945.1456.61 ± 0.8760.6052.99 ± 0.7556.72
Inception V3 + LPIN93.30 ± 0.5199.9092.99 ± 0.6299.5788.45 ± 0.6294.71
F2BRBM [16]94.72 ± 0.3844.16 ± 0.4546.6243.36 ± 0.3245.7860.80 ± 0.4164.19
F2BRBM + LPIN93.77 ± 0.3799.0094.43 ± 0.3899.6989.92 ± 0.3894.93
Table 5. OA Comparison of F2BRBM Combined with Different Inpainting Models on Images with Defects.
Table 5. OA Comparison of F2BRBM Combined with Different Inpainting Models on Images with Defects.
MethodStripes DefectsNoises DefectsClouds Defects
F2BRBM + PGN [55]93.06 ± 0.2285.43 ± 0.2086.49 ± 0.19
F2BRBM + PCONV [43]79.84 ± 0.8960.60 ± 1.2589.01 ± 0.15
F2BRBM + PRVS [46]92.93 ± 0.1892.81 ± 0.4389.99 ± 0.34
F2BRBM + RFR [49]66.43 ± 1.0574.23 ± 0.9290.19 ± 0.27
F2BRBM + LPIN (ours)93.77 ± 0.2394.43 ± 0.1589.92 ± 0.25
Table 6. Quantitative Inpainting Results of UC Merced Land-use Dataset and AID Dataset.
Table 6. Quantitative Inpainting Results of UC Merced Land-use Dataset and AID Dataset.
DatasetStripes DefectsNoises DefectsClouds Defects
M A E
(%)
P S N R + ( dB ) S S I M + M A E ( % ) P S N R + ( dB ) S S I M + M A E ( % ) P S N R + ( dB ) S S I M +
UC Merced Land-Use0.77633.5890.9640.88030.9580.9111.61627.0490.885
AID0.71134.0620.9650.66633.1220.9421.39528.4190.889
lower is better. + Higher is better.
Table 7. OA (%) and ROR (%) of F2BRBM and F2BRBM + LPIN on UC Merced Land-use Dataset and AID Dataset.
Table 7. OA (%) and ROR (%) of F2BRBM and F2BRBM + LPIN on UC Merced Land-use Dataset and AID Dataset.
DatasetMethodGT OAStripe DefectsNoise DefectsCloud Defects
OAD2GROAD2GROAD2GR
UC Merced Land-UseF2BRBM97.23 ±
0.03
48.76 ± 0.2650.1570.71 ± 0.3272.7272.63 ± 0.2874.70
F2BRBM + LPIN96.56 ± 0.1499.3194.39 ± 0.1297.0893.24 ± 0.0995.90
AIDF2BRBM96.05 ±
0.02
44.34 ± 0.1246.1635.08 ± 0.2736.5260.88 ± 0.3060.38
F2BRBM + LPIN94.05 ± 0.2297.9291.76 ± 0.1995.5389.23 ± 0.4293.00
Table 8. Inpainting Quality Comparison of LPIN with or without LSTM.
Table 8. Inpainting Quality Comparison of LPIN with or without LSTM.
Network ArchitectureWith LSTMWithout LSTM
Stripe defects MAE (%)2.7861.015
PSNR + (dB)22.04831.193
SSIM + 0.7850.935
Noise defects MAE (%)2.7742.330
PSNR + (dB)23.13124.690
SSIM + 0.6640.715
Cloud defects MAE (%)2.9081.630
PSNR + (dB)21.75126.885
SSIM + 0.8250.875
lower is better. + Higher is better.
Table 9. Inpainting Quality Comparison of Different Reconstruction Loss.
Table 9. Inpainting Quality Comparison of Different Reconstruction Loss.
Reconstruction LossL1 LossNegative SSIM Loss
Stripe defects MAE (%)1.4001.015
PSNR + (dB)28.98931.193
SSIM + 0.8870.935
Noise defects MAE (%)2.7802.330
PSNR + (dB)23.32924.690
SSIM + 0.6560.715
Cloud defects MAE (%)1.6641.630
PSNR + (dB)27.05326.885
SSIM + 0.8670.875
lower is better. + Higher is better.
Table 10. Inpainting Quality Comparison of ResNet50 and VGG16 Extractor.
Table 10. Inpainting Quality Comparison of ResNet50 and VGG16 Extractor.
Feature ExtractorResNet50VGG16
Stripe defects MAE (%)1.3561.357
PSNR + (dB)30.97830.912
SSIM + 0.9030.910
Noise defects MAE (%)2.4032.418
PSNR + (dB)24.71524.841
SSIM + 0.7670.761
Cloud defects MAE (%)1.7101.671
PSNR + (dB)26.55426.715
SSIM + 0.8520.849
lower is better. + Higher is better.
Table 11. Inpainting Quality Comparison of Different Extractor Layers.
Table 11. Inpainting Quality Comparison of Different Extractor Layers.
Feature Extractor LayerMaxpoolingConvolution
Stripe defects MAE (%)1.0631.015
PSNR + (dB)30.83431.193
SSIM + 0.9300.935
Noise defects MAE (%)2.9872.330
PSNR + (dB)22.74824.690
SSIM + 0.6360.715
Cloud defects MAE (%)1.6541.630
PSNR + (dB)26.45326.885
SSIM + 0.8750.875
lower is better. + Higher is better.
Table 12. Inpainting Quality on NWPU-RSISC45 Dataset with Combined Defects.
Table 12. Inpainting Quality on NWPU-RSISC45 Dataset with Combined Defects.
Defect Type M A E ( % ) P S N R + ( dB ) S S I M +
Stripes + noises1.25530.8240.928
Stripes + clouds2.01426.8830.855
Noises + clouds1.92726.8470.846
Stripes + noises + clouds2.45626.0750.822
lower is better. + Higher is better.
Table 13. OA (%) and D2GR (%) of F2BRBM and F2BRBM+LPIN on NWPU-RSISC45 Dataset with Combined Defects.
Table 13. OA (%) and D2GR (%) of F2BRBM and F2BRBM+LPIN on NWPU-RSISC45 Dataset with Combined Defects.
Defect TypeMethodsGT OAOAD2GR
Stripes + NoisesF2BRBM94.72 ±
0.38
30.17 ± 0.4431.85
F2BRBM + LPIN93.97 ± 0.2899.21
Stripes + cloudsF2BRBM19.18 ± 0.8220.25
F2BRBM + LPIN87.66 ± 0.5292.55
Noises + cloudsF2BRBM19.75 ± 0.7620.85
F2BRBM + LPIN87.16 ± 0.3592.02
Stripes + noises + cloudsF2BRBM9.67 ± 0.6810.21
F2BRBM + LPIN84.99 ± 0.4889.73
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

An, W.; Zhang, X.; Wu, H.; Zhang, W.; Du, Y.; Sun, J. LPIN: A Lightweight Progressive Inpainting Network for Improving the Robustness of Remote Sensing Images Scene Classification. Remote Sens. 2022, 14, 53. https://doi.org/10.3390/rs14010053

AMA Style

An W, Zhang X, Wu H, Zhang W, Du Y, Sun J. LPIN: A Lightweight Progressive Inpainting Network for Improving the Robustness of Remote Sensing Images Scene Classification. Remote Sensing. 2022; 14(1):53. https://doi.org/10.3390/rs14010053

Chicago/Turabian Style

An, Weining, Xinqi Zhang, Hang Wu, Wenchang Zhang, Yaohua Du, and Jinggong Sun. 2022. "LPIN: A Lightweight Progressive Inpainting Network for Improving the Robustness of Remote Sensing Images Scene Classification" Remote Sensing 14, no. 1: 53. https://doi.org/10.3390/rs14010053

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop