Next Article in Journal
Enhanced Delaunay Triangulation Sea Ice Tracking Algorithm with Combining Feature Tracking and Pattern Matching
Next Article in Special Issue
Joint Spatial-spectral Resolution Enhancement of Multispectral Images with Spectral Matrix Factorization and Spatial Sparsity Constraints
Previous Article in Journal
Comparisons of Diurnal Variations of Land Surface Temperatures from Numerical Weather Prediction Analyses, Infrared Satellite Estimates and In Situ Measurements
Previous Article in Special Issue
Fine-Grained Classification of Hyperspectral Imagery Based on Deep Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Classification of Hyperspectral Image Based on Double-Branch Dual-Attention Mechanism Network

1
School of Remote Sensing and Information Engineering, Wuhan University, Wuhan 430079, China
2
State Key Laboratory of Information Engineering in Surveying, Mapping, and Remote Sensing, Wuhan University, Wuhan 430079, China
*
Author to whom correspondence should be addressed.
Submission received: 11 December 2019 / Revised: 8 February 2020 / Accepted: 8 February 2020 / Published: 10 February 2020
(This article belongs to the Special Issue Deep Learning and Feature Mining Using Hyperspectral Imagery)

Abstract

:
In recent years, researchers have paid increasing attention on hyperspectral image (HSI) classification using deep learning methods. To improve the accuracy and reduce the training samples, we propose a double-branch dual-attention mechanism network (DBDA) for HSI classification in this paper. Two branches are designed in DBDA to capture plenty of spectral and spatial features contained in HSI. Furthermore, a channel attention block and a spatial attention block are applied to these two branches respectively, which enables DBDA to refine and optimize the extracted feature maps. A series of experiments on four hyperspectral datasets show that the proposed framework has superior performance to the state-of-the-art algorithm, especially when the training samples are signally lacking.

Graphical Abstract

1. Introduction

Remote sensing images can be categorized by their spatial, spectral, and temporal resolutions [1], and has been generally researched for many areas such as land-cover mapping [2], water monitoring [3], and anomaly detection [4]. As a particular type of remote sensing images with high spectral resolution, hyperspectral image (HSI) contains plentiful information both in the spectral and spatial dimension [5]. HSI has been used in many fields including vegetation cover monitoring [6], atmospheric environmental research [7], and change area detection [8], among others. Supervised classification is an essential task of HSI, and is the common technology used in the above applications. However, the over-redundancy of spectral band information and limited training samples account for a huge challenge to HSI classification.
Early spectral-based attempts including support vector machines (SVM) [9], multinomial logistic regression (MLR) [10,11], and random or dynamic subspace [12,13], focus on the spectral characteristics of HSI. Nevertheless, another useful piece of information is that the adjacent pixels are possibly of the same category, but the spectral-based methods ignore the high spatial correlation and local consistency of HSI. Therefore, the increasing number of classification frameworks based on spectral-spatial features have been presented. Two types of low-level features, morphological profiles [14] and Gabor feature [15], were designed to represent the spatial information. Based on SVM, the morphological kernel [16] and the composite kernel [17] methods were also proposed to exploit spectral-spatial information. Although above attempts improve the accuracy of the classifier, these methods highly depend on the hand-crafted descriptors.
Deep learning (DL) has shown powerful capabilities in automatically extracting nonlinear and hierarchical features. A great surge of computer vision tasks have benefited from DL and made significant breakthroughs, such as objection detection [18], natural language processing [19], and image classification [20]. As a typical classification tasks, HSI classification has been deeply influenced by DL and has obtained excellent improvements.
In [21], Chen introduced stacked autoencoders (SAE) for extracting useful features. Similarly, Tao [22] used two sparse SAEs to capture spectral and spatial information separately. Ma et al. [23] proposed an updated deep auto-encoder (DAE) to extract spectral-spatial features, and designed a novel synergic representation to handle the small-scale training set. Zhang et al. [24] used a recursive autoencoder (RAE) to extracted high-level features from the neighborhoods of the target pixel and used a new weighting scheme to fuse the spatial information. In [25], Chen et al. proposed a classification method based on deep belief network (DBN) and restricted Boltzmann machine (RBM).
However, in the above-mentioned methods, the input is one-dimensional. Although the spatial information is utilized, the initial structure is destroyed. Since convolutional neural networks (CNN) could exploit spatial feature while retaining the original structure, some novel solutions have been introduced with the advent of CNN. Zhao et al. [26] adopted CNN as a feature extractor in their framework. Lee et al. [27] proposed a contextual deep CNN (CDCNN) with deeper and wider networks. In [28], Chen et al. designed 3D-CNN-based feature extractor model integrated with regularization.
Although DL has brought promising improvements in HSI classification, the demand of DL for training samples is enormous, while the cost of manual annotation is rather expensive for HSI. Generally, deeper networks can capture finer features, but it will be harder to train deeper networks. The emergence of the residual network (ResNet) [29] and the dense convolutional network (DenseNet) [30] eases the difficulty of training of deeper networks. Inspired by the ResNet, Zhong et al. [31] proposed a spectral-spatial residual network (SSRN), which is more effective with limited training samples. Wang et al. [32] introduced DenseNet to their fast dense spectral-spatial convolution (FDSSC) algorithm.
To optimize the discrimination of extracted features, the attention mechanism was adopted to refine the feature maps. Fang et al. [33] designed a 3-D dense convolutional network with spectral-wise attention mechanism (MSDN-SA) based on DenseNet and attention mechanism. Ma et al. [34] proposed a double-branch multi-attention mechanism network (DBMA) motivated by the convolutional block attention module (CBAM) [35], and obtained the best classification results.
Inspired by the latest development of DL fields, some new methods could be observed in the literature. Mou et al. [36] proposed a recurrent neural networks (RNN) framework for HSI classification in which hyperspectral pixels were analyzed via the sequential perspective. Because of the severe absence of labelled samples in HSI, semi-supervised learning (SSL) [37], generative adversarial network (GAN) [38], and active learning (AL) [39] were introduced to alleviate this problem. In [40], spectral-spatial capsule networks (CapsNets) were designed to weaken the complexity of the network and enhance the accuracy of the classification. Furthermore, self-pace learning [41], self-taught learning [42], and superpixel-based methods [43] are also worth noting.
In this paper, inspired by the state-of-the-art DBMA algorithm and an adaptive self-attention mechanism dual attention network (DANet) [44], we design the double-branch dual-attention mechanism network (DBDA) for HSI classification. The proposed framework contains two branches named the spectral branch and spatial branch, which capture spectral and spatial features separately. The channel-wise attention mechanism and spatial-wise attention mechanism are adopted to refine the feature maps. By concatenating the output of the two branches, we obtain syncretic spectral-spatial features. Finally, the classification results are determined using a softmax function. The three significant contributions of this paper could be listed as follows:
  • Based on DenseNet and 3D-CNN, we propose an end-to-end framework double-branch dual-attention mechanism network (DBDA). The spectral branch and spatial branch of the proposed framework can exploit features respectively without any feature engineering.
  • A flexible and adaptive self-attention mechanism is introduced to both the spectral and spatial dimensions. The channel-wise attention block is designed to focus on the information-rich spectral bands, and the spatial-wise attention block is built to concentrate on the information-rich pixels.
  • The DBDA obtains the state-of-the-art classification accuracy in four datasets with limited training data. Furthermore, the time consumption of our proposed network is less than the two compared deep-learning algorithms.
The rest of this paper is arranged as follows: In Section 2, we illustrate the related work briefly. The detailed structure of DBDA is given in Section 3. In Section 4 and Section 5, we provide and analyze the experimental results. Finally, a conclusion of the entire paper with a direction for future work is presented in Section 6.

2. Related Work

In this section, we are going to make a brief introduction to the basic modules used in DBDA, including the 3D-cube-based HSI classification framework, 3D-CNN with batch normalization, ResNet and DenseNet, the channel-wise attention mechanism, and the spatial-wise attention mechanism. Since both the number of the HSI spectrums and convolutional kernels could be referred to as channels, we call the number of the HSI spectrums bands, and named the number of the convolutional kernels channels to avoid confusion.

2.1. HSI Classification Framework Based on 3D-Cube

Unlike traditional pixel-based methods that only use spectral features, 3D-cube-based methods like SSRN [31], FDSSC [32], DBMA [34], and our proposed framework exploit both spectral and spatial information. The pixel-based methods use the pixel individually to train the network, but the 3D-cube-based methods take the target pixel and its adjacent pixels as input. Certainly, the labels of adjacent central pixels are not fed into the network, and we only explore the abundant spatial information around the target pixel. Generally, the difference between pixel-based methods and 3D-cube-based methods is the input size of the former is 1 × 1 × b , while that of the latter is p × p × b , where p × p represents the number of neighboring pixels and b denotes the number of spectral bands.

2.2. 3D-CNN with Batch Normalization

3D-CNN with batch normalization (BN) [45] is a common element in 3D-cube-based deep learning models. Inputting abundant labelled images, deep learning models with multiple nonlinear layers can learn hierarchical representations, and the multilevel convolutional layers empower CNN to learn characteristics under sparsity constraint more discriminatively. 1D-CNN and 2D-CNN only use spectral features or capture local spatial features of the pixels. When classifying HSI that contains plenty of both spatial and spectral information, 3D-CNN should be adopted to get reasonable results. Therefore, we use 3D-CNN as the basic structure of the DBDA. Moreover, we add a BN layer in each 3D-CNN layer to improve the numerical stability.
As shown in Figure 1, with n m input feature maps at the size of p m × p m × b m , a 3D-CNN layer contains k m + 1 channels in the size of α m + 1 × α m + 1 × d m + 1 , which generates the n m + 1 output feature maps of size p m + 1 × p m + 1 × b m + 1 . The i th output of the ( m + 1 ) th 3D-CNN layer with BN could be calculated as:
X i m + 1 = R ( j = 1 n m X ^ j m * H i m + 1 + b i m + 1 )
X ^ m = X m E ( X m ) V a r ( X m )
in which X j m R p × p × b is the j th input feature map of the ( m + 1 ) th layer, and X ^ m is the output after the BN in the m th layer. E ( · ) and V a r ( · ) denote the expectation and variance function of the input separately. H i m + 1 and b i m + 1 represent the weights and biases of the ( m + 1 ) th 3D-CNN layer, * is the 3D convolutional operation, and R ( · ) denotes the activation function that introduces the nonlinear unit of the network.

2.3. ResNet and DenseNet

Normally, the more convolutional layers, the better a network will perform. However, too many layers may make the problems of vanishing and exploding gradients worse. ResNet [29] and DenseNet [30] are valid and efficient methods to escape this dilemma.
Generally, a skip connection is added to the conventional CNN model in ResNet. As indicated in Figure 2a, H denotes hidden block, which is a module containing convolutional layers, activation layers, and BN layers. The skip connection, which could be regarded as an identity mapping, enables the input data to pass directly through the network. The residual block is the basic unit in ResNet, and the output of the l th residual block can be calculated as:
x l = H l ( x l 1 ) +   x l 1
Based on ResNet, DenseNet connects all layers directly to ensure maximum information flow between each layer of the network. Instead of combining features through summation like ResNet, DenseNet combines features via concatenating them in the channel dimension. The dense block is the basic unit in DenseNet, and the output of the l th dense block can be computed as:
x l = H l [ x 0 ,   x 1 , , x l 1 ]
in which H l is a module including convolution layers, activation layers, and BN layers, and x 0 ,   x 1 , , x l 1 denote the feature maps generated by the preceding dense blocks. As shown in Figure 2b, more connections ensure more information flow in the DenseNet. Specifically, DenseNet with L layers owns L ( L + 1 ) / 2 , while traditional convolutional networks with equal layers only have L direct connections.
The structure of the dense connection block used in our framework can be seen in Figure 3. The Mish in Figure 3 means the activation function adopted in our framework, and the details about Mish can be seen in Section 3.2.1. Supposing that the shape of the input feature maps is p × p × b with n channels, and that each convolution layer is composed of k kernels in the shape of 1 × 1 × d , then each layer generates feature maps in the shape of p × p × b with k channels. However, a dense connection concatenates feature maps at the channel dimension, so there is a linear relationship between the number of channels and the number of convolution layers. The output with k m channels generated by an m-layers dense block can be formulated as:
k m = b + ( m 1 ) × k
where b represents the channel’s number in the input feature maps.

2.4. Attention Mechanism

A shortcoming of the 3D-CNN is that all the spatial pixels and spectral bands own the equivalent weights in the spatial and spectral domains. Obviously, different spectral bands and spatial pixels make different contributions to extracting features. The attention mechanism is a powerful technique to deal with this problem. Motivated by the human visual perception process [46], the attention mechanism is designed to focus more on the informative areas and takes less account of non-essential areas. The attention mechanism has been used for image categorization [47] and was later proved to be outstanding in other areas including image caption [48], text to image synthesis [49] and scene segmentation [44], etc. In DANet [44], the channel attention block and spatial attention block can be adopted to increase the weight of compelling channels and pixels. The two blocks will be introduced in detail as the following.

2.4.1. Spectral Attention Block

As illustrated in Figure 4a, the channel attention map X R c × c is directly computed from the initial input A R c × p × p , where p × p is the patch size of the input, and c denotes the number of the input channels. Concretely, a matrix multiplication between A and A T is operated, and to obtain the channel attention map X R c × c , a softmax layer is connected as:
x j i = e x p ( A i × A j ) i = 1 C e x p ( A i × A j )
in which x j i means the ith channel’s influence on the jth channel. Then, the results of matrix multiplication between X T and A are reshaped into R c × p × p . Finally, the reshaped results are weighted by a parameter of scale α and added input A to acquire the final spectral attention map E R c × p × p :
E j = α i = 1 C ( x j i A j ) + A j
where α is initialized as zero and can be learned gradually. The final map E encompasses the weighted summations of all channels’ features, which can describe long-range dependencies and boost the discriminability about features.

2.4.2. Spatial Attention Block

As illustrated in Figure 4b, given an input feature map A R c × p × p , two convolution layers are adopted to generate new feature maps B and C respectively, where { B , C } R c × p × p . Next, B and C are reshaped into R c × n , where n = p × p is the number of pixels. Then a multiplication of matrices is executed between B and C, and a softmax layer is attached subsequently to calculate the spatial attention feature maps S R n × n :
s j i = e x p ( B i + C j ) i = 1 N e x p ( B i + C j )
where s j i measures the impact of ith pixel to the jth pixel. The closer feature representations of the two pixels signify a stronger correlation between them.
The initial input feature A is simultaneously fed into a convolution layer to obtain a new feature map D R c × p × p which is reshaped into R c × n subsequently. Then a multiplication of matrices is performed between D and S T , and the result is reshaped into R c × p × p as:
E j = β i = 1 N ( s j i D j ) + A j
where β with a zero initial value can be learned to assign more weight gradually. By Equation (9), it can be inferred that all positions and original features are added with a certain weight to get the final feature E R c × p × p . Therefore, long-range contextual information in the spatial dimension is modeled as E.

3. Methodology

The procedure of the DBDA framework contains three steps: dataset generation, training and validation, and prediction. Figure 5 illustrates the whole framework of our method.
An HSI dataset X is supposed to be composed of N labelled pixels { x 1 ,   x 2 , , x n } R 1 × 1 × b , where b represents the bands, and the corresponding category label set is Y = { y 1 ,   y 2 , , y n } R 1 × 1 × c , where c denotes the numbers of land cover classes.
In the dataset generation step, p × p neighboring pixels of the center pixel x i is selected from the original data to generate the 3D-cubes set { z 1 , z 2 , ,   z n } R p × p × b . If the target pixel is on the edge of the image, the values of missing adjacent pixels are set as zero. The p , i.e., patch size, is set as 9 in our framework. Then, the 3D-cubes set is randomly divided into training set Z t r a i n , validation set Z v a l , and testing set Z t e s t . Accordingly, their corresponding label vectors are divided into Y t r a i n , Y v a l , and Y t e s t . Certainly, the labels of neighboring pixels are not visible to the network, we use the spatial information around target pixel only.
In the training and validation steps, the training set is used to update the parameters for many epochs, while the validation set is adopted to monitor the performance of models and to select the best-trained model.
In the prediction step, the test set is chosen to verify the effectiveness of the trained model.
The commonly used quantitative indexes for HSI classification to measure the difference between predicted results and real values is the cross-entropy loss function, which is defined as
C ( y ^ ,   y ) = m = 1 L y m ( l o g n = 1 L e y n ^ y m ^ )
where y ^ = [ y ^ 1 , y ^ 2 , , y ^ L ] means the label vector predicted by the model and y = [ y 1 , y 2 , y L ] represents the ground-truth label vector.

3.1. The Framework of the DBDA Network

The whole structure of the DBDA network can be seen in Figure 6. For convenience, we call the top branch Spectral Branch and name the bottom branch Spatial Branch. The input is fed into spectral branch and spatial branch respectively to get the spectral feature maps and spatial feature maps. Then the fusion operation between spectral and spatial feature maps are adopted to get the classification results.
The following parts introduce the spectral branch, Spatial Branch and spectral and spatial fusion operation taking the Indian Pines (IP) dataset as an example; the patch size is assigned as 9 × 9 × 200. To facilitate the understanding for the matrices mentioned below such as ( 9 × 9 × 97 ,   24 ) , the 9 × 9 × 97 represent the height, width, and depth of the 3D-cube, and 24 represents the number of 3D-cubes generated by 3D-CNN.
The IP dataset contains 145 × 145 pixels with 200 spectral bands, that is, the size of IP is 145 × 145 × 200 . The details of IP can be seen in Table 3. There are only 10, 249 pixels have corresponding labels, and the other pixels are background.

3.1.1. Spectral Branch with the Channel Attention Block

First, a 3D-CNN layer with a 1 × 1 × 7 kernel size is used. The down sampling stride is set to ( 1 , 1 , 2 ) , which could reduce the number of bands. Then, feature maps in the shape of ( 9 × 9 × 97 ,   24 ) are captured. After that, the dense spectral block combined by 3D-CNN with BN is attached. Each 3D-CNN of the dense spectral block has 12 channels with a 1 × 1 × 7 kernel size. After attaching the dense spectral block, the channels of feature maps increase to 60 calculated by Equation (5). Therefore, we obtain feature maps with size of ( 9 × 9 × 97 ,   60 ) . Next, after the last 3D-CNN with kernel size of 1 × 1 × 97 , a ( 9 × 9 × 1 ,   60 ) feature map is generated. However, the 60 channels make different contributions to the classification. To refine the spectral features, the channel attention block illustrated in Figure 4a and explained in Section 2.4.1 is adopted. The channel attention block reinforces the informative channels and whittles the information-lacking channels. After obtaining the weighted spectral feature maps by channel attention, a BN layer and a dropout layer are applied to enhance the numerical stability and vanquish the overfitting. Finally, via a global average pooling layer, the feature maps in the shape of 1 × 60 are obtained. The implementation of the spectral branch is available in Table 1.

3.1.2. Spatial Branch with the Spatial Attention Block

Meanwhile, the input data in the shape of 9 × 9 × 200 are delivered to the spatial branch, and the initial 3D-CNN layer’s size is set to 1 × 1 × 200 , which can compress spectral bands into one dimension. After that, feature maps in the shape of ( 9 × 9 × 1 , 24 ) are obtained. Then, the dense spatial block combined by 3D-CNN with BN is attached. Each 3D-CNN in the dense spectral block has 12 channels with a 3 × 3 × 1 kernel size. Next, the extracted feature maps in the shape of ( 9 × 9 × 1 , 60 ) are fed into the spatial attention block, as illustrated in Figure 4b and expounded in Section 2.4.2. With the attention block, the coefficient of each pixel is weighted to get a more discriminative spatial feature. After capturing the weighted spatial feature maps, a BN layer with a dropout layer is applied. Finally, the spatial feature maps in the shape of 1 × 60 are obtained via a global average pooling layer. The implementation of the spatial branch is given in Table 2.

3.1.3. Spectral and Spatial Fusion for HSI Classification

With the spectral branch and spatial branch, several spectral feature maps and spatial feature maps are obtained. Then, we perform a concatenation between two features for classification. Moreover, the reason why the concatenation operation is applied instead of add operation is that the spectral and spatial features are in the irrelevant domains, and the concatenate operation could keep them independent while the add operation would mix them together. In the end, the classification result is obtained via the fully connected layer and the softmax activation function.
For other datasets, network implementations are the same, and the only difference is the number of spectral bands. The whole methodology flowchart of DBDA is shown in Figure 7.

3.2. Measures Taken to Prevent Overfitting

Numerous training parameters and limited training samples cause the network to be prone overfitting. Thus, we take some measures to prevent overfitting.

3.2.1. A Strong and Appropriate Activation Function

The activation function brings the concept of nonlinearity to a neural network. An appropriate activation function can accelerate the speed of the counter-propagation and convergence of the network. The activation function we adopted is Mish [50], a self-regularized non-monotone activation function, instead of the conventional R e L U ( x ) = m a x ( 0 ,   x ) [51]. The formula for the Mish is:
m i s h ( x ) = x × t a n h ( s o f t p l u s ( x ) ) = x i × t a n h ( l n ( 1 + e x ) )
where x represents the input of the activation. The comparison of Mish and ReLU can be seen in Figure 8. Mish is upper unbounded, and lower bounded with a scope of [ 0.31 ,   ) . The differential coefficient definition of Mish is:
f ( x ) = e x ω δ 2
where ω   =   4 ( x + 1 ) + 4 e x + e 3 x + e x ( 4 x + 6 ) and δ = 2 e x + e 2 x + 2 .
ReLU is a piecewise linear function that prunes all the negative inputs. Thus, if the input is nonpositive, then the neuron is going to “die” and cannot be activated anymore, even though negative inputs might contain useful information. On the contrary, negative inputs are preserved as negative outputs by Mish, which trades the input information and the network sparsity better.

3.2.2. Dropout Layer, Early Stopping Strategy and Dynamic Learning Rate Adjustment

A dropout layer [52] is adopted between the last BN layer and the global average pooling layer in the spatial branch and spectral branch separately. Dropout is a simple but effective method to prevent overfitting by dropping out units (hidden or visible) on a given percentage p at the training phase. Moreover, the p is selected as 0.5 in our framework. The existence of dropout makes the presence of other units unreliable, which prevents co-adaptation between units.
In addition, two training skills, the early stopping strategy, and the dynamic learning rate adjustment method are also introduced to our model. Early stopping signifies if the loss function is no longer decreasing for a certain number of epochs (the number is 20 in our model), then we would stop the training process early to prevent overfitting and reduce the training time.
The learning rate is a crucial hyper parameter to train a network, and dynamic learning rate can help a network avoid some local minima. The cosine annealing [53] method is adopted to adjust the learning rate dynamically as the following equation:
η t = η m i n i + 1 2 ( η m a x i η m i n i )   ( 1 + cos ( T c u r T i π ) )
where η t is the learning rate within the ith run and [ η m i n i ,   η m a x i ] is the range of the learning rate. T c u r accounts for the count of epochs that have been executed, and T i controls the count of epochs that will be executed in a cycle of adjustment.

4. Experimental Results

To verify the accuracy and efficiency of the proposed model, experiments on four datasets are designed to compare and validate the accuracy and efficiency between the proposed network and other methods. The three quantitative metrics of overall accuracy (OA), average accuracy (AA), and Kappa coefficient (K) are used to measure the accuracy of each method. Concretely, OA represents the ratio of the true classifications of the entire pixels. AA means the average accuracy of all categories. The Kappa coefficient reflects the consistency between the ground truth and classification result. The higher the three metric values are, the better the classification result is. Meanwhile, we investigate the running time for each framework to evaluate its efficiency.
For each dataset, a certain number of training samples and validation samples are randomly selected from the labelled data on a certain percentage, and the rest of the samples are used to test the performance of the model. Since the proposed DBDA can maintain excellent performance when training samples are severely lacking, the amount of training samples and validation samples are set at a minimal level.

4.1. The Introduction about Datasets

In this paper, four widely used HSI datasets, the Indian Pines (IP) dataset, the Pavia University (UP) dataset, the Salinas Valley (SV) dataset, and the Botswana dataset (BS), are employed in the experiments.
Indian Pines (IP): Obtained through airborne visible infrared imaging spectrometer (AVIRIS) sensor in north-western Indiana, the Indian Pines dataset is composed of 200 spectral bands with a wavelength scope of 0.4 um to 2.5 um and 16 land cover classes. IP encompasses 145 × 145 pixels and owns the resolution of 20 m/pixel.
Pavia University (UP): Gathered by the reflective optics imaging spectrometer (ROSIS-3) sensor at the University of Pavia, northern Italy, the Pavia University dataset is composed of 103 spectral bands with a wavelength scope of 0.43 um to 0.86 um and 9 land cover classes. UP encompasses 610 × 340 pixels and owns the resolution of 1.3 m/pixel.
Salinas Valley (SV): Collected by the AVIRIS sensor from Salinas Valley, CA, USA, the Salinas Valley dataset is composed of 204 spectral bands with a wavelength scope of 0.4 um to 2.5 um and 16 land cover classes. SV encompasses 512 × 217 pixels and owns the resolution of 3.7 m/pixel.
Botswana (BS): Captured by the NASA EO-1 satellite over the Okavango Delta, Botswana, the Botswana dataset is composed of 145 spectral bands with a wavelength scope of 0.4 um to 2.5 um and 14 land cover classes. BS encompasses 1476 × 256 pixels and owns the resolution of 30 m/pixel.
Deep learning algorithms are data-driven, which rely on plenty of labelled training samples. The more labelled data are fed into training, the better accuracy is yielded. However, more data mean more time consumption and higher computation complexity. It is worth noting that the proposed DBDA can maintain excellent performance even though the training samples are very lacking. Therefore, the size of training samples and validation samples are set at a minimal level in the experiments. For IP, we select 3% samples for training, and 3% samples for validation. As the samples are enough for each class of UP and SV, we only select 0.5% samples for training, and 0.5% samples for validation. For BS, the proportion of samples for training and validation is set to 1.2%. The reason why a decimal appears is that the number of samples in BS is small, so we set the ratio as 1% with a ceiling operation. Table 3, Table 4, Table 5 and Table 6 list the samples of training, validation and testing for the four datasets.

4.2. Experimental Setting

To evaluate the effectiveness of DBDA, the deep-learning-based classifiers CDCNN [27], SSRN [31], FDSSC [32], and the state-of-the-art double-branch multi-attention mechanism network (DBMA) [34] are compared with our proposed framework. Furthermore, the SVM with RBF kernel [9] is also taken into account. The patch size of each classifier is set according to its original paper. To compare the training and testing consumptions of time, all experiments were executed on the same platform configured with 32 GB of memory and an NVIDIA GeForce RTX 2080Ti GPU. All deep-learning-based classifiers were implemented with PyTorch, and SVM was implemented with sklearn. Then, a brief introduction to the above methods will be given separately.
SVM: For SVM with a radial basis function (RBF) kernel, all individual pixels with their spectral bands are fed in directly.
CDCNN: The architecture of the CDCNN is shown in [27], which is based on 2D-CNN and ResNet. The size of input is 5 × 5 × b , where b denotes the number of spectral bands.
SSRN: The architecture of the SSRN is proposed in [31], which is based on 3D-CNN and ResNet. The size of the input is 7 × 7 × b .
FDSSC: The architecture of the FDSSC can be seen in [32], which is based on 3D-CNN and DenseNet. The size of the input is 9 × 9 × b .
DBMA: The architecture of the DBMA is presented in [34], which is based on 3D-CNN, DenseNet, and an attention mechanism. 7 × 7 × b is the input patch size.
For CDCNN, SSRN, FDSSC, DBMA, and the proposed method, the batch size is set as 16, and the optimizer is set to Adam with the 0.0005 learning rate. The upper limit of the early stopping strategy is set to 200 epochs. If the loss in the validation set no longer declines for 20 epochs, then we would terminate the training phase.

4.3. Classification Maps and Categorized Results

4.3.1. Classification Maps and Categorized Results for the IP Dataset

The categorized results using different methods for the IP dataset are demonstrated in Table 7 where the best class-specific accuracy is in bold, and classification maps of the different methods and ground truth are shown in Figure 9.
Our proposed framework obtains the best results with 95.38% OA, 96.47% AA, and 0.9474 Kappa, which can be seen from Table 7.CDCNN based on 2D-CNN achieves the worst accuracy with 62.32% OA, due to the limited training samples and weak network structure. Although SVM performs better than CDCNN with more than 7% in OA, the salt-and-pepper noise is severe, which can be seen in Figure 9c. Because SVM uses no spatial neighborhood information. The 3D-CNN based models far exceed SVM and CDCNN, owing to its incorporation of both spatial and spectral information in the classification. FDSSC uses dense connection instead of residual connection, which enhances the performance of the network and obtains more than 5% improvement in OA compared to SSRN. Based on FDSSC, DBMA extracts the spatial and spectral features in two independent branches and brings the attention mechanism in. However, when training samples are very lacking, DBMA might overfit the training data. With our proposed framework DBDA, it can accomplish stable and reliable performance with limited data duo to its flexible and adaptive attention mechanism, the appropriate activation function, and the other measures to prevent overfitting.
Taking class 7, which only has three training samples in the IP dataset, as an example, our method performs well and obtains an acceptable consequence of 92.59%, while the results of other methods (SVM: 56.10%, CDCNN: 0.00%, SSRN: 0.00%, FDSSC: 73.53%, and DBMA: 40.00%) are not very satisfactory.
Overall, the proposed model improves the OA by 2.23%, the AA by 8.80%, and the kappa by 0.0225 compared to DBMA.

4.3.2. Classification Maps and Categorized Result for the UP Dataset

The categorized results using different methods for the UP dataset are demonstrated in Table 8 where the best class-specific accuracy is in bold, and classification maps for the different methods and ground truth are shown in Figure 10.
We can see that our proposed method obtains the best results regarding the three indexes fromTable 8. Though our method cannot make every class precision best, the accuracy of each class using our method exceeds 89%, which means our method is able to capture the distinctive features between different classes.
Since the samples in the UP dataset are sufficient, there are enough samples for each class even if we just choose 0.5% training samples. Thus, DBMA overcomes overfitting and performs better than FDSSC because of its superior architecture. CDCNN with ample samples surpasses the performance of SVM.

4.3.3. Classification Maps and Categorized Results for the SV Dataset

The categorized results using the different methods for the SV dataset are demonstrated in Table 9 where the best class-specific accuracy is in bold, and classification maps of the different methods and ground truth are shown in Figure 11.
We can see that our proposed method obtains the best results regarding the three indexes from Table 9, and the accuracy of each category classified by our method exceeds 93%.
Similarly, because of the sufficient samples in the SV dataset, 0.5% training samples are enough. Thus, DBMA once again performs better than FDSSC. However, the SV dataset owns 16 classes while the UP dataset only has 9 classes, so CDCNN obtains a weaker performance than SVM.

4.3.4. Classification Maps and Categorized Result for the BS Dataset

The categorized results using different methods for the BS dataset are demonstrated in Table 10 where the best class-specific accuracy is in bold, and classification maps of the different methods and ground truth are shown in Figure 12.
Since the BS dataset is small and only with 3, 248 labelled samples, just 40 samples are selected as the training set and 40 samples are chosen as the validation set. Nonetheless, our method achieves 96.24% OA performance, 2.81% higher than DBMA. One reason is that our method can capture spatial and spectral features more effectively.

4.4. Investigation of Running Time

The above experiments prove that our proposed method can achieve a higher degree of accuracy with less data. However, a good method should balance the accuracy and efficiency properly. This part is executed to measure the efficiency of each method. Table 11, Table 12, Table 13 and Table 14 list the consumptions of time for the six algorithms on the IP, UP, SV, and BS datasets.
Since we use SVM as a pixel-based model, it spends less time than 3D-cube-based models in most cases. On account of 2D-CNN containing less parameters to be trained, CDCNN takes less time than 3D-CNN-based models.
For 3D-CNN-based models, the proposed method consumes less training time compared to FDSSC and DBMA while obtaining better performance because of its higher rate of convergence. Even though SSRN is quicker than our method, the accuracy of our method is superior. That is, our method can balance the accuracy and efficiency better.

5. Discussion

In this part, further assessments of DBDA are conducted. First, different proportions of training samples are fed into the network, and the results reflect that our method can maintain effectiveness especially when the training samples are severely limited. Second, the results of ablation experiments confirm the necessity of the attention mechanism. Third, the results of the different activation functions show that Mish is a better choice than ReLU for DBDA.

5.1. Investigation of the Proportion of Training Samples

As we mentioned, deep learning is a data-driven algorithm that depends on large amounts of high-quality labelled dataset. In this part, we investigate the scenarios for different proportions of training samples.
Figure 13 demonstrates the experimental results. For the IP and BS datasets, we use 0.5%, 1%, 3%, 5%, and 10% samples as the training sets, respectively. For the UP and SV datasets, we use 0.1%, 0.5%, 1%, 5%, and 10% of samples as the training sets, respectively.
As we expected, the accuracy improves with increase in the number of training samples. All 3D-based methods, including SSRN, FDSSC, DBMA, and the proposed framework can obtain near-perfect performances as long as enough samples (about 10% of the whole dataset) are provided. At the same time, the performance gaps between different models are narrowed according to the increases in training samples. Nevertheless, our method outpaces other methods, especially when samples are insufficient. Since it is costly to label the dataset, our proposed method can save labor and cost.

5.2. Effectiveness of the Attention Mechanism

To verify the effectiveness of the attention mechanism, we remove the spatial-attention module, spectral-attention module, and both attention modules of the DBDA respectively, and compare the performance between these three “incomplete DBDA” and the “complete DBDA”.
From Figure 14, we can conclude that the existence of the spatial attention mechanism and the spectral attention mechanism does promote the accuracy on four datasets.
Averagely, the attention mechanism improves 4.69% OA on four datasets. Furthermore, a single spatial attention mechanism (average 2.18% improvement) performs better than a single spectral attention mechanism (average 0.97% improvement) upon most occasions.

5.3. Effectiveness of the Activation Function

In Section 3.2.1, we illustrate why we adopted Mish as the activation function rather than the generally used ReLU. Here, we will compare the performance between DBDA based on Mish and DBDA based on ReLU. Figure 15 shows the classification OA of them.
As shown in Figure 15, DBDA based on Mish surpasses DBDA based on ReLU. Specifically, there are 2.27%, 2.01%, 4.00% and 1.24% OA improvements on the IP, UP, SV, and BS datasets, respectively. Since Mish can quicken counter-propagation, the difference in performance occurs.

6. Conclusions

In this paper, we proposed an end-to-end framework double-branch dual-attention mechanism network for HSI classification. The input of the DBDA framework is original 3D pixel data without any cumbersome pre-processing to reduce dimensionality. Based on densely connected 3D-CNN layers with BN, we designed two branches that capture spectral and spatial features respectively. Meanwhile, a flexible and adaptive self-attention mechanism was applied to spectral branch and spatial branch, respectively. Mish was introduced as the activation function to accelerate the counter-propagation and convergence processes. Dynamic learning rates, early stopping, and dropout layers were also adopted to prevent overfitting.
Extensive experimental results demonstrate that our proposed framework surpasses the state-of-the-art algorithm, especially when training samples are finite and limited. Meanwhile, the consumption of time is also decreased in comparison to FDSSC and DBMA, as the attention blocks and the activation function Mish accelerate the convergent speed of the model. Accordingly, we draw a conclusion that the structure of our method is more preferable for HSI classification.
A future direction of our work is applying our proposed framework to other hyperspectral images, not just process the above-mentioned open-source datasets. Moreover, it is also an attractive challenge to reduce the training time.

Author Contributions

Conceptualization, R.L.; formal analysis, R.L.; funding acquisition, S.Z.; methodology, R.L.; validation, R.L.; writing—original draft, R.L. and C.D.; writing—review and editing, S.Z., C.D., Y.Y., and X.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundations of China (No. 41671452).

Acknowledgments

I am indebted to my mentor, Shunyi Zheng, who supported my work strongly. I would also like to express my gratitude to Chenxi Duan, my morning sunlight who revised my manuscript earnestly.

Conflicts of Interest

The authors declare no conflicts of interest. The founding sponsors had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript; nor in the decision to publish the results.

References

  1. Zhong, Y.; Ma, A.; Ong, Y.; Zhu, Z.; Zhang, L. Computational intelligence in optical remote sensing image processing. Appl. Soft Comput. 2018, 64, 75–93. [Google Scholar] [CrossRef]
  2. Mahdianpari, M.; Salehi, B.; Rezaee, M.; Mohammadimanesh, F.; Zhang, Y. Very deep convolutional neural networks for complex land cover mapping using multispectral remote sensing imagery. Remote Sens. 2018, 10, 1119. [Google Scholar] [CrossRef] [Green Version]
  3. Pipitone, C.; Maltese, A.; Dardanelli, G.; Brutto, M.; Loggia, G. Monitoring water surface and level of a reservoir using different remote sensing approaches and comparison with dam displacements evaluated via GNSS. Remote Sens. 2018, 10, 71. [Google Scholar] [CrossRef] [Green Version]
  4. Zhao, C.; Wang, Y.; Qi, B.; Wang, J. Global and local real-time anomaly detectors for hyperspectral remote sensing imagery. Remote Sens. 2015, 7, 3966–3985. [Google Scholar] [CrossRef] [Green Version]
  5. Li, Z.; Huang, L.; He, J. A Multiscale Deep Middle-level Feature Fusion Network for Hyperspectral Classification. Remote Sens. 2019, 11, 695. [Google Scholar] [CrossRef] [Green Version]
  6. Awad, M.; Jomaa, I.; Arab, F. Improved Capability in Stone Pine Forest Mapping and Management in Lebanon Using Hyperspectral CHRIS-Proba Data Relative to Landsat ETM+. Photogramm. Eng. Remote Sens. 2014, 80, 725–731. [Google Scholar] [CrossRef]
  7. Ibrahim, A.; Franz, B.; Ahmad, Z.; Healy, R.; Knobelspiesse, K.; Gao, B.; Proctor, C.; Zhai, P. Atmospheric correction for hyperspectral ocean color retrieval with application to the Hyperspectral Imager for the Coastal Ocean (HICO). Remote Sens. Environ. 2018, 204, 60–75. [Google Scholar] [CrossRef] [Green Version]
  8. Marinelli, D.; Bovolo, F.; Bruzzone, L. A novel change detection method for multitemporal hyperspectral images based on binary hyperspectral change vectors. IEEE Trans. Geosci. Remote Sens. 2019, 57, 4913–4928. [Google Scholar] [CrossRef]
  9. Melgani, F.; Bruzzone, L. Classification of hyperspectral remote sensing images with support vector machines. IEEE Trans. Geosci. Remote Sens. 2004, 42, 1778–1790. [Google Scholar] [CrossRef] [Green Version]
  10. Li, J.; Bioucas-Dias, J.; Plaza, A. Semisupervised hyperspectral image segmentation using multinomial logistic regression with active learning. IEEE Trans. Geosci. Remote Sens. 2010, 48, 4085–4098. [Google Scholar] [CrossRef] [Green Version]
  11. Li, J.; Bioucas-Dias, J.; Plaza, A. Spectral–spatial hyperspectral image segmentation using subspace multinomial logistic regression and Markov random fields. IEEE Trans. Geosci. Remote Sens. 2011, 50, 809–823. [Google Scholar] [CrossRef]
  12. Du, B.; Zhang, L. Random-selection-based anomaly detector for hyperspectral imagery. IEEE Trans. Geosci. Remote Sens. 2010, 49, 1578–1589. [Google Scholar] [CrossRef]
  13. Du, B.; Zhang, L. Target detection based on a dynamic subspace. Pattern Recognit. 2014, 47, 344–358. [Google Scholar] [CrossRef]
  14. Li, J.; Marpu, P.; Plaza, A.; Bioucas-Dias, J.; Benediktsson, J. Generalized composite kernel framework for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2013, 51, 4816–4829. [Google Scholar] [CrossRef]
  15. Li, W.; Du, Q. Gabor-filtering-based nearest regularized subspace for hyperspectral image classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 1012–1022. [Google Scholar] [CrossRef]
  16. Fang, L.; Li, S.; Duan, W.; Ren, J.; Benediktsson, J. Classification of hyperspectral images by exploiting spectral–spatial information of superpixel via multiple kernels. IEEE Trans. Geosci. Remote Sens. 2015, 53, 6663–6674. [Google Scholar] [CrossRef] [Green Version]
  17. Camps-Valls, G.; Gomez-Chova, L.; Muñoz-Marí, J.; Vila-Frances, J.; Calpe-Maravilla, J. Composite kernels for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2006, 3, 93–97. [Google Scholar] [CrossRef]
  18. Li, P.; Chen, X.; Shen, S. Stereo r-cnn based 3d object detection for autonomous driving. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 7644–7652. [Google Scholar]
  19. Zhang, W.; Feng, Y.; Meng, F.; You, D.; Liu, Q. Bridging the Gap between Training and Inference for Neural Machine Translation. arXiv 2019, arXiv:1906.02448. [Google Scholar]
  20. Durand, T.; Mehrasa, N.; Mori, G. Learning a Deep ConvNet for Multi-label Classification with Partial Labels. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 647–657. [Google Scholar]
  21. Chen, Y.; Lin, Z.; Zhao, X.; Wang, G.; Gu, Y. Deep learning-based classification of hyperspectral data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2094–2107. [Google Scholar] [CrossRef]
  22. Tao, C.; Pan, H.; Li, Y.; Zou, Z. Unsupervised spectral–spatial feature learning with stacked sparse autoencoder for hyperspectral imagery classification. IEEE Geosci. Remote Sens. Lett. 2015, 12, 2438–2442. [Google Scholar]
  23. Ma, X.; Wang, H.; Geng, J. Spectral–spatial classification of hyperspectral image based on deep auto-encoder. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 4073–4085. [Google Scholar] [CrossRef]
  24. Zhang, X.; Liang, Y.; Li, C.; Hu, N.; Jiao, L.; Zhou, H. Recursive autoencoders-based unsupervised feature learning for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2017, 14, 1928–1932. [Google Scholar] [CrossRef] [Green Version]
  25. Chen, Y.; Zhao, X.; Jia, X. Spectral–spatial classification of hyperspectral data based on deep belief network. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 2381–2392. [Google Scholar] [CrossRef]
  26. Zhao, W.; Du, S. Spectral–spatial feature extraction for hyperspectral image classification: A dimension reduction and deep learning approach. IEEE Trans. Geosci. Remote Sens. 2016, 54, 4544–4554. [Google Scholar] [CrossRef]
  27. Lee, H.; Kwon, H. Going deeper with contextual CNN for hyperspectral image classification. IEEE Trans. Image Process. 2017, 26, 4843–4855. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  28. Chen, Y.; Jiang, H.; Li, C.; Jia, X.; Ghamisi, P. Deep feature extraction and classification of hyperspectral images based on convolutional neural networks. IEEE Trans. Geosci. Remote Sens. 2016, 54, 6232–6251. [Google Scholar] [CrossRef] [Green Version]
  29. 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]
  30. 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, Honolulu, HI, USA, 21–26 July 2017; pp. 4700–4708. [Google Scholar]
  31. Zhong, Z.; Li, J.; Luo, Z.; Chapman, M.; Weinberger, Q. Spectral–spatial residual network for hyperspectral image classification: A 3-D deep learning framework. IEEE Trans. Geosci. Remote Sens. 2017, 56, 847–858. [Google Scholar] [CrossRef]
  32. Wang, W.; Dou, S.; Jiang, Z.; Sun, L. A Fast Dense Spectral–Spatial Convolution Network Framework for Hyperspectral Images Classification. Remote Sens. 2018, 10, 1068. [Google Scholar] [CrossRef] [Green Version]
  33. 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] [Green Version]
  34. 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] [Green Version]
  35. Woo, S.; Park, J.; Lee, J.; Kweon, I. Cbam: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Amsterdam, The Netherlands, 8–16 October 2018; pp. 3–19. [Google Scholar]
  36. Mou, L.; Ghamisi, P.; Zhu, X. Deep recurrent neural networks for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 3639–3655. [Google Scholar] [CrossRef] [Green Version]
  37. Tan, K.; Hu, J.; Li, J.; Du, P. A novel semi-supervised hyperspectral image classification approach based on spatial neighborhood information and classifier combination. ISPRS J. Photogramm. Remote Sens. 2015, 105, 19–29. [Google Scholar] [CrossRef]
  38. Zhang, M.; Gong, M.; Mao, Y.; Li, J.; Wu, Y. Unsupervised feature extraction in hyperspectral images based on wasserstein generative adversarial network. IEEE Trans. Geosci. Remote Sens. 2018, 57, 2669–2688. [Google Scholar] [CrossRef]
  39. Haut, J.; Paoletti, M.; Plaza, J.; Li, J.; Plaza, A. Active learning with convolutional neural networks for hyperspectral image classification using a new bayesian approach. IEEE Trans. Geosci. Remote Sens. 2018, 56, 6440–6461. [Google Scholar] [CrossRef]
  40. Paoletti, M.; Haut, J.; Fernandez-Beltran, R.; Plaza, J.; Plaza, A.; Li, J.; Pla, F. Capsule networks for hyperspectral image classification. Ieee Trans. Geosci. Remote Sens. 2018, 57, 2145–2160. [Google Scholar] [CrossRef]
  41. Yang, S.; Feng, Z.; Wang, M.; Zhang, K. Self-paced learning-based probability subspace projection for hyperspectral image classification. IEEE Trans. Neural Netw. Learn. Syst. 2018, 30, 630–635. [Google Scholar] [CrossRef]
  42. Kemker, R.; Kanan, C. Self-taught feature learning for hyperspectral image classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 2693–2705. [Google Scholar] [CrossRef]
  43. Chen, Z.; Jiang, J.; Zhou, C.; Fu, S.; Cai, Z. SuperBF: Superpixel-Based Bilateral Filtering Algorithm and Its Application in Feature Extraction of Hyperspectral Images. IEEE Access 2019, 7, 147796–147807. [Google Scholar] [CrossRef]
  44. Fu, J.; Liu, J.; Tian, H.; Li, Y.; Bao, Y.; Fang, Z.; Lu, H. Dual attention network for scene segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 3146–3154. [Google Scholar]
  45. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In Proceedings of the ICML 2015 32nd International Conference on Machine Learning, Lile, France, 6–11 July 2015; pp. 1–9. [Google Scholar]
  46. Rensink, R. The dynamic representation of scenes. Vis. Cogn. 2000, 7, 17–42. [Google Scholar] [CrossRef]
  47. Mnih, V.; Heess, N.; Graves, A. Recurrent models of visual attention. In Proceedings of the Advances in Neural Information Processing Systems, Montreal, QC, Canada, 8–13 December 2014; pp. 2204–2212. [Google Scholar]
  48. Xu, K.; Ba, J.; Kiros, R.; Cho, K.; Courville, A.; Salakhutdinov, R.; Zemel, R.; Bengio, Y. Show, attend and tell: Neural image caption generation with visual attention. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 2048–2057. [Google Scholar]
  49. Xu, T.; Zhang, P.; Huang, Q.; Zhang, H.; Gan, Z.; Huang, X.; He, X. Attngan: Fine-grained text to image generation with attentional generative adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 1316–1324. [Google Scholar]
  50. Misra, D. Mish: A Self Regularized Non-Monotonic Neural Activation Function. arXiv 2019, arXiv:1908.08681. [Google Scholar]
  51. Krizhevsky, A.; Sutskever, I.; Hinton, G. Imagenet classification with deep convolutional neural networks. In Proceedings of the Advances in Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012; pp. 1097–1105. [Google Scholar]
  52. Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  53. Loshchilov, I.; Hutter, F. Sgdr: Stochastic gradient descent with warm restarts. arXiv 2016, arXiv:1608.03983. [Google Scholar]
Figure 1. The structure of 3D-convolutional neural networks (CNN) with a batch normalization (BN) layer.
Figure 1. The structure of 3D-convolutional neural networks (CNN) with a batch normalization (BN) layer.
Remotesensing 12 00582 g001
Figure 2. The architecture of residual network (ResNet) and dense convolutional network (DenseNet).
Figure 2. The architecture of residual network (ResNet) and dense convolutional network (DenseNet).
Remotesensing 12 00582 g002
Figure 3. The structure of the dense block used in our framework.
Figure 3. The structure of the dense block used in our framework.
Remotesensing 12 00582 g003
Figure 4. The details of the spectral attention block and the spatial attention block.
Figure 4. The details of the spectral attention block and the spatial attention block.
Remotesensing 12 00582 g004
Figure 5. The procedure of our proposed double-branch dual-attention (DBDA) framework.
Figure 5. The procedure of our proposed double-branch dual-attention (DBDA) framework.
Remotesensing 12 00582 g005
Figure 6. The structure of the DBDA network. The upper spectral branch composed of the dense spectral block and channel attention block is designed to capture spectral features. The lower spatial branch constituted by dense spatial block, and spatial attention block is designed to exploit spatial features.
Figure 6. The structure of the DBDA network. The upper spectral branch composed of the dense spectral block and channel attention block is designed to capture spectral features. The lower spatial branch constituted by dense spatial block, and spatial attention block is designed to exploit spatial features.
Remotesensing 12 00582 g006
Figure 7. The flowchart for the DBDA methodology. The 3D-cube is fed into the spectral branch (top) and spatial branch (bottom) respectively. The obtained features are concatenated to classify the target pixel.
Figure 7. The flowchart for the DBDA methodology. The 3D-cube is fed into the spectral branch (top) and spatial branch (bottom) respectively. The obtained features are concatenated to classify the target pixel.
Remotesensing 12 00582 g007
Figure 8. The graph of the activation functions (Mish and ReLU).
Figure 8. The graph of the activation functions (Mish and ReLU).
Remotesensing 12 00582 g008
Figure 9. Classification maps for the IP dataset using 3% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Figure 9. Classification maps for the IP dataset using 3% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Remotesensing 12 00582 g009
Figure 10. Classification maps for the UP dataset using 0.5% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Figure 10. Classification maps for the UP dataset using 0.5% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Remotesensing 12 00582 g010
Figure 11. Classification maps for the UP dataset using 0.5% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Figure 11. Classification maps for the UP dataset using 0.5% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Remotesensing 12 00582 g011
Figure 12. Classification maps for the BS dataset using 1.2% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Figure 12. Classification maps for the BS dataset using 1.2% training samples. (a) False-color image. (b) Ground-truth (GT). (ch) The classification maps with disparate algorithms.
Remotesensing 12 00582 g012
Figure 13. The OA results of SVM, CDCNN, CDCNN, SSRN, FDSSC, DBMA and our proposed method with varying proportions of training samples on the (a) IP, (b) UP, (c) SV and (d) BS.
Figure 13. The OA results of SVM, CDCNN, CDCNN, SSRN, FDSSC, DBMA and our proposed method with varying proportions of training samples on the (a) IP, (b) UP, (c) SV and (d) BS.
Remotesensing 12 00582 g013
Figure 14. Effectiveness of the attention mechanism (results of different attention mechanisms).
Figure 14. Effectiveness of the attention mechanism (results of different attention mechanisms).
Remotesensing 12 00582 g014
Figure 15. Effectiveness of the activation function (results on different activation functions).
Figure 15. Effectiveness of the activation function (results on different activation functions).
Remotesensing 12 00582 g015
Table 1. The implementation details of the spectral branch.
Table 1. The implementation details of the spectral branch.
Layer NameKernel SizeOutput Size
Input-( 9 × 9 × 200 )
Conv(1 × 1 × 7 ) ( 9 × 9 × 97 , 24 )
BN-Mish-Conv(1 × 1 × 7 ) ( 9 × 9 × 97 , 12 )
Concatenate-( 9 × 9 × 97 , 36 )
BN-Mish-Conv(1 × 1 × 7 ) ( 9 × 9 × 97 , 12 )
Concatenate-( 9 × 9 × 97 , 48 )
BN-Mish-Conv(1 × 1 × 7 ) ( 9 × 9 × 97 , 12 )
Concatenate-( 9 × 9 × 97 , 60 )
BN-Mish-Conv(1 × 1 × 97 ) ( 9 × 9 × 1 , 60 )
Channel Attention Block-( 9 × 9 × 1 , 60 )
BN-Dropout-GlobalAveragePooling-( 1 × 60 )
Table 2. The implementation details of the spatial branch.
Table 2. The implementation details of the spatial branch.
Layer NameKernel SizeOutput Size
Input-( 9 × 9 × 200 )
Conv(1 × 1 × 200 ) ( 9 × 9 × 1 , 24 )
BN-Mish-Conv(3 × 3 × 1 ) ( 9 × 9 × 1 , 12 )
Concatenate-( 9 × 9 × 1 , 36 )
BN-Mish-Conv(3 × 3 × 1 ) ( 9 × 9 × 1 , 12 )
Concatenate-( 9 × 9 × 1 , 48 )
BN-Mish-Conv(3 × 3 × 1 ) ( 9 × 9 × 1 , 12 )
Concatenate-( 9 × 9 × 1 , 60 )
Channel Attention Block-( 9 × 9 × 1 , 60 )
BN-Dropout-GlobalAveragePooling-( 1 × 60 )
Table 3. The samples for each category of training, validation and testing for the Indian Pines (IP) dataset.
Table 3. The samples for each category of training, validation and testing for the Indian Pines (IP) dataset.
OrderClassTotal NumberTrainValTest
1Alfalfa463340
2Corn-notill142842421344
3Corn-mintill8302424782
4Corn23777223
5Grass-pasture4831414455
6Grass-trees7302121688
7Grass-pasture-mowed283322
8Hay-windrowed4781414450
9Oats203314
10Soybean-notill9722929914
11Soybean-mintill245573732309
12Soybean-clean5931717559
13Wheat20566193
14Woods126537371191
15Buildings-Grass-Trees-Drives3861111364
16Stone-Steel-Towers933387
Total10,2493073079635
Table 4. The samples for each category of training, validation and testing for the Pavia University (UP) dataset.
Table 4. The samples for each category of training, validation and testing for the Pavia University (UP) dataset.
OrderClassTotal NumberTrainValTest
1Asphalt663133336565
2Meadows18,649939318,463
3Gravel209910102079
4Trees306415153034
5Painted metal sheets1345661333
6Bare Soil502925254979
7Bitumen1330661318
8Self-Blocking Bricks368218183646
9Shadows94744939
Total42,77621021042,356
Table 5. The samples for each category of training, validation and testing for the Salinas Valley (SV) dataset.
Table 5. The samples for each category of training, validation and testing for the Salinas Valley (SV) dataset.
OrderClassTotal NumberTrainValTest
1Brocoli-green-weeds-1200910101989
2Brocoli-green-weeds-2372618183690
3Fallow1976991958
4Fallow-rough-plow1394661382
5Fallow-smooth267813132652
6Stubble395919193921
7Celery357917173545
8Grapes-untrained11,271565611,159
9Soil-vinyard-develop620331316141
10Corn-senesced-green-weeds327816163246
11Lettuce-romaine-4wk1068551058
12Lettuce-romaine-5wk19279941824
13Lettuce-romaine-6wk91644908
14Lettuce-romaine-7wk1070551060
15Vinyard-untrained726836367196
16Vinyard-vertical-trellis1807991789
Total54,12926334853,603
Table 6. The samples for each category of training, validation and testing for the Botswana dataset (BS) dataset.
Table 6. The samples for each category of training, validation and testing for the Botswana dataset (BS) dataset.
OrderClassTotal NumberTrainValTest
1Water27033264
2Hippo grass1012297
3Floodplain grasses125133245
4Floodplain grasses221533209
5Reeds126933263
6Riparian26933263
7Fierscar225933253
8Island interior20333197
9Acacia woodlands31444306
10Acacia shrublands24833242
11Acacia grasslands30544297
12Short mopane18122177
13Mixed mopane26833262
14Exposed soils951193
Total324840403168
Table 7. The categorized results for the IP dataset with 3% training samples.
Table 7. The categorized results for the IP dataset with 3% training samples.
ClassColorSVMCDCNNSSRNFDSSCDBMAProposed
1 Remotesensing 12 00582 i00124.240.00100.085.4293.48100.0
2 Remotesensing 12 00582 i00258.1062.3689.1497.2091.1588.49
3 Remotesensing 12 00582 i00364.3757.0077.4994.4599.5897.12
4 Remotesensing 12 00582 i00437.0737.5088.95100.098.57100.0
5 Remotesensing 12 00582 i00587.6788.1696.48100.097.45100.0
6 Remotesensing 12 00582 i00684.0279.6398.15100.095.6697.18
7 Remotesensing 12 00582 i00756.100.000.0073.5340.0092.59
8 Remotesensing 12 00582 i00889.6284.0284.5499.78100.099.78
9 Remotesensing 12 00582 i00921.210.000.00100.038.10100.0
10 Remotesensing 12 00582 i01065.8937.5092.0789.2585.9889.87
11 Remotesensing 12 00582 i01162.3253.2590.8993.9794.3999.33
12 Remotesensing 12 00582 i01252.4042.9684.1995.4189.9298.50
13 Remotesensing 12 00582 i01394.3049.4798.47100.099.4896.02
14 Remotesensing 12 00582 i01490.1576.7194.5693.1492.8193.22
15 Remotesensing 12 00582 i01563.9662.6084.1190.6189.6696.99
16 Remotesensing 12 00582 i01698.4683.7091.4096.5596.5594.38
OA 69.4162.3289.8194.8793.1595.38
AA 65.6250.9379.4094.3387.6796.47
kappa 0.64720.55930.88390.94140.92190.9474
Table 8. The categorized results for the UP dataset with 0.5% training samples.
Table 8. The categorized results for the UP dataset with 0.5% training samples.
ClassColorSVMCDCNNSSRNFDSSCDBMAProposed
1 Remotesensing 12 00582 i00182.8785.7499.1596.8894.8689.03
2 Remotesensing 12 00582 i00288.0794.4598.0697.5796.5798.32
3 Remotesensing 12 00582 i00370.8432.5996.6489.97100.098.70
4 Remotesensing 12 00582 i00495.6197.4699.8699.2197.4498.42
5 Remotesensing 12 00582 i00592.2499.1099.8599.5595.6999.78
6 Remotesensing 12 00582 i00676.9880.8896.8897.9796.7898.57
7 Remotesensing 12 00582 i00768.9888.8373.24100.095.6995.84
8 Remotesensing 12 00582 i00871.1466.1982.3670.9778.9389.47
9 Remotesensing 12 00582 i00999.8996.01100.0100.099.5599.89
OA 84.2987.7095.5994.4394.7296.00
AA 82.9682.3694.0194.6895.4996.45
kappa 0.78830.83590.94150.92570.92950.9467
Table 9. The categorized results for the SV dataset with 0.5% training samples.
Table 9. The categorized results for the SV dataset with 0.5% training samples.
ClassColorSVMCDCNNSSRNFDSSCDBMAProposed
1 Remotesensing 12 00582 i00199.850.00100.0100.0100.0100.0
2 Remotesensing 12 00582 i00298.9564.82100.0100.099.5199.17
3 Remotesensing 12 00582 i00389.8894.6989.7299.4498.9297.74
4 Remotesensing 12 00582 i00497.3082.9994.8598.5796.3995.95
5 Remotesensing 12 00582 i00593.5698.2499.3999.8796.3999.29
6 Remotesensing 12 00582 i00699.8996.5199.9599.9799.1799.92
7 Remotesensing 12 00582 i00791.3395.9899.7599.7596.8099.83
8 Remotesensing 12 00582 i00874.7388.2388.6099.6095.6095.97
9 Remotesensing 12 00582 i00997.6999.2698.4899.6999.2299.37
10 Remotesensing 12 00582 i01090.0167.3998.8199.0296.2096.72
11 Remotesensing 12 00582 i01175.9272.0393.3092.7782.2993.72
12 Remotesensing 12 00582 i01295.1975.4999.9599.6499.17100.0
13 Remotesensing 12 00582 i01394.8795.71100.0100.098.91100.0
14 Remotesensing 12 00582 i01489.2694.9297.8698.0598.2296.89
15 Remotesensing 12 00582 i01575.8651.8889.9674.5884.7193.42
16 Remotesensing 12 00582 i01699.0399.62100.0100.0100.0100.0
OA 88.0977.7994.7294.9995.4497.51
AA 91.4579.8696.6697.5696.3498.00
kappa 0.86710.75470.94120.94440.94930.9723
Table 10. The categorized results for the BS dataset with 1.2% training samples.
Table 10. The categorized results for the BS dataset with 1.2% training samples.
ClassColorSVMCDCNNSSRNFDSSCDBMAProposed
1 Remotesensing 12 00582 i001100.094.6094.9597.4197.7795.64
2 Remotesensing 12 00582 i00297.5668.64100.098.9588.8998.99
3 Remotesensing 12 00582 i00386.3581.1191.42100.0100.0100.0
4 Remotesensing 12 00582 i00463.5165.4597.3493.0392.5191.30
5 Remotesensing 12 00582 i00584.3389.1092.4280.7493.5195.58
6 Remotesensing 12 00582 i00661.2769.2866.3984.9368.9482.23
7 Remotesensing 12 00582 i00782.0980.07100.084.62100.0100.0
8 Remotesensing 12 00582 i00863.4689.36100.093.3696.1095.63
9 Remotesensing 12 00582 i00963.5355.5390.7588.4485.1596.50
10 Remotesensing 12 00582 i01065.7481.6986.8399.5997.6098.79
11 Remotesensing 12 00582 i01193.9192.48100.099.6799.6699.67
12 Remotesensing 12 00582 i01290.7090.91100.0100.097.79100.0
13 Remotesensing 12 00582 i01373.6288.5994.8381.59100.0100.0
14 Remotesensing 12 00582 i01492.98100.0100.0100.0100.0100.0
OA 77.2180.9091.8991.5793.4396.24
AA 79.9381.9293.9293.0294.1496.74
kappa 0.75320.79300.91210.90860.9.890.9593
Table 11. Training and testing consumption of support vector machines (SVM), contextual deep convolutional neural networks (CDCNN), spectral-spatial residual network (SSRN), fast dense spectral-spatial convolution (FDSSC), double-branch multi-attention (DBMA), and our method on the IP dataset using 307 training samples (3%) in 16 classes.
Table 11. Training and testing consumption of support vector machines (SVM), contextual deep convolutional neural networks (CDCNN), spectral-spatial residual network (SSRN), fast dense spectral-spatial convolution (FDSSC), double-branch multi-attention (DBMA), and our method on the IP dataset using 307 training samples (3%) in 16 classes.
DatasetAlgorithmTraining Times (s)Testing Times (s)
Indian PinesSVM20.100.66
CDCNN11.131.54
SSRN46.032.71
FDSSC105.054.86
DBMA94.696.35
Proposed69.835.60
Table 12. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the UP dataset using 210 training samples (0.5%) in nine classes.
Table 12. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the UP dataset using 210 training samples (0.5%) in nine classes.
DatasetAlgorithmsTraining Times (s)Testing Times (s)
Pavia UniversitySVM3.382.29
CDCNN10.264.92
SSRN9.936.41
FDSSC26.0111.56
DBMA21.0211.17
Proposed18.4613.32
Table 13. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the SV dataset using 263 training samples (0.5%) in 16 classes.
Table 13. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the SV dataset using 263 training samples (0.5%) in 16 classes.
DatasetAlgorithmsTraining Times (s)Testing Times (s)
SalinasSVM9.353.89
CDCNN9.826.14
SSRN73.7513.99
FDSSC99.9125.57
DBMA105.3031.82
Proposed71.1823.93
Table 14. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the BS dataset using 40 training samples (1.2%) in 14 classes.
Table 14. Training and testing consumption of SVM, CDCNN, SSRN, FDSSC, DBMA, and our method on the BS dataset using 40 training samples (1.2%) in 14 classes.
DatasetAlgorithmsTraining Times (s)Testing Times (s)
BotswanaSVM0.930.15
CDCNN11.101.33
SSRN8.871.37
FDSSC17.841.45
DBMA13.672.04
Proposed17.191.90

Share and Cite

MDPI and ACS Style

Li, R.; Zheng, S.; Duan, C.; Yang, Y.; Wang, X. Classification of Hyperspectral Image Based on Double-Branch Dual-Attention Mechanism Network. Remote Sens. 2020, 12, 582. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12030582

AMA Style

Li R, Zheng S, Duan C, Yang Y, Wang X. Classification of Hyperspectral Image Based on Double-Branch Dual-Attention Mechanism Network. Remote Sensing. 2020; 12(3):582. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12030582

Chicago/Turabian Style

Li, Rui, Shunyi Zheng, Chenxi Duan, Yang Yang, and Xiqi Wang. 2020. "Classification of Hyperspectral Image Based on Double-Branch Dual-Attention Mechanism Network" Remote Sensing 12, no. 3: 582. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12030582

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