Next Article in Journal
Improved Empirical Coefficients for Estimating Water Vapor Weighted Mean Temperature over Europe for GNSS Applications
Previous Article in Journal
Bringing Lunar LiDAR Back Down to Earth: Mapping Our Industrial Heritage through Deep Transfer Learning
 
 
Retraction published on 24 February 2020, see Remote Sens. 2020, 12(4), 742.
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Attention-Based Deep Feature Fusion for the Scene Classification of High-Resolution Remote Sensing Images

School of Geodesy and Geomatics, Wuhan University, 129 Luoyu Road, Wuhan 430079, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2019, 11(17), 1996; https://doi.org/10.3390/rs11171996
Submission received: 12 July 2019 / Revised: 20 August 2019 / Accepted: 21 August 2019 / Published: 23 August 2019
(This article belongs to the Section Remote Sensing Image Processing)

Abstract

:
Scene classification of high-resolution remote sensing images (HRRSI) is one of the most important means of land-cover classification. Deep learning techniques, especially the convolutional neural network (CNN) have been widely applied to the scene classification of HRRSI due to the advancement of graphic processing units (GPU). However, they tend to extract features from the whole images rather than discriminative regions. The visual attention mechanism can force the CNN to focus on discriminative regions, but it may suffer from the influence of intra-class diversity and repeated texture. Motivated by these problems, we propose an attention-based deep feature fusion (ADFF) framework that constitutes three parts, namely attention maps generated by Gradient-weighted Class Activation Mapping (Grad-CAM), a multiplicative fusion of deep features and the center-based cross-entropy loss function. First of all, we propose to make attention maps generated by Grad-CAM as an explicit input in order to force the network to concentrate on discriminative regions. Then, deep features derived from original images and attention maps are proposed to be fused by multiplicative fusion in order to consider both improved abilities to distinguish scenes of repeated texture and the salient regions. Finally, the center-based cross-entropy loss function that utilizes both the cross-entropy loss and center loss function is proposed to backpropagate fused features so as to reduce the effect of intra-class diversity on feature representations. The proposed ADFF architecture is tested on three benchmark datasets to show its performance in scene classification. The experiments confirm that the proposed method outperforms most competitive scene classification methods with an average overall accuracy of 94% under different training ratios.

1. Introduction

It is increasingly significant to use high-resolution remote sensing images (HRRSI) in geospatial object detection [1,2] or land-cover classification tasks due to the advance of remote sensing instruments. As we all know, scene classification (that classifies scene images into diverse categories according to the semantic information they contain), has been widely applied to land-cover or land-use classification of HRRSI [3,4,5,6]. Nevertheless, it is difficult to classify the scene images effectively due to various land-cover objects and high intra-class diversity [7,8]. Therefore, features that are used to describe scene images are important for scene classification of HRRSI.
Features that are used to describe the scene images are mainly divided into three types by [9]. They include handcrafted features, unsupervised learning-based features and deep features. The literature of feature representations for scene classification is described in Section 2.1. Although the deep feature-based methods have achieved great success in scene classification, they assume that each object equally contributes to the feature representations of a scene image [10,11,12].
However, scene images of HRRSI contain more diverse types of objects compared with those in nature images [13] and not all objects in scene images are useful for recognizing the scenes [14]. As shown in Figure 1a, the cars and roads are important while the trees and houses are unimportant for classifying the freeway scenes. In Figure 1b,c, recognizing the airplane in the airport scene and tennis court in the tennis court scene can assist the scene classification, since the airplanes and tennis courts are the indispensable parts of airport and tennis court scenes. As a result, more emphasis should be laid on those important objects, and less emphasis should be laid on redundant objects when representing scene images. For this reason, the visual attention mechanism is studied in the CNN over recent years [15,16,17,18,19,20,21], and the literature on the attention mechanism is shown in Section 2.2. In the attention mechanism, some salient regions selected from the entire image rather than the entire image are processed by the visual attention mechanism at once. Computation cost can be reduced, and classification results can be improved by focusing on the important regions in scene images [18]. Despite the impressive results achieved by the CNN architectures that are incorporated into the attention mechanism, they still pose various challenges.
First of all, they still suffer from high intra-class variations existing in scene images of HRRSI [22]. That is because diverse seasons, locations or sensors may lead to highly different spectral characteristics of scene images with the same category [23], as shown in Figure 2. Therefore, it is hard to detect salient regions well due to highly different spectral characteristics of scene images belonging to the same category.
Secondly, the existing attention mechanism methods assume that the salient regions can represent the label information of the scene images well [24]. But they ignore that the scene images of repeated texture do not satisfy the assumption. As shown in Figure 3, the key regions derived from the attention mechanism are usually located in the center of images for scenes of repeated texture. But all objects in the entire images are equally important for classifying scene images, since there exists no redundant objects in these scenes.
In this paper, an attention-based deep feature fusion (ADFF) method for the scene classification of HRRSI is proposed to handle two challenges mentioned above. Firstly, the attention maps are generated from Grad-CAM algorithm to provide key regions for feature representations, and a CNN model is trained for RGB images. Then features derived from CNN model and attention maps are fused to take scenes of repeated texture and key regions into consideration. Finally, the center loss function is combined with the cross-entropy loss to reduce the influence of intra-class diversity on representing scene images.
The four major contributions are depicted as follows:
  • We propose to make attention maps related to original RGB images an explicit input component of the end-to-end training, aiming to force the network to concentrate on the most salient regions that can increase the accuracy of scene classification.
  • We design multiplicative fusion of deep features by combining features derived from the attention map with those from the original pixel spaces to improve the performance of these scenes of repeated texture.
  • We propose a center-based cross-entropy loss function to better distinguish scene images that are easily confused and decrease the effect of intra-class diversity on representing scene images.
  • The proposed ADFF framework is evaluated on three benchmark datasets and achieves state-of-the-art performance in the case of limited training data. Therefore, it can be applied to the land-cover classification of large areas when training data is limited.
The rest of this paper is organized, as follows. Section 2 summarizes the literature of feature representations, the attention mechanism and feature fusion. The details of the proposed ADFF algorithm are depicted in Section 3. Section 4 introduces the dataset description, experimental setup and results. The experimental results are analyzed in Section 5. The conclusions with a potential direction are presented in Section 6.

2. Related Work

2.1. Feature Representation

The previous scene classification methods are mainly divided into three types, according to the used feature representations. The three categories of features include handcrafted features, unsupervised learning-based features and deep features [9].
Handcrafted features are aimed to design features for scene classification manually. They represent the scenes images with their primary characteristics, including shape, texture, spectral information, or a fusion of these information. Histogram of oriented gradients [25,26,27], texture features [28,29] and spectral features are the most widely used among all these features. Nevertheless, the inadequate description of semantic information hidden in scenes may constrain the performance of these features.
The drawbacks of handcrafted features can be overcome by unsupervised learning-based features that have been studied by many researchers [30,31,32]. The input of unsupervised learning-based features is some handcrafted features, while the statistics of handcrafted features are output. This family of features covers probabilistic latent semantic analysis (PLSA), latent dirichlet allocation (LDA), bag of visual words (BOVW) and principal component analysis (PCA). Unsupervised learning-based features can obtain more discriminative features compared with handcrafted features, which may lead to better classification performance. However, the ability to distinguish similar scene images cannot be guaranteed by most unsupervised learning-based features because the hidden semantic information is not made full use of.
Deep features have attracted more and more tremendous attention because of the development of GPU and an increasing number of remote sensing training samples [33,34]. These methods have two important advantages. For one thing, the semantic features can be learned from original images automatically via CNN [35,36,37,38]. Therefore, we only need to modify the structure of CNN architectures rather than manually design the features, which can save the human resources. For another, deep features are more discriminative in distinguishing similar scene categories compared with the other two types of features [39].

2.2. Attention Mechanism

The predecessor of the attention mechanism is the saliency detection that calculates a saliency value for each pixel in the scene image. The saliency detection method that is aimed at assigning each pixel in the scene images with a saliency value assumes that salient regions usually correspond to the true scene labels. Several studies have been done in the field of saliency detection. Zhang et al. [24] use all detected salient regions and some unimportant regions to represent each scene image and eliminate some unimportant objects. Zhang et al. [40] propose to extract crucial objects by the saliency maps, which can increase the accuracy of land-cover classification.
Although the attention mechanism is similar to saliency detection superficially, a difference still exists between the saliency detection and attention mechanism. The saliency detection methods cannot distinguish the importance of each object, since they obtain the salient regions of scene images by the texture information. The attention mechanism methods learn important regions or parts from the entire images by adjusting the supervision signal continuously during the training process. The largest discrepancy between the saliency detection and attention mechanism is that the attention mechanism concentrates on learning while saliency detection pays attention to calculation. In the case of sufficient training data, learning can deliver better performance for the attention mechanism compared with saliency detection methods.
In the context of the attention mechanism for image classification, three common techniques are used to compute attention maps given category labels, namely CAM [41], Grad CAM [42], and Grad-CAM++ [43]. The drawbacks of the CAM approach are that it is inflexible and requires architecture modification for generating trainable attention. Although Grad CAM++ can produce a better class activation map by modifying the way weights are computed, its high computational cost in calculating the second and third derivatives makes it impractical. Grad CAM method does not need architecture modification or re-training, and it only requires calculating the first derivatives, which may save much computation cost. Therefore, Grad CAM is used to generate attention maps in this paper.

2.3. Feature Fusion

Feature fusion is a significant means that can comprehensively achieve complementary advantages of different features and obtain robust and accurate recognition results. Feature fusion is often used in deep learning models. Feichtenhofer et al. [44] propose to fuse deep features after the convolutional layer in both the softmax and RELU layers by a spatial and temporal feature fusion method. Chaib et al. [45] propose to fuse deep features by discriminant correlation analysis. Zhao et al. [46] fuse the spectral information with structural information hidden in scene images to increase the discriminative ability of features. Cheng et al. [26] propose to obtain the BOVW feature vector by combining the local features with global features. Chowdhury et al. [47] propose to calculate the outer product of deep features extracted from different convolutional layers in order to fuse deep features in the bilinear CNN. Jiang et al. [48] propose to fuse the spatial and motion features for classification to achieve deep feature fusion. Features are fused in different CNNs in the deep feature fusion network proposed by Bodla et al. [49]. The feature fusion methods can complement each other by fusing features. They can reduce the influence of scenes of repeated texture on the feature representations in this paper.

3. Materials and Methods

3.1. Overall Architecture

As shown in Figure 4, the proposed ADFF approach consists of three novel components, namely the network that generates attention maps by the Grad-CAM, a multiplicative fusion of deep features and the center-based cross-entropy loss function. Section 3.2, Section 3.3 and Section 3.4 elaborate each novel component of the ADFF framework.
The left part of our framework shows the structure we generate the attention map. We fine-tune the pre-trained ResNet-18 model [50] on existing samples because the features learnt from fine-tuned architectures are more suitable for classifying HRRSI. Then we generate attention map for all images by the Grad-CAM algorithm in Section 3.2. The right half of our framework in Figure 4 shows our end-to-end learning model, including multiplicative fusion of features extracted from CNN models and spatial feature transformer (SFT) in Section 3.3 and integration of cross-entropy loss and center loss functions in Section 3.4. Algorithm 1 summarizes the process of the ADFF framework.
Algorithm 1. The procedure of ADFF
1Step 1 Generate attention maps
2Input: The original images X and their corresponding labels Y .
3Output: Attention maps X a m .
4Fine-tune ResNet-18 model on training datasets.
5Forward inference full image X .
6Calculate weight coefficients α from Equation (1).
7Obtain gray scale saliency map X s m from Equation (2).
8Return attention map X a m by upsampling X s m to the size of X .
9Step 2 End-to-end learning
10Input: The original image X and the attention maps X a m
11Output: Predict probability P
12While Epoch=1, 2,…, N do
13Fuse features derived from CNN and SFT that are trained from X and X a m respectively.
14Predict probability of images P = f ( X , X a m ) by the fused features.
15Calculate the total loss function L t o t a l .from Equation (6)
16Update parameter θ through back propagating the loss L t o t a l in 15
17End while
18Return Predict probability P

3.2. Attention Maps Generated by Grad-CAM Approach

For scene classification of HRRSI, some objects of scene images are redundant, which may negatively influence the representation of scene images. The HRRSI used in this paper are described in Section 4. Therefore, salient objects need to be detected from the scene images in order to reduce the influence of insignificant objects on representing the scene images. In this paper, attention maps that are originally used to explain the predictions of the CNN model are introduced to extract key regions. We resort to the Grad-CAM approach to produce attention maps on all training and test images.
The approach to generating attention maps contains two steps, including forward propagation and backward propagation. For forward propagation, we fine-tune the pre-trained ResNet networks on remote sensing training data. For backward propagation, we mainly use the Grad-CAM to generate the attention maps that can assist the scene classification of each particular dataset.
In Grad-CAM, we first compute the neuron importance weights of class c α k c , as shown in Equation (1).
α k c = i j y c A i , j k Z ,
where y c denotes the score of class c and A k denotes the k-th convolutional feature maps derived from the last convolutional layer. α k c represents the relative importance coefficient of k-th convolutional feature maps for c-th category and Z represents a feature map’s pixel number.
Then convolutional feature maps are combined with different weights α k c . Finally, we get the class-discriminative attention map L G R A D C A M c , as shown in Equation (2) and Figure 5, by putting the combined feature maps into an RELU layer,
L G R A D C A M c = Re L U ( k α k c A k ) .
The attention maps provided by the Grad-CAM approach can offer information about salient regions that are important for representing scene images and reduce the negative influence of unimportant objects on feature representations.

3.3. Multiplicative Fusion of Deep Features Derived from CNN and SFT

Using only the original RGB images as the input of CNN architecture may suffer from redundant objects of scene images while only the attention maps as the input may cause a lower performance in scene images of repeated texture. Feature fusion is an efficient solution to this problem. Therefore, we propose a simple, but effective, multiplicative fusion of deep features from two different streams for the scene classification of HRRSI.
As can be seen in Figure 4, the first stream feeds original RGB images into the CNN architecture. The structure of CNN architecture that is trained in this stream is consistent with the ResNet-18 network structure.
The second stream utilizes the attention maps as input to the train the designed spatial feature transformer (SFT) network, since it is parameter-efficient in extracting valuable information from attention maps and the features output by the SFT are easily fused with those from the CNN because of the same feature dimension. The architecture of SFT is presented in Figure 6. SFT contains four convolutional layers, four batch normalization layers and one max-pooling layer only following the first batch normalization layer. The first convolutional layer has 64 filters of size 7 × 7 with a stride of two pixels and a padding of three pixels. The stride and padding of other convolutional layers are set as 2 and 1 pixel respectively. The second, third, and fourth convolutional layers have 128, 256 and 512 filters with a size of 3 × 3. The batch normalization layers are consistent with the kernel of the convolutional layer they are connected to. Max-pooling is carried out over a 3 × 3 window with a stride of 2.
When deep discriminative features are obtained from CNN and SFT respectively, we use multiplicative fusion functions shown in Equation (3) for high-dimensional deep feature fusion,
y d m u l = X i , j , d r g b × X i , j , d g r a d c a m .
In Equation (3), i , j [ 7 , 7 ] and d is the feature dimension. The number of channels in y is still 512.
The fused features consider both the salient objects and increased discriminative ability in scenes of repeated texture to make the fused features better differentiate scene images of repeated texture.

3.4. The Center-Based Cross Entropy Loss Function

Large intra-class differences caused by diverse natural environments, climates, sensors or latitudes may exist in scene images of HRRSI. Therefore, the cross-entropy loss is combined with the center loss to form the proposed center-based cross-entropy loss function so as to reduce the effect of within-class diversity.
Generally speaking, the cross-entropy loss is frequently applied to the scene classification of HRRSI, since it can evaluate the difference between the probability distribution of true labels and that of predicted labels [51,52], which may increase the discriminative ability of the CNN. Equation (4) shows the cross-entropy loss function.
L s = i = 1 m log e W y i T x i + b y i j = 1 n e W j T x i + b j ,
where n is the category number and m is the number of training samples. W j d represents weights of the last fully connected layer in the j-th column. b n represents the bias and x i d represents the deep features derived from i-th image that is with the category y i .
Although the cross-entropy loss function may increase the discriminative ability, it assumes that difficult samples and easy samples are of the same importance for training a CNN. Therefore, the cross-entropy loss function may deliver poor performance in classifying some difficult samples that are with high intra-class diversity and inter-class similarity. Center loss function [53] is introduced, as shown in Equation (5), in order to increase the discriminative ability of CNN in difficult samples while keeping the ability of features in distinguishing easy samples,
L c = i = 1 m x i c y i 2 2 2 .
The c y i d represents the average value of all deep features in each mini-batch belonging to the category y i . The mini-batch stochastic gradient descent (SGD) is used in the center loss to optimize the CNNs rather than optimize on the entire training dataset, which can reduce the computational cost. However, some scene images used for calculating the centers may not be predicted correctly.
Therefore, in order to learn a more discriminative CNN, we combine the cross-entropy loss with center loss. The proposed center-based cross-entropy loss can be given in Equation (6)
L t o t a l = L s + λ L c ,
where λ is hyper-parameters that control a balance between the center loss and cross-entropy loss.
Features of different categories will be far away and those with the same label will be close if the weights of ADFF are backpropagated with the center-based cross-entropy loss. Then the influence of intra-class variations on feature representations will be reduced.

4. Experimental Results and Setup

In this section, descriptions of three datasets used to test the ADFF framework in this paper, the compared baseline approaches, the implementation details, along with evaluation metrics are given.

4.1. Description of Datasets and Implementation Details

4.1.1. Dataset Description

In order to evaluate the performance of the ADFF framework, three datasets, including UC Merced, Aerial Image Dataset (AID) and NWPU-NESISC45 dataset, are used. The details of three datasets for evaluating the proposed ADFF framework are illustrated in Table 1. Then each dataset will be introduced separately.
1. UC Merced Land-use Dataset [54]: This dataset is the most classical scene classification benchmark dataset that is annotated from a publicly available aerial image. It contains 100 scene images of each category in 21 land-cover categories, with a spatial resolution of 0.3 m. These scenes are all with an image size of 256 × 256. Figure 7 shows the example images of 21 land-cover categories. This dataset can be obtained at http://weegee.vision.ucmerced.edu/datasets/landuse.html.
2. Aerial Image Dataset [55]: This dataset is annotated by experts that are experienced in visual interpretation. It contains a total of 10,000 scene images of 30 land-cover categories. These scenes are all with a 600 × 600 image size. Ranging spatial resolutions and richer image variations can be offered in this dataset. The example images of each class in this dataset are shown in Figure 8. The big dataset is released at http://captain.whu.edu.cn/project/AID/.
3. NWPU-RESISC45 dataset [56]: This dataset is more complex than the other two datasets, since it contains 700 scene images for each category in 45 land-cover categories. These scenes are all with an image size of 256 × 256 and a spatial resolution of 0.3 m. The example images of all 45 categories are shown in Figure 9. The dataset can be obtained at the address of http://www.escience.cn/people/JunweiHan/NWPU-RESISC45.html.

4.1.2. Compared Approaches and Implementation Details

The ADFF methods are compared with some baseline deep feature learning-based approaches and unsupervised feature learning approaches so as to demonstrate the effectiveness of the ADFF framework. Deep feature learning-based methods include CaffeNet with DCF [57], VGG-VD16 with DCF [57], TEX-Net-LF [58], CaffeNet [59], GoogleNet [60], VGG-16 [61], Multi-Branch Neural Network [62], triplet network [63], Hydra [64] and DenseNet [65]. Unsupervised feature learning methods BOCF [66], salM3LBP-CLM [10], scene capture [8] and color-boosted saliency-guided BOW [67] are also compared with the proposed ADFF approach to show the performance of the ADFF framework compared with the unsupervised feature learning methods. All scene classification results of the proposed ADFF framework have been released at https://drive.google.com/drive/folders/1-W8p7miChhrYP0ngsFqYwIhrsaGoy8Yq.
In this work, the pytorch framework is used to implement the proposed method. The hyperparameters used in the training stage are set by trial and error as follows. The batch size in the Adam optimizer is fixed as 128 to cater to the GPU memory. The initial learning rate is fixed as 0.001 and decreased by 0.1 for every 10 epochs. The maximum epochs in the source domain, the parameter controlling the learning rate of centers α and balance between the cross-entropy loss and center loss λ are fixed to 40, 0.01 and 0.1 respectively by cross validation.
All CNN models are trained until the training loss function converged. At the same time, for a fair comparison, the same ratios of training samples are applied in the following experiments according to the experimental settings in works. The 50% and 80% training samples are experimented separately for evaluating the UC Merced dataset. For the AID dataset, 20% and 50% of images are chosen. In addition, 20% and 10% training ratio are used for the NWPU-RESISC45 dataset. Here, two training ratios are considered for each of the three datasets because the numbers of images in three datasets are highly different. A small ratio can usually satisfy the full training requirement of the models when a dataset has numerous scene images. In actual training, all training samples constitute 50% training dataset and 50% validation dataset. The remaining scene images except those in the training and validation dataset are considered as the test dataset. Five-fold cross validations are used in this paper to show the stability of the proposed ADFF framework, which means a random selection of the training samples from the whole dataset for five times.
Note that all images in the AID dataset are resized to 256 × 256 pixels from the original 600 × 600 pixels because of memory overflow in the training phase. All the implementations are evaluated on a windows 7 system with one 3.6 GHz 8-core i7-4790CPU and 16 GB memory. Moreover, a GPU of NVIDIA GTX 960 is used to increase the computing speed.

4.1.3. Evaluation Metrics

Three Evaluation metrics are used in this paper to evaluate the ADFF framework. They include confusion matrix, standard deviation and overall accuracy. Each evaluation metric is explained in detail.
1. Overall Accuracy: It is the ratio of accurately predicted scenes’ quantity to all predicted scenes’ quantity
2. Standard deviation: It is a metric that is used to quantify the amount of variation or dispersion for a set of overall accuracies.
3. Confusion Matrix: This evaluation metric is widely utilized in scene classification. Each column of this matrix is the predicted labels, while each row of the matrix is the true labels. The major confusion of one method can be easily recognized from the matrix.

4.2. Experimental Results on the UC MERCED Dataset

As shown in Table 2, some competitive scene classification approaches are compared with the ADFF framework to prove the effectiveness of the ADFF in increasing classification accuracy. According to the results of Table 2, the ADFF framework achieves the highest OA of 97.53% and 96.05% for 80% and 50% training ratio among all methods. This demonstrates that the ADFF can learn more discriminative feature representations of scene images by combining features derived from original images and attention maps. The VGG-VD16 with DCF, CaffeNet with DCF and TEX-Net-LF can provide comparable classification accuracy, since they can distinguish test scene images with high inter-class similarity and intra-class variations well. CaffeNet, GoogleNet, VGG-16, Multi-Branch Neural Network and triplet network provide a relatively lower accuracy, since these CNN architectures may fail to make features of scenes with the same land-cover category close and those with diverse land-cover categories separate during the training procedure.
The unsupervised feature learning-based approaches perform worse than the deep feature learning-based approaches. The BOCF offers the lowest classification accuracy, since the statistics of convolutional features may lose some context information. The salM3LBP-CLM performs better than the BOCF, since it fuses global salM3LBP and local BOCF features in order to overcome the drawbacks of the BOCF to some extent. The scene capture method and color-boosted saliency-guided BOW deliver performances comparable to salM3LBP because they incorporate discriminative label information or salient region information into the feature representations, respectively.
The confusion matrices of the ADFF method under the training ratio of 80% and 50% is depicted in Figure 10. As shown in Figure 10a, 18 categories achieve accuracies greater than 93%, and six categories achieve an accuracy of 100%. In addition, the classes of “medium residential”, “storage tanks” and “tennis court” achieve a relatively lower accuracy of 93%. This may have resulted from the fact that the three classes are easy to be confused with classes that are with the same components building, but with different building structures. When the training ratio reduces from 80% to 50%, the accuracies of 17 categories decrease as can be seen in Figure 10b. That is because fewer training samples may lead to a less discriminative CNN architecture in distinguishing similar scenes.

4.3. Experimental Results on the AID Dataset

The ADFF framework outperforms other baseline algorithms with OAs of 94.75% and 93.68% by 50% and 20% training samples, respectively, according to Table 3. Conclusions similar to those in Table 2 can be drawn from Table 3. The classification accuracy of methods in the AID dataset is lower than that of the UC Merced dataset, since the AID dataset demonstrates the highest complexity and variations.
Different from the conclusions drawn in Table 2, the salM3LBP-CLM, scene capture and color-boosted saliency-guided BOW can provide classification accuracies comparable to several CNN architectures, including CaffeNet, GoogleNet, VGG-16 and triplet network. The reasons may be different for these three methods. For salM3LBP-CLM, the fusion of handcrafted features can distinguish those scene images that are easily confused in the case of insufficient data compared with CNN architectures. But for scene capture and color-boosted saliency-guided BOW, the label information and salient region information contained in feature representations can be beneficial to the scene classification of HRRSI.
As for the analysis of the confusion matrices shown in Figure 11b, 90% of all 30 categories achieve classification accuracies greater than 90% where the beach class achieves the highest accuracy 98.0%. Some categories that are similar in spectral characteristics, including “stadium”, “sparse residential” and “port” are also classified accurately with 97.9%, 97.7% and 97.6%, respectively. The classes of “commercial” and “resort” had relatively low classification accuracies with 89.7% and 89.7%. In detail, the “commercial” class is easily confused with “dense residential” and “industrial” because they all constitute buildings, but their spatial distributions are different. In addition, the resort class is usually misclassified as “park” and “medium residential” due to the existence of some analogous objects, such as green belts and ponds. As can be seen in Figure 11a, with the increase of training samples, most categories increase their classification accuracies.

4.4. Experimental Results on the NWPU-RESISC45 Dataset

Table 4 shows the classification performance comparison using the most challenging NWPU-RESISC45 dataset. It can be observed that the ADFF method also achieves remarkable classification results in at least OA improvements of 1.35% and 1.99% in the case of 10% and 20% training samples. CaffeNet with DCF, VGG-VD16 with DCF, TEX-Net-LF and DenseNet can also obtain comparable classification accuracy compared with the proposed ADFF method, since they can force scenes with the same category to be close and those with diverse categories to be far away when training data is limited. The Hydra delivers a little higher classification accuracy than the proposed ADFF framework, since it fine-tunes a coarsely optimized ReseNet multiple times.
Different from the conclusions drawn in Table 2 and Table 3, the CaffeNet, GoogleNet, VGG-16 and Multi-Branch Neural Network deliver classification accuracies lower than unsupervised feature learning-based methods in the NWPU-NESIS45 dataset. That is because it is not enough to train these CNN architectures for distinguishing similar scene images with only 20% training samples. The NWPU-RESISC45 dataset is with the lowest classification accuracy due to diverse scene categories and highly different spectral characteristics.
Figure 12 gives the confusion matrices generated from the classification results by the ADFF approach with 10% and 20% training samples. As shown in Figure 12a, 30 categories among all 45 categories achieve classification accuracies greater than 90%. The major confusion is in “rectangular farmland” and “circular farmland” because both of them have similar styles of farmlands, but with different shapes. With the decrease of training samples, the classification accuracy of almost all categories decreases correspondingly according to Figure 12b.

5. Discussion

5.1. The Computation Cost of the Proposed ADFF Framework

Table 5 shows the computation cost of the ADFF framework in three datasets under different ratios. When the number of training samples is 1050, 2000 and 5000 respectively, the computation cost will be 5349s, 10082s and 23274s.

5.2. Ablation Studies of the Proposed ADFF Framework

Table 6 shows the classification accuracies of the proposed ADFF method, as well as its different parts. As can be seen in Table 6, attention maps, a multiplicative fusion of deep features and center loss are all effective in increasing classification accuracy with 7.63%, 5.85% and 3.79%. Attention maps play a more important role than a multiplicative fusion of deep features and center-based cross-entropy loss, since they can extract the key region that is significant for recognizing a scene. The multiplicative fusion of deep features is more significant than center loss because it can decrease the possibility of confusion in scenes of repeated texture.
As can also be seen in Table 6, the classification accuracy is still acceptable to three datasets if we only use the cross-entropy loss. That is because the cross-entropy loss may increase the discriminative ability of the CNN by pulling the probability distribution of predicted labels close to that of true labels. The center-based cross-entropy loss function performs better than the cross-entropy loss, since the center-based cross-entropy loss can better distinguish difficult samples while keeping the discriminative ability to distinguish samples that are easy to classify.

5.3. The Influence of Attention Maps on the Proposed ADFF Framework

Figure 13 shows the attention maps generated by the Grad-CAM algorithm. Note that the higher the brightness of the color is, the higher the importance of the corresponding area of the image is. As can be seen in Figure 13, the fine-tuned network learns well to exploit important information about recognizing one scene image, since the areas that the fine-tuned network focuses on are beneficial to the final output decision. Therefore, we can draw a conclusion that the attentions map derived from Grad-CAM have a positive influence on the scene classification information.

5.4. The Limits of the Proposed ADFF Framework in Different Types of Images

In order to analyze the limits of the ADFF framework in different types of images, the major confusion of the ADFF approach from three datasets is depicted respectively. As can be concluded from Figure 10 and Figure 14, the confusion mainly exists in tennis court/medium residential, mobile home park/medium residential, golf course/baseball field, harbor/parking lot and building/dense residential in the UC Merced dataset. Different reasons cause the confusion of the proposed ADFF method. Scene images in Figure 14a,b,e are with different spatial distributions of the same objects. Figure 14c is with similar spectral characteristics in the background objects, such as grass. The vehicles in parking lot scenes are easily confused with ships in the harbor scenes, as shown in Figure 14d.
For the AID and NWPU-RESISC45 dataset, the major confusion of the ADFF framework is different from that in the UC Merced dataset as can be summarized from Figure 11 to Figure 12 and Figure 15 to Figure 16. The major confusion exists in commercial/dense residential, desert/bare land, stadium/playground, airport/runway and bare land/farmland in the AID dataset. For the NWPU-RESISC45 dataset, the major confusion exists in basketball court/tennis court, circular farmland/rectangular farmland, church/commercial area, storage tanks/industrial area and roundabout/intersection.
The reasons for the confusion are different. Figure 15a and Figure 16c–d are all composed of buildings, but the spatial distribution of these buildings is different. Scenes of Figure 15b,c,e and Figure 16a–b share similar backgrounds. Figure 15d and Figure 16e are with similar road networks in the scenes.
As can be concluded from Figure 14 to 16, the proposed ADFF framework is limited in handling the scenes that share close spectral characteristics, and those are with different spatial distributions of the same objects.

5.5. The Limits of the Proposed ADFF Framework in Different Environments

In order to analyze the limits of the proposed ADFF approach in different environments, we take the confusion of river scene images under different environments in Figure 17 as an example. As can be seen in Figure 17a,c,d,e,f, when the ground objects surrounding the river occupy a large proportion of the river scene images, these scene images are easily confused with the surrounded objects. As shown in Figure 17b, when the river is dry, it is easily confused with bare land that shares similar spectral characteristics.
As can be deduced from Figure 17, the ADFF framework may deliver limited performance in scene images where the objects surrounding the discriminative regions occupy a large area and those containing untypical salient objects, such as dry rivers or bald trees.

6. Conclusions

In this paper, an ADFF method is proposed to reduce the influence of intra-class variations and repeated texture on the scene classification. In this method, attention maps derived from Grad-CAM approach serve as an explicit input in order to make the network focus on salient regions beneficial to scene classification. Then deep features from the attention maps and original RGB images are fused by multiplicative fusion for better performance in scenes of repeated texture. Finally, the center-based cross-entropy loss is proposed to reduce the confusion in scene images difficult to classify.
The proposed ADFF framework is evaluated on three large three benchmark datasets to prove its effectiveness in scene classification. Several conclusions can be drawn from the experiments.
First of all, the classification accuracy of the ADFF approach outperforms other competitive scene classification methods with an overall accuracy of about 97% when the training ratio is large.
Secondly, the ADFF approach can still achieve a competitive accuracy of 91% in the case of limited training data. Therefore, it can be applied to the land-cover classification in a large area in the case of limited training data.
Last, but not least, attention maps, multiplicative fusion of deep features, and the center-based cross-entropy loss function are also proved to be effective in increasing an average classification accuracy of 3.3%, 5.1%, and 6.1%, respectively.
Nevertheless, the proposed ADFF approach demonstrates its limitation in providing the boundary information of the land-cover types. Therefore, the fusion of a scene-level land-cover classification method with a pixel-level or object-based land-cover classification method needs to be investigated in the future.

Author Contributions

Conceptualization, R.Z.; methodology, R.Z.; writing—original draft preparation, R.Z. and N.M.; writing—review and editing, R.Z., N.M. and Y.L.; supervision, Y.L. and L.Y.; funding acquisition, L.Y.

Funding

This research is funded by The National Key Research and Development Program of China under grant no. 2017YFC0803802.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Benedek, C.; Descombes, X.; Zerubia, J. Building development monitoring in multitemporal remotely sensed image pairs with stochastic birth-death dynamics. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 33–50. [Google Scholar] [CrossRef] [PubMed]
  2. Grinias, I.; Panagiotakis, C.; Tziritas, G. MRF-based Segmentation and Unsupervised Classification for Building and Road Detection in Peri-urban Areas of High-resolution. ISPRS J. Photogramm. Remote Sens. 2016, 122, 145–166. [Google Scholar] [CrossRef]
  3. Yan, L.; Zhu, R.; Mo, N.; Liu, Y. Improved class-specific codebook with two-step classification for scene-level classification of high resolution remote sensing images. Remote Sens. 2017, 9, 223. [Google Scholar] [CrossRef]
  4. Yu, Y.; Liu, F. Dense connectivity based two-stream deep feature fusion framework for aerial scene classification. Remote Sens. 2018, 10, 1158. [Google Scholar] [CrossRef]
  5. Yan, L.; Zhu, R.; Liu, Y.; Mo, N. TrAdaBoost based on improved particle swarm optimization for cross-domain scene classification with limited samples. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2018, 99, 3235–3251. [Google Scholar] [CrossRef]
  6. Zhu, X.X.; Tuia, D.; Mou, L.; Xia, G.S.; Zhang, L.; Xu, F.; Fraundorfer, F. Deep learning in remote sensing: A comprehensive review and list of resources. IEEE Geosci. Remote Sens. Mag. 2017, 5, 8–36. [Google Scholar] [CrossRef]
  7. Qi, K.; Guan, Q.; Yang, C. Concentric Circle Pooling in Deep Convolutional Networks for Remote Sensing Scene Classification. Remote Sens. 2018, 10, 934. [Google Scholar] [CrossRef]
  8. Yan, L.; Zhu, R.; Liu, Y.; Mo, N. Scene capture and selected codebook-based refined fuzzy classification of large high-resolution images. IEEE Trans. Geosci. Remote Sens. 2018, 56, 4178–4192. [Google Scholar] [CrossRef]
  9. Cheng, G.; Yang, C.; Yao, X.; Guo, L.; Han, J. When deep learning meets metric learning: Remote sensing image scene classification via learning discriminative CNNs. IEEE Trans. Geosci. Remote Sens. 2018, 56, 2811–2821. [Google Scholar]
  10. Bian, X.; Chen, C.; Tian, L.; Du, Q. Fusing local and global features for high-resolution scene classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2017, 10, 2889–2901. [Google Scholar] [CrossRef]
  11. Castelluccio, M.; Poggi, G.; Sansone, C.; Verdoliva, L. Land use classification in remote sensing images by convolutional neural networks. arXiv 2015, arXiv:1508.00092. [Google Scholar]
  12. Cheriyadat, A.M. Unsupervised feature learning for aerial scene classification. IEEE Trans. Geosci. Remote Sens. 2013, 52, 439–451. [Google Scholar] [CrossRef]
  13. Deng, Z.; Sun, H.; Zhou, S.; Zhao, J.; Lin, L.; Zou, H. Multi-scale object detection in remote sensing imagery with convolutional neural networks. ISPRS J. Photogramm. Remote Sens. 2018, 145, 3–22. [Google Scholar] [CrossRef]
  14. 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]
  15. Rensink, R.A. The dynamic representation of scenes. Vis. Cogn. 2000, 7, 17–42. [Google Scholar] [CrossRef]
  16. Ma, W.; Yang, Q.; Wu, Y.; Zhao, W.; Zhang, X. Double-Branch Multi-Attention Mechanism Network for Hyperspectral Image Classification. Remote Sens. 2019, 11, 1307. [Google Scholar] [CrossRef]
  17. Xu, R.; Tao, Y.; Lu, Z.; Zhong, Y. Attention-Mechanism-Containing Neural Networks for High-Resolution Remote Sensing Image Classification. Remote Sens. 2018, 10, 1602. [Google Scholar] [CrossRef]
  18. Fang, B.; Li, Y.; Zhang, H.; Chan, J. Hyperspectral Images Classification Based on Dense Convolutional Networks with Spectral-Wise Attention Mechanism. Remote Sens. 2019, 11, 159. [Google Scholar] [CrossRef]
  19. Mei, X.; Pan, E.; Ma, Y.; Dai, X.; Huang, J.; Fan, F.; Du, Q.; Zheng, H.; Ma, J. Spectral-Spatial Attention Networks for Hyperspectral Image Classification. Remote Sens. 2019, 11, 963. [Google Scholar] [CrossRef]
  20. Hua, Y.; Mou, L.; Zhu, X.X. Recurrently exploring class-wise attention in a hybrid convolutional and bidirectional LSTM network for multi-label aerial image classification. ISPRS J. Photogramm. Remote Sens. 2019, 149, 188–199. [Google Scholar] [CrossRef]
  21. Shakeel, A.; Sultani, W.; Ali, M. Deep built-structure counting in satellite imagery using attention based re-weighting. ISPRS J. Photogramm. Remote Sens. 2019, 151, 313–321. [Google Scholar] [CrossRef] [Green Version]
  22. Yan, L.; Zhu, R.; Mo, N.; Liu, Y. Cross-Domain Distance Metric Learning Framework with Limited Target Samples for Scene Classification of Aerial Images. IEEE Trans. Geosci. Remote Sens. 2019, 57, 3840–3857. [Google Scholar] [CrossRef]
  23. Lunga, D.; Yang, H.L.; Reith, A.; Weaver, J.; Yuan, J.; Bhaduri, B. Domain-adapted convolutional networks for satellite image classification: A large-scale interactive learning workflow. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2018, 11, 962–977. [Google Scholar] [CrossRef]
  24. Zhang, F.; Du, B.; Zhang, L. Saliency-guided unsupervised feature learning for scene classification. IEEE Trans. Geosci. Remote Sens. 2014, 53, 2175–2184. [Google Scholar] [CrossRef]
  25. Cheng, G.; Han, J.; Guo, L.; Liu, T. Learning coarse-to-fine sparselets for efficient object detection and scene classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1173–1181. [Google Scholar]
  26. Cheng, G.; Han, J.; Guo, L.; Liu, Z.; Bu, S.; Ren, J. Effective and efficient midlevel visual elements-oriented land-use classification using VHR remote sensing images. IEEE Trans. Geosci. Remote Sens. 2015, 53, 4238–4249. [Google Scholar] [CrossRef]
  27. Cheng, G.; Han, J.; Zhou, P.; Guo, L. Multi-class geospatial object detection and geographic image classification based on collection of part detectors. ISPRS J. Photogramm. Remote Sens. 2014, 98, 119–132. [Google Scholar] [CrossRef]
  28. Chen, C.; Zhang, B.; Su, H.; Guo, L. Land-use scene classification using multi-scale completed local binary patterns. Signal Image Video Process. 2016, 10, 745–752. [Google Scholar] [CrossRef]
  29. Zou, J.; Li, W.; Chen, C.; Du, Q. Scene classification using local and global features with collaborative representation fusion. Inf. Sci. 2016, 348, 209–226. [Google Scholar] [CrossRef]
  30. Liu, B.D.; Xie, W.Y.; Meng, J.; Li, Y.; Wang, Y. Hybrid collaborative representation for remote-sensing image scene classification. Remote Sens. 2018, 10, 1934. [Google Scholar] [CrossRef]
  31. Liu, B.D.; Meng, J.; Xie, W.Y.; Sao, S.; Li, Y.; Wang, Y. Weighted Spatial Pyramid Matching Collaborative Representation for Remote-Sensing-Image Scene Classification. Remote Sens. 2019, 11, 518. [Google Scholar] [CrossRef]
  32. Fan, J.; Chen, T.; Lu, S. Unsupervised feature learning for land-use scene recognition. IEEE Trans. Geosci. Remote Sens. 2017, 55, 2250–2261. [Google Scholar] [CrossRef]
  33. Wu, Z.; Shi, L.; Li, J.; Wang, Q.; Sun, L.; Wei, Z.; Plaza, J.; Plaza, A. GPU parallel implementation of spatially adaptive hyperspectral image classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2017, 11, 1131–1143. [Google Scholar] [CrossRef]
  34. Wu, Z.; Li, Y.; Plaza, J.; Li, A.; Xiao, F.; Wei, Z. Parallel and distributed dimensionality reduction of hyperspectral data on cloud computing architectures. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 2270–2278. [Google Scholar] [CrossRef]
  35. Wang, G.; Fan, B.; Xiang, S.; Pan, C. Aggregating rich hierarchical features for scene classification in remote sensing imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2017, 10, 4104–4115. [Google Scholar] [CrossRef]
  36. Othman, E.; Bazi, Y.; Melgani, F.; Alhichri, H.; Alajlan, N.; Zuair, M. Domain adaptation network for cross-scene classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 4441–4456. [Google Scholar] [CrossRef]
  37. 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]
  38. Chen, G.; Zhang, X.; Tan, X.; Chen, Y.; Dai, F.; Zhu, K.; Gong, Y.; Wang, Q. Training small networks for scene classification of remote sensing images via knowledge distillation. Remote Sens. 2018, 10, 719. [Google Scholar] [CrossRef]
  39. Huang, H.; Xu, K. Combing Triple-Part Features of Convolutional Neural Networks for Scene Classification in Remote Sensing. Remote Sens. 2019, 11, 1687. [Google Scholar] [CrossRef]
  40. Zhang, H.; Zhang, J.; Xu, F. Land use and land cover classification base on image saliency map cooperated coding. In Proceedings of the 2015 IEEE International Conference on Image Processing (ICIP), Quebec City, QC, Canada, 27–30 September 2015; pp. 2616–2620. [Google Scholar]
  41. Zhou, B.; Khosla, A.; Lapedriza, A.; Oliva, A.; Tarralba, A. Learning deep features for discriminative localization. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2921–2929. [Google Scholar]
  42. Selvaraju, R.R.; Cogswell, M.; Das, A.; Vedantam, R.; Parikh, D.; Batra, D. Grad-cam: Visual explanations from deep networks via gradient-based localization. In Proceedings of the IEEE International Conference on Computer Vision; Venice, Italy, 22–29 October 2017, pp. 618–626.
  43. Chattopadhay, A.; Sarkar, A.; Howlader, P.; Balasubramanian, V. Grad-cam++: Generalized gradient-based visual explanations for deep convolutional networks. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision (WACV), Lake Tahoe, NV, USA, 12–15 March 2018; pp. 839–847. [Google Scholar]
  44. Feichtenhofer, C.; Pinz, A.; Zisserman, A. Convolutional two-stream network fusion for video action recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 1933–1941. [Google Scholar]
  45. Chaib, S.; Liu, H.; Gu, Y.; Yao, H. Deep feature fusion for VHR remote sensing scene classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 4775–4784. [Google Scholar] [CrossRef]
  46. Zhao, B.; Zhong, Y.; Zhang, L. A spectral–structural bag-of-features scene classifier for very high spatial resolution remote sensing imagery. ISPRS J. Photogramm. Remote Sens. 2016, 116, 73–85. [Google Scholar] [CrossRef]
  47. Chowdhury, A.R.; Lin, T.Y.; Maji, S.; Learned-Miller, E. One-to-many face recognition with bilinear cnns. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision (WACV), Lake Placid, NY, USA, 7–10 March 2016; pp. 1–9. [Google Scholar]
  48. Jiang, Y.G.; Wu, Z.; Tang, J.; Li, Z.; Xue, X.; Chang, S. Modeling multimodal clues in a hybrid deep learning framework for video classification. IEEE Trans. Multimed. 2018, 20, 3137–3147. [Google Scholar] [CrossRef]
  49. Bodla, N.; Zheng, J.; Xu, H.; Chen, J.; Castillo, C.; Chellappa, R. Deep heterogeneous feature fusion for template-based face recognition. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision (WACV), Santa Rosa, CA, USA, 24–31 March 2017; pp. 586–595. [Google Scholar]
  50. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 770–778. [Google Scholar]
  51. Ba, R.; Chen, C.; Yuan, J.; Song, W.; Lo, S. SmokeNet: Satellite Smoke Scene Detection Using Convolutional Neural Network with Spatial and Channel-Wise Attention. Remote Sens. 2019, 11, 1702. [Google Scholar] [CrossRef]
  52. Gong, Z.; Zhong, P.; Hu, W.; Hua, Y. Joint learning of the center points and deep metrics for land-use classification in remote sensing. Remote Sens. 2019, 11, 76. [Google Scholar] [CrossRef]
  53. Wen, Y.; Zhang, K.; Li, Z.; Qiao, Y. A discriminative feature learning approach for deep face recognition. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2016; pp. 499–515. [Google Scholar]
  54. 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, 2–5 November 2010; pp. 270–279. [Google Scholar]
  55. Xia, G.S.; 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]
  56. 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]
  57. Liu, N.; Lu, X.; Wan, L.; Huo, H.; Fang, T. Improving the separability of deep features with discriminative convolution filters for RSI classification. ISPRS Int. J. Geo Inf. 2018, 7, 95. [Google Scholar] [CrossRef]
  58. Anwer, R.M.; Khan, F.S.; van de Weijer, J.; Molinierd, M.; Laaksonena, J. Binary patterns encoded convolutional neural networks for texture recognition and remote sensing scene classification. ISPRS J. Photogramm. Remote Sens. 2018, 138, 74–85. [Google Scholar] [CrossRef] [Green Version]
  59. Jia, Y.; Shelhamer, E.; Donahue, J.; Karayev, S.; Long, J.; Girshick, R.; Guadarrama, S.; Darrell, T. Caffe: Convolutional architecture for fast feature embedding. In Proceedings of the 22nd ACM International Conference on Multimedia, Orlando, FL, USA, 3–7 November 2014; pp. 675–678. [Google Scholar]
  60. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going deeper with convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  61. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  62. Al Rahhal, M.; Bazi, Y.; Abdullah, T.; Mekhalfi, M.; AlHichri, H.; Zuair, M. Learning a Multi-Branch Neural Network from Multiple Sources for Knowledge Adaptation in Remote Sensing Imagery. Remote Sens. 2018, 10, 1890. [Google Scholar] [CrossRef]
  63. Hoffer, E.; Ailon, N. Deep metric learning using triplet network. In International Workshop on Similarity-Based Pattern Recognition; Springer: Cham, Switzerland, 2015; pp. 84–92. [Google Scholar]
  64. Minetto, R.; Segundo, M.P.; Sarkar, S. Hydra: An ensemble of convolutional neural networks for geospatial land classification. IEEE Trans. Geosci. Remote Sens. 2019. [Google Scholar] [CrossRef]
  65. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 4700–4708. [Google Scholar]
  66. Cheng, G.; Li, Z.; Yao, X.; Guo, L.; Wei, Z. Remote sensing image scene classification using bag of convolutional features. IEEE Geosci. Remote Sens. Lett. 2017, 14, 1735–1739. [Google Scholar] [CrossRef]
  67. Yan, L.; Zhu, R.; Liu, Y.; Mo, N. Color-Boosted Saliency-Guided Rotation Invariant Bag of Visual Words Representation with Parameter Transfer for Cross-Domain Scene-Level Classification. Remote Sens. 2018, 10, 610. [Google Scholar] [CrossRef]
Figure 1. The salient and redundant objects in scenes and the attention mechanism. (a) Useful objects, including roads and cars and other redundant objects for classifying the freeway category. (b) Attention regions of scenes for airports. (c) Attention regions of scenes for tennis courts.
Figure 1. The salient and redundant objects in scenes and the attention mechanism. (a) Useful objects, including roads and cars and other redundant objects for classifying the freeway category. (b) Attention regions of scenes for airports. (c) Attention regions of scenes for tennis courts.
Remotesensing 11 01996 g001
Figure 2. The intra-class diversity of remote sensing scene images. (a) Residential scene images. (b) River scene images.
Figure 2. The intra-class diversity of remote sensing scene images. (a) Residential scene images. (b) River scene images.
Remotesensing 11 01996 g002
Figure 3. Attention maps of scenes of repeated texture.
Figure 3. Attention maps of scenes of repeated texture.
Remotesensing 11 01996 g003
Figure 4. The overall architecture of the proposed method. The different color blocks represent different network structure layers, respectively.
Figure 4. The overall architecture of the proposed method. The different color blocks represent different network structure layers, respectively.
Remotesensing 11 01996 g004
Figure 5. The convolutional feature maps and lass-discriminative attention map in the Grad-CAM method.
Figure 5. The convolutional feature maps and lass-discriminative attention map in the Grad-CAM method.
Remotesensing 11 01996 g005
Figure 6. The spatial feature transformer.
Figure 6. The spatial feature transformer.
Remotesensing 11 01996 g006
Figure 7. Example images of UC MERCED dataset.
Figure 7. Example images of UC MERCED dataset.
Remotesensing 11 01996 g007
Figure 8. The example images of AID dataset.
Figure 8. The example images of AID dataset.
Remotesensing 11 01996 g008
Figure 9. The example images of NWPU-RESISC45 dataset.
Figure 9. The example images of NWPU-RESISC45 dataset.
Remotesensing 11 01996 g009
Figure 10. The confusion matrices of the ADFF approach for the UC Merced dataset; (a) 80% training ratio, (b) 50% training ratio.
Figure 10. The confusion matrices of the ADFF approach for the UC Merced dataset; (a) 80% training ratio, (b) 50% training ratio.
Remotesensing 11 01996 g010
Figure 11. The confusion matrices of the proposed ADFF method in the AID dataset. (a) 50% training ratio. (b) 20% training ratio.
Figure 11. The confusion matrices of the proposed ADFF method in the AID dataset. (a) 50% training ratio. (b) 20% training ratio.
Remotesensing 11 01996 g011
Figure 12. The confusion matrices of the proposed ADFF approach in the NWPU-RESISC45 dataset; (a) 20% training ratio, (b) 10% training ratio.
Figure 12. The confusion matrices of the proposed ADFF approach in the NWPU-RESISC45 dataset; (a) 20% training ratio, (b) 10% training ratio.
Remotesensing 11 01996 g012
Figure 13. The attention maps of scene images derived from Grad-CAM. (a) The original scene image. (b) The Grad-CAM visualization results.
Figure 13. The attention maps of scene images derived from Grad-CAM. (a) The original scene image. (b) The Grad-CAM visualization results.
Remotesensing 11 01996 g013
Figure 14. The major confusion of the proposed ADFF approach in the UC Merced dataset. (a) Tennis court and medium residential. (b) Mobile home park and medium residential. (c) Golf course and baseball field. (d) Harbor and parking lot. (e) Building and dense residential.
Figure 14. The major confusion of the proposed ADFF approach in the UC Merced dataset. (a) Tennis court and medium residential. (b) Mobile home park and medium residential. (c) Golf course and baseball field. (d) Harbor and parking lot. (e) Building and dense residential.
Remotesensing 11 01996 g014
Figure 15. The major confusion of the ADFF approach in the AID dataset. (a) Commercial and dense residential. (b) Desert and bare land. (c) Stadium and playground. (d) Airport and railway station. (e) Bare land and farmland.
Figure 15. The major confusion of the ADFF approach in the AID dataset. (a) Commercial and dense residential. (b) Desert and bare land. (c) Stadium and playground. (d) Airport and railway station. (e) Bare land and farmland.
Remotesensing 11 01996 g015
Figure 16. The major confusion of the ADFF approach in the NWPU-RESISC45 dataset. (a) Basketball court and tennis court. (b) Circular farmland and rectangular farmland. (c) Church and commercial area. (d) Storage tanks and industrial area. (e) Roundabout and intersection.
Figure 16. The major confusion of the ADFF approach in the NWPU-RESISC45 dataset. (a) Basketball court and tennis court. (b) Circular farmland and rectangular farmland. (c) Church and commercial area. (d) Storage tanks and industrial area. (e) Roundabout and intersection.
Remotesensing 11 01996 g016
Figure 17. The major confusion of the ADFF approach in river under different environments; (a) river surrounded by forests, (b) dried rivers, (c) rivers surrounded by farmland, (d) rivers near the buildings and meadow, (e) rivers across the residential, (f) rivers in the desert.
Figure 17. The major confusion of the ADFF approach in river under different environments; (a) river surrounded by forests, (b) dried rivers, (c) rivers surrounded by farmland, (d) rivers near the buildings and meadow, (e) rivers across the residential, (f) rivers in the desert.
Remotesensing 11 01996 g017
Table 1. Summarization of three datasets used in this paper.
Table 1. Summarization of three datasets used in this paper.
DetailsUC MercedAIDNWPU-RESISC45
Size of each patch256 × 256600 × 600256 × 256
Spatial resolution0.3 m0.5–8 m0.2–30 m
The number of classes213045
Images per class100200–400750
Total images21001000031500
Table 2. Standard deviations and overall accuracy (%) of the attention-based deep feature fusion (ADFF) framework and all baseline algorithms with 80% and 50% training ratio in the UC-Merced dataset.
Table 2. Standard deviations and overall accuracy (%) of the attention-based deep feature fusion (ADFF) framework and all baseline algorithms with 80% and 50% training ratio in the UC-Merced dataset.
MethodsPublished Year50% Training Ratio80% Training Ratio
The Proposed ADFF201996.05 ± 0.5697.53 ± 0.63
CaffeNet with DCF201895.26 ± 0.5096.79 ± 0.66
VGG-VD16 with DCF201895.42 ± 0.7197.10 ± 0.85
TEX-Net-LF201795.89 ± 0.3796.62 ± 0.49
CaffeNet201793.98 ± 0.6795.02 ± 0.81
GoogleNet201792.70 ± 0.6094.31 ± 0.89
VGG-16201794.14 ± 0.6995.21 ± 1.20
Multi-Branch Neural Network201891.33 ± 0.6593.56 ± 0.87
Triplet Network201593.53 ± 0.4995.70 ± 0.60
BOCF201889.31± 0.9292.50± 1.18
salM3LBP-CLM201791.21 ± 0.7593.75 ± 0.80
Scene Capture201891.11 ± 0.7793.44 ± 0.69
Color-Boosted Saliency-Guided BOW201891.85 ± 0.6593.71 ± 0.57
Table 3. Standard deviations and overall accuracy (%) of the ADFF framework and all baseline algorithms with 20% and 50% training ratio in the AID dataset.
Table 3. Standard deviations and overall accuracy (%) of the ADFF framework and all baseline algorithms with 20% and 50% training ratio in the AID dataset.
MethodsPublished Year50% Training Ratio20% Training Ratio
The Proposed ADFF201994.75 ± 0.2493.68 ± 0.29
CaffeNet with DCF201893.10 ± 0.2791.35 ± 0.23
VGG-VD16 with DCF201893.65 ± 0.1891.57 ± 0.10
TEX-Net-LF201792.96 ± 0.1890.87 ± 0.11
CaffeNet201789.53 ± 0.3186.46 ± 0.47
GoogleNet201788.39 ± 0.5585.44 ± 0.40
VGG-16201789.64 ± 0.3686.59 ± 0.29
Multi-Branch
Neural Network
201891.46 ± 0.4489.38 ± 0.32
Triplet Network201589.10 ± 0.3086.89 ± 0.22
BOCF201887.63 ± 0.4185.24 ± 0.33
salM3LBP-CLM201789.76 ± 0.4586.92 ± 0.35
Scene Capture201889.43 ± 0.3387.25 ± 0.31
Color-Boosted Saliency-Guided BOW201888.67 ± 0.3986.67± 0.38
Table 4. Standard deviations and overall accuracy (%) of the ADFF framework and all baseline algorithms with 10% and 20% training ratio in the NWPU-RESISC45 dataset.
Table 4. Standard deviations and overall accuracy (%) of the ADFF framework and all baseline algorithms with 10% and 20% training ratio in the NWPU-RESISC45 dataset.
MethodsPublished Year20% Training Ratio10% Training Ratio
The Proposed ADFF201991.91± 0.2390.58 ± 0.19
CaffeNet with DCF201889.20± 0.2787.59 ± 0.22
VGG-VD16 with DCF201889.56 ± 0.2587.14 ± 0.19
TEX-Net-LF201788.37 ± 0.3286.05 ± 0.24
CaffeNet201779.85 ± 0.1377.69 ± 0.21
GoogleNet201778.48 ± 0.2677.19 ± 0.38
VGG-16201779.79 ± 0.1577.47 ± 0.18
Multi-Branch Neural Network201876.38 ± 0.3474.45 ± 0.26
Triplet Network201588.01 ± 0.2986.02 ± 0.25
Hydra201994.51 ± 0.2992.44 ± 0.34
DenseNet201790.96 ± 0.3189.38 ± 0.36
BOCF201885.32 ± 0.1783.65 ± 0.31
salM3LBP-CLM201786.59 ± 0.2885.32 ± 0.17
Scene Capture201886.24 ± 0.3684.84 ± 0.26
Color-Boosted Saliency-Guided BOW201887.05 ± 0.2985.16 ± 0.23
Table 5. The computation cost of the ADFF approach in three datasets.
Table 5. The computation cost of the ADFF approach in three datasets.
The Training RatioUC MERCEDAIDNWPU-ESISC45
10%--15,053 s
20%-10,082 s28,355 s
50%5349 s23,274 s-
80%7983 s--
Table 6. Standard deviations and overall accuracy of approaches removing one part of the ADFF framework with a higher training ratio.
Table 6. Standard deviations and overall accuracy of approaches removing one part of the ADFF framework with a higher training ratio.
MethodsUC MERCEDAIDNWPU-ESISC45
The Proposed ADFF97.53 ± 0.6394.75 ± 0.2490.91 ± 0.23
Without Attention Maps90.46 ± 0.8586.39 ± 0.4583.44 ± 0.36
Without Multiplicative Fusion of Deep Features91.63 ± 0.7288.86 ± 0.4085.16 ± 0.34
Without the Center Loss, but only with Cross-Entropy Loss93.79 ± 0.6890.87 ± 0.3187.15 ± 0.30

Share and Cite

MDPI and ACS Style

Zhu, R.; Yan, L.; Mo, N.; Liu, Y. Attention-Based Deep Feature Fusion for the Scene Classification of High-Resolution Remote Sensing Images. Remote Sens. 2019, 11, 1996. https://doi.org/10.3390/rs11171996

AMA Style

Zhu R, Yan L, Mo N, Liu Y. Attention-Based Deep Feature Fusion for the Scene Classification of High-Resolution Remote Sensing Images. Remote Sensing. 2019; 11(17):1996. https://doi.org/10.3390/rs11171996

Chicago/Turabian Style

Zhu, Ruixi, Li Yan, Nan Mo, and Yi Liu. 2019. "Attention-Based Deep Feature Fusion for the Scene Classification of High-Resolution Remote Sensing Images" Remote Sensing 11, no. 17: 1996. https://doi.org/10.3390/rs11171996

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