Next Article in Journal
Response of Grassland Degradation to Drought at Different Time-Scales in Qinghai Province: Spatio-Temporal Characteristics, Correlation, and Implications
Previous Article in Journal
GAN-Assisted Two-Stream Neural Network for High-Resolution Remote Sensing Image Classification
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Bidirectional-Convolutional LSTM Based Spectral-Spatial Feature Learning for Hyperspectral Image Classification

Jiangsu Key Laboratory of Big Data Analysis Technology, School of Information and Control, Nanjing University of Information Science and Technology, Nanjing 210044, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2017, 9(12), 1330; https://doi.org/10.3390/rs9121330
Submission received: 12 November 2017 / Revised: 2 December 2017 / Accepted: 14 December 2017 / Published: 19 December 2017
(This article belongs to the Section Remote Sensing Image Processing)

Abstract

:
This paper proposes a novel deep learning framework named bidirectional-convolutional long short term memory (Bi-CLSTM) network to automatically learn the spectral-spatial features from hyperspectral images (HSIs). In the network, the issue of spectral feature extraction is considered as a sequence learning problem, and a recurrent connection operator across the spectral domain is used to address it. Meanwhile, inspired from the widely used convolutional neural network (CNN), a convolution operator across the spatial domain is incorporated into the network to extract the spatial feature. In addition, to sufficiently capture the spectral information, a bidirectional recurrent connection is proposed. In the classification phase, the learned features are concatenated into a vector and fed to a Softmax classifier via a fully-connected operator. To validate the effectiveness of the proposed Bi-CLSTM framework, we compare it with six state-of-the-art methods, including the popular 3D-CNN model, on three widely used HSIs (i.e., Indian Pines, Pavia University, and Kennedy Space Center). The obtained results show that Bi-CLSTM can improve the classification performance by almost 1.5 % as compared to 3D-CNN.

Graphical Abstract

1. Introduction

Current hyperspectral sensors can acquire images with high spectral and spatial resolutions simultaneously. For example, the Airborne Visible/Infrared Imaging Spectrometer (AVIRIS) sensor covers 224 continuous spectral bands across the electromagnetic spectrum with a spatial resolution of 3.7 m. Such rich information has been successfully used in various applications such as national defense, urban planning, precision agriculture and environment monitoring [1].
For these applications, an essential step is image classification, whose purpose is to identify the label of each pixel. Hyperspectral image (HSI) classification is a challenging task. Two important issues exist [2,3]. The first one is the curse of dimensionality. HSI provides very high-dimensional data with hundreds of spectral channels ranging from the visible to the short wave-infrared region of the electromagnetic spectrum. These high-dimensional data with limited numbers of training samples can easily result in the Hughes phenomenon [4], which means that the classification accuracy starts to decrease when the number of features exceeds a threshold. The other one is the use of spatial information. The improvement of spatial resolutions may increase spectral variations among intra-class pixels while decreasing spectral variations among inter-class pixels [5,6]. Thus, only using spectral information is not enough to obtain a satisfying result.
To solve the first issue, a widely used method is to project the original data into a low-dimensional subspace, in which most of the useful information can be preserved. In the existing literature, large amounts of works have been proposed [7,8,9,10]. They can be roughly divided into two categories: unsupervised feature extraction (FE) methods and supervised ones. The unsupervised methods attempt to reveal low-dimensional data structures without using any label information of training samples. These methods retain overall structure of data and do not focus on separating information of samples. Typical methods include but are not limited to principal component analysis (PCA) [7], neighborhood preserving embedding (NPE) [11], and independent component analysis (ICA) [12]. Different from these, the aim of supervised learning methods is to explore the information of labeled data to learn a discriminant subspace. One typical method is linear discriminant analysis (LDA) [13,14], which aims to maximize the inter-class distance and minimize the intra-class distance. In [8], a non-parametric weighted FE (NWFE) method was proposed. NWFE extends LDA by integrating nonparametric scatter matrices with training samples around the decision boundary [8]. Local Fisher discriminant analysis (LFDA) was proposed in [15], which extends the LDA by assigning greater weights to closer connecting samples.
To address the second issue, many works have been proposed to incorporate the spatial information into the spectral information [16,17,18]. This is because the coverage area of one kind of material or one object usually contains more than one pixel. Current spatial-spectral feature fusion methods can be categorized into three classes: feature-level fusion, decision-level fusion, and regularization-level fusion [3]. For feature-level fusion, one often extracts the spatial features and the spectral features independently and then concatenates them into a vector [5,19,20,21]. However, the direct concatenation will lead to a high-dimensional feature space. For decision-level fusion, multiple results are first derived using the spatial and spectral information, respectively, and then combined according to some strategies such as the majority voting strategy [22,23,24]. For regularization-level fusion, a regularizer representing the spatial information is incorporated into the original object function. For example, in [25,26], Markov random field (MRF) modeling, the joint prior probabilities of each pixel and its spatial neighbors were incorporated into the Bayesian classifier as a regularizer. Although this method works well in capturing the spatial information, optimizing the objective function in MRF is time-consuming, especially on high-resolution data.
Recently, deep learning (DL) has attracted much attention in the field of remote sensing [27,28,29,30]. The core idea of DL is to automatically learn high-level semantic features from data itself in a hierarchical manner. In [31,32], the autoencoder model has been successfully used for HSI classification. In general, the inputs of the autoencoder model are a high-dimensional vector. Thus, to learn the spatial features from HSIs, an alternative method is flattening a local image patch into a vector and then feeding it into the model. However, this method may destroy the two-dimensional (2D) structure of images, leading to the loss of spatial information. Similar issues can be found in the deep belief network (DBN) [33]. To address this issue, convolutional neural network (CNN) based deep models have been popularly used [2,34]. They directly take the original image or the local image patch as network inputs, and use local-connected and weight sharing structure to extract the spatial features from HSIs. In [2], the authors designed a CNN network with three convolutional layers and one fully-connected layer. In addition, the input of the network is the first principal component of HSIs extracted by PCA. Although the experimental results demonstrate that this model can successfully learn the spatial feature of HSIs, it may fail to extract the spectral features. Recently, a three-dimensional (3D) CNN model was proposed in [34]. In order to extract the spectral-spatial features from HSIs, the authors consider the 3D image patches as the input of the network. This complex structure will inevitably increase the amount of parameters, easily leading to the overfitting problem with a limited number of training samples.
In this paper, we propose a bidirectional-convolutional long short term memory (Bi-CLSTM) network to address the spectral-spatial feature learning problem. Specifically, we regard all the spectral bands as an image sequence, and model their relationships using a powerful LSTM network [35]. Similar to other fully-connected networks such as autoencoder and DBN, LSTM can not capture the spatial information of HSIs. Inspired from [36], we replace the fully-connected operators in the network by convolutional operators, resulting in a convolutional LSTM (CLSTM) network. Thus, CLSTM can simultaneously learn the spectral and spatial features. In addition, LSTM assumes that previous states affect future states, while the spectral channels in the sequence are correlated with each other. To address this issue, we further propose a Bi-CLSTM network. During the training process of the Bi-CLSTM network, we adopt two tricks to alleviate the overfitting problem. They are dropout and data augmentation operations.
To sum up, the main contributions of this paper are as follows. First, we consider images in all the spectral bands as an image sequence, and use LSTM to effectively model their relationships; second, considering the specific characteristics of hyperspectral images, we further propose a unified framework to combine the merits of LSTM and CNN for spectral-spatial feature extraction.

2. Review of RNN and LSTM

Recurrent neural network (RNN) [37,38] is an extension of traditional neural networks and used to address the sequence learning problem. Unlike the feedforward neural network, RNN adds recurrent edges to connect the neuron to itself across time so that it can model a probability distribution over sequence data. Figure 1 demonstrates an example of RNN. The input of the network is a sequence data { x 1 , x 2 , , x T } . The node updates its hidden state h t , given its previous state h t 1 and present input x t , by
h t = σ ( W h x x t + W h h h t 1 + b ) ,
where W h x is the weight between the input node and the recurrent hidden node, W h h is the weight between the recurrent hidden node and itself from the previous time step, and b and σ are bias and nonlinear activation function, respectively.
As an important branch of the deep learning family, RNNs have recently shown promising results in many machine learning and computer vision tasks [39,40]. However, it has been observed that training RNN models to model the long-term sequence data is difficult. As can be seen from Equation (1), the contribution of recurrent hidden node h m at time m to itself h n at time n may approach infinity or zero as the time interval increases whether | W h h | < 1 or | W h h | > 1 . This will lead to the gradient vanishing and exploding problem [41]. To address this issue, Hochreiter and Schmidhuber proposed LSTM to replace the recurrent hidden node by a memory cell. The memory cell contains a node with a self-connected recurrent edge of a fixed weight one, ensuring that the gradient can pass across many time steps without vanishing or exploding. The LSTM unit consists of four important parts: input gate i t , output gate o t , forget gate f t , and candidate cell value C ˜ t . Based on these parts, memory cell and output can be computed by:
f t = σ ( W h f · h t 1 + W x f · x t + b f ) i t = σ ( W h i · h t 1 + W x i · x t + b i ) C ˜ t = tanh ( W h C · h t 1 + W x C · x t + b C ) C t = f t C t 1 + i t C ˜ t o t = σ ( W h o · h t 1 + W x o · x t + b o ) h t = o t tanh ( C t ) ,
where σ is the logistic sigmoid function, ‘·’ is a matrix multiplication operator, ‘∘’ is a dot product operator, and b f , b i , b C as well as b o are bias terms. The weight matrix subscripts have obvious meanings. For instance, W h i is the hidden-input gate matrix, and W x o is the input-output gate matrix etc.

3. Methodology

The flowchart of the proposed Bi-CLSTM model is shown in Figure 2. Suppose an HSI can be represented as a 3D matrix X R m × n × l with m × n pixels and l spectral channels. Given a pixel at the spatial position ( i , j ) where 1 i m and 1 j n , we can choose a small sub-cube X i j R p × p × l centered at it. The goal of Bi-CLSTM is to learn the most discriminative spectral-spatial information from X i j . Such information is the final feature representation for the pixel at the spatial position ( i , j ) . If we split the sub-cube across the spectral channels, then X i j can be considered as an l-length sequence { ( x i j 1 , x i j 2 , , x i j l ) | x i j k R p × p × 1 , 1 k l } . The image patches in the sequence are fed into the CLSTM one by one to extract the spectral feature via a recurrent operator and the spatial feature via a convolution operator simultaneously.
CLSTM is a modification of LSTM, which replaces the fully-connected operators by convolutional operators [36]. The structure of CLSTM is shown in Figure 3, where the left side zooms in its core computation unit, called a memory cell. In the memory cell, ‘⊗’ and ‘⊕’ represent dot product and matrix addition, respectively. For the k-th image patch x i j k in the sequence X i j , CLSTM firstly decides what information to throw away from the previous cell state C i j k 1 via the forget gate F i j k . The forget gate pays attention to h i j k 1 and x i j k , and outputs a value between 0 and 1 after an activation function. Here, 1 represents “keep the whole information” and 0 represents “throw away the information completely”. Secondly, CLSTM needs to decide what new information to store in the current cell state C i j k . This includes two parts: first, the input gate I i j k decides what information to update by the same way as forget gate; second, the memory cell creates a candidate value C ˜ i j k computed by h i j k 1 and x i j k . After finishing these two parts, CLSTM multiplies the previous memory cell state C i j k 1 by F i j k , adds the product to I i j k C ˜ i j k , and updates the information C i j k . Finally, CLSTM decides what information to output via the cell state C i j k and output gate O i j k . The above process can be formulated as the following equations:
F i j k = σ ( W h f h i j k 1 + W x f x i j k + b f ) I i j k = σ ( W h i h i j k 1 + W x i x i j k + b i ) C ˜ i j k = tanh ( W h c h i j k 1 + W x c x i j k + b c ) C i j k = F i j k C i j k 1 + I i j k C ˜ i j k O i j k = σ ( W h o h i j k 1 + W x o x i j k + b o ) h i j k = O i j k tanh ( C i j k ) ,
where σ is the logistic sigmoid function, ‘∗’ is a convolutional operator, ‘∘’ is a dot product, and b f , b i , b c and b o are bias terms. The weight matrix subscripts have the obvious meaning. For example, W h i is the hidden-input gate matrix, and W x o is the input-output gate matrix etc. To implement the convolutional and recurrent operator in CLSTM simultaneously, the spatial size of h i j k 1 and C i j k 1 must be the same as that of x i j k (we use zero-padding [42] to ensure that input will keep the original spatial size after convolution operation).
In the existing literature [43,44,45], LSTM has been well acknowledged as a powerful network to address the orderly sequence learning problem based on the assumption that previous states will affect future states. However, different from the traditional sequence learning problem, the spectral channels in the sequence are correlated with each other. In [46], bidirectional recurrent neural networks (Bi-RNN) was proposed to use both latter and previous information to model sequential data. Motivated by it, we use a Bi-CLSTM network shown in Figure 2 to sufficiently extract the spectral feature. Specifically, the image patches are fed into the CLSTM network one by one with a forward and a backward sequence, respectively. After that, we can acquire two spectral-spatial feature sequences. In the classification stage, they are concatenated into a vector denoted as G and a Softmax layer is used to obtain the probability of each class that the pixel belongs to. Softmax function ensures the activation of each output unit sums to 1, so that we can deem the output as a set of conditional probabilities. Given the vector G, the probability that the input belongs to category c equals
P i j ( y = c | G , W , b ) = e W c G + b c m e W m G + b m ,
where W and b are weights and biases of the Softmax layer and the summation is over all the output units. The pseudocode for the Bi-CLSTM model is given in Algorithm 1, where we use simplified variables to make the procedure clear.
It is well known that the performance of DL algorithms depends on the number of training samples. However, there often exists a small number of available samples in HSIs. To this end, we adopt two data augmentation methods. They are flipping and rotating operators. Specifically, we rotate the HSI patches by 90, 180, and 270 degrees anticlockwise and flip them horizontally and vertically. Furthermore, we rotate the horizontally and vertically flipped patches by 90 degrees separately. Figure 4 shows some examples of flipping and rotating operators. As a result, the number of training samples can be increased by eight times. In addition, the data augmentation method, dropout [47] is also used to improve the performance of Bi-CLSTM. We set some outputs of neurons to zeros, which means that these neurons do not propagate any information forward or participate in the back-propagation learning algorithm. Every time an input is sampled, network drops neurons randomly to form different structures. In the next section, we will validate the effectiveness of data augmentation and dropout methods.
Algorithm 1: Algorithm for the Bi-CLSTM model.
Remotesensing 09 01330 i001

4. Experimental Results

4.1. Datasets

We test the proposed Bi-CLSTM model on three HSIs, which are widely used to evaluate classification algorithms.
  • Indian Pines: The first dataset was acquired by the AVIRIS sensor over the Indian Pine test site in northwestern Indiana, USA, on 12 June 1992 and it contains 224 spectral bands. We utilize 200 bands after removing four bands containing zero values and 20 noisy bands affected by water absorption. The spatial size of the image is 145 × 145 pixels, and the spatial resolution is 20 m. The false-colour composite image and the ground truth map are shown in Figure 5. The available number of samples is 10,249 ranging from 20 to 2455 in each class.
  • Pavia University: The second dataset was acquired by the reflective optics system imaging spectrometer (ROSIS) sensor during a flight campaign over Pavia, northern Italy, on 8 July 2002. The original image was recorded with 115 spectral channels ranging from 0.43 μ m to 0.86 μ m. After removing noisy bands, 103 bands are used. The image size is 610 × 340 pixels with a spatial resolution of 1.3 m. A three band false-colour composite image and the ground truth map are shown in Figure 6. In the ground truth map, there are nine different classes of land covers with more than 1000 labeled pixels for each class.
  • Kennedy Space Center (KSC): The third dataset was acquired by the AVIRIS sensor over Kennedy Space Center (KSC), Florida, on 23 March 1996. It contains 224 spectral bands. We utilize 176 bands of them after removing bands with water absorption and low signal noise ratio. The spatial size of the image is 512 × 614 pixels, and the spatial resolution is 18 m. Discriminating different land covers in this dataset is difficult due to the similarity of spectral signatures among certain vegetation types. For classification purposes, thirteen classes representing the various land-cover types that occur in this environment are defined. Figure 7 demonstrates a false-colour composite image and the ground truth map.
For Indian Pines and KSC datasets, we randomly select 10 % pixels from each class as the training set, and use the remaining pixels as the testing set. The same as the experiments in [3,49], we randomly choose 3921 pixels as the training set and the rest of pixels as the testing set for the Pavia University dataset. The detailed numbers of training and testing samples are listed from Table 1, Table 2 and Table 3.

4.2. Experimental Setup

We compared the proposed Bi-CLSTM model with several FE methods, including regularized local discriminant embedding (RLDE) [50], matrix-based discriminant analysis (MDA) [3], 2D-CNN, 3D-CNN, LSTM [49], and CNN+LSTM. We train DL models on a single TITAN X GPU and implement them in TensorFlow. Additionally, we also directly use the original pixels as a benchmark. The optimal reduced dimension for RLDE is chosen from [ 2 , 30 ] . For MDA, the optimal window size is selected from a given set { 3 , 5 , 7 , 9 , 11 } . For 2D-CNN and 3D-CNN, we take the same configuration as described in [34]. For LSTM, we build a single recurrent layer with 128 hidden nodes. For CNN+LSTM, we apply CNN to extract spatial features from each band and then employ LSTM to fuse them. The configuration of CNN is the same as that in [34], and the number of hidden nodes in LSTM is 128. For Bi-CLSTM, we build a bidirectional network with two CLSTM layers to extract features. Similar to CNN, the convolution operation are followed by max-pooling in Bi-CLSTM, and we empirically set the size of convolution kernel to 3 × 3 and the number of convolution kernel to 32. Without loss of generality, we initialize the state of CLSTM to zeros. The detailed configuration of Bi-CLSTM is listed in Table 4. The dimension of each layer in Bi-CLSTM is detailed in Table 5, where l and C indicate the number of spectral bands and classes, respectively, and F-CLSTM and B-CLSTM indicate forward and backward CLSTM, respectively. When training Bi-CLSTM, we set the loss function to cross entropy and optimize it by Adam algorithm with a learning rate of 10 3 .
In order to reduce the effects of random selection, all the algorithms are repeated five times and the average results are reported. The classification performance is evaluated by the overall accuracy (OA), the average accuracy (AA), the per-class accuracy, and the Kappa coefficient κ . OA defines the ratio between the number of correctly classified pixels to the total number of pixels in the testing set, AA refers to the average of accuracies in all classes, and κ is the percentage of agreement corrected by the number of agreements that would be expected purely by chance. Clearly, larger values of the three metrics correspond to better performance.

4.3. Parameter Selection

There are four important influence factors in Bi-CLSTM, including dropout, data augmentation, network framework, and the size of input image patches. Firstly, to find the optimal size of image patches, we fix the other three factors and select the size from four candidate values { 8 , 16 , 32 , 64 } . Table 6 demonstrates the effects of different sizes on OA of the KSC dataset. From this table, we can observe that OA increases as the patch size increases, and 64 × 64 size can achieve a high enough accuracy. Since larger size will dramatically increase the computation time and the accuracy improvement is limited, the optimal size can be chosen as 64 × 64 .
Secondly, to investigate the performance of bidirectional network structure, we fix the other influence factors and compare forward CLSTM (F-CLSTM) with Bi-CLSTM on the KSC dataset. Here, F-CLSTM is a forward network with the same configuration as Bi-CLSTM listed in Table 4. As shown in Table 7, the bidirectional network indeed outperforms the ordinary forward network. This result certifies the effectiveness of Bi-CLSTM as compared to the forward CLSTM. Finally, we also validate the effectiveness of dropout and data augmentation operators. We set the probability of dropout to the common value 0.6, and fix the other influence factors. Table 8 reports the OA values with or without dropout operator on the KSC dataset. It can be observed that using dropout can significantly improve the accuracy from 94.41% to 99.13%. Similarly, we expand the number of training samples by eight times as described in Section II and fix the other influence factors. Table 8 demonstrates that data augmentation can improve the accuracy from 95.07% to 99.13%.

4.4. Performance Comparison

To demonstrate the superiority of the proposed Bi-CLSTM model, we quantitatively and qualitatively compare it with the aforementioned methods. Table 9 reports the quantitative results acquired by eight methods on the Indian Pines dataset. From these results, we can observe that most of the DL methods perform better than traditional methods. For 2D-CNN, it only uses the principal component of all spectral bands, leading to the loss of spectral information. Therefore, the performance obtained by 2D-CNN is inferior to that by MDA. For LSTM, it takes the hyperspectral pixel vector as input without considering spatial-domain information, achieving the worst performance among all methods. Different from 2D-CNN and LSTM, CNN+LSTM attempts to feed spatial features from each band into the LSTM model to capture the spectral information, obtaining better performance than MDA. This is because, as a neural network, CNN+LSTM is able to capture the nonlinear distribution property of hyperspectral data, while the linear FE method MDA may fail. Nevertheless, the spectral FE and spatial FE processes are independent, making the trained parameters in CNN+LSTM may be not the optimal ones. 3D-CNN and Bi-CLSTM can address this issue by extracting spectral and spatial features simultaneously, and achieve the higher OA, AA, and κ than CNN+LSTM. For 3D-CNN, a specific number of spectral bands is taken as an input of the network every time. Therefore, it cannot learn the relationships between non-adjacent spectral bands. Via recurrent connections, Bi-CLSTM can model the correlations across all the spectral bands. Thus, compared to 3D-CNN, Bi-CLSTM improves OA from 95.30% to 96.78%. Figure 8 demonstrates the classification maps achieved by eight different methods on the Indian Pines dataset. It can be observed that Bi-CLSTM obtains more homogeneous maps than other methods.
Similar results are demonstrated in Table 10 and Figure 9 on the Pavia University Scene dataset. Again, 3D-CNN, CNN+LSTM, and Bi-CLSTM achieve better performance than other methods. Specifically, OA, AA and κ obtained by 3D-CNN and CNN+LSTM are higher than MDA, and Bi-CLSTM obtains better performance than 3D-CNN and CNN+LSTM. It is worth noting that the improvement of OA, AA and κ from MDA to Bi-CLSTM is not remarkable as those on the Indian Pines dataset because MDA has already obtained a high performance and a further improvement is very difficult. Table 11 and Figure 10 show the classification results of different methods on the KSC dataset. Similar to the other two datasets, Bi-CLSTM achieves the highest OA, AA and κ than other methods.
To test the computational efficiency of different deep learning methods, we train and test them on a personal computer with CPU of Intel Core i7-4790 and GPU of GTX TITAN X, using the TensorFlow framework. As shown in Table 12, 3D-CNN and Bi-CLSTM cost more training and testing time than 2D-CNN, LSTM and CNN+LSTM because their inputs are sub-cubes while others are vectors or matrices. In addition, compared to 3D-CNN, training or testing Bi-CLSTM is faster. This is because the convolutional kernel sizes (i.e., 3 × 3 × 32 ) in each direction of Bi-CLSTM are smaller than those of 3D-CNN (i.e., 4 × 4 × 32 × 128 ), and the depth of Bi-CLSTM is shallower than it.

5. Conclusions

In this paper, we propose a novel bidirectional-convolutional long short term memory (Bi-CLSTM) network to automatically learn the spectral-spatial feature from hyperspectral images (HSIs). The input of the network is the whole spectral channels of HSIs, and a bidirectional recurrent connection operator across them is used to sufficiently explore the spectral information. In addition, motivated by the widely used convolutional neural network (CNN), fully-connected operators in the network are replaced by convolution operators across the spatial domain to capture the spatial information. By conducting experiments on three HSIs collected by different instruments (AVIRIS and ROSIS), we compare the proposed method with several feature extraction methods including deep learning algorithms, i.e., CNN, LSTM and CNN+LSTM. The experimental results indicate that using spatial information improves the classification performance and results in more homogeneous regions in classification maps compared to only using spectral information. In addition, the proposed method can improve the OA, AA, and κ on three HSIs as compared to other methods. We also evaluate the influences of different components in the network, including dropout, data augmentation and patch size.

Acknowledgments

This work was supported in part by the Natural Science Foundation of China under Grant Numbers: 61532009, 61522308 and, in part, by the Natural Science Foundation of Jiangsu Province, China, under Grant 15KJA520001.

Author Contributions

Qingshan Liu proposed the algorithm. Renlong Hang and Feng Zhou performed the experiment. Xiaotong Yuan and Renlong Hang supervised the study, analyzed the results and gave insightful suggestions for the manuscript. Renlong Hang and Feng Zhou drafted the manuscript. All coauthors contributed to the revision of the manuscript.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhang, S.; Li, S.; Fu, W.; Fang, L. Multiscale Superpixel-Based Sparse Representation for Hyperspectral Image Classification. Remote Sens. 2017, 9, 139. [Google Scholar] [CrossRef]
  2. 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]
  3. Hang, R.; Liu, Q.; Song, H.; Sun, Y. Matrix-Based Discriminant Subspace Ensemble for Hyperspectral Image Spatial-Spectral Feature Fusion. IEEE Trans. Geosci. Remote Sens. 2015, 54, 783–794. [Google Scholar] [CrossRef]
  4. Hughes, G. On the Mean Accuracy of Statistical Pattern Recognizers. IEEE Trans. Inf. Theory 1968, 14, 55–63. [Google Scholar] [CrossRef]
  5. Zhang, L.; Zhang, L.; Tao, D.; Huang, X. On Combining Multiple Features for Hyperspectral Remote Sensing Image Classification. IEEE Trans. Geosci. Remote Sens. 2012, 50, 879–893. [Google Scholar] [CrossRef]
  6. Xu, J.; Hang, R.; Liu, Q. Patch-Based Active Learning PTAL for Spectral-Spatial Classification on Hyperspectral Data. Int. J. Remote Sens. 2014, 35, 1846–1875. [Google Scholar] [CrossRef]
  7. Palsson, F.; Sveinsson, J.R.; Ulfarsson, M.O.; Benediktsson, J.A. Model-Based Fusion of Multi- and Hyperspectral Images Using PCA and Wavelets. IEEE Trans. Geosci. Remote Sens. 2015, 53, 2652–2663. [Google Scholar] [CrossRef]
  8. Kuo, B.C.; Landgrebe, D.A. Nonparametric Weighted Feature Extraction for Classification. IEEE Trans. Geosci. Remote Sens. 2004, 42, 1096–1105. [Google Scholar]
  9. Chen, H.T.; Chang, H.W.; Liu, T.L. Local Discriminant Embedding and Its Variants. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Diego, CA, USA, 20–25 June 2005; pp. 846–853. [Google Scholar]
  10. Wang, Q.; Meng, Z.; Li, X. Locality Adaptive Discriminant Analysis for Spectral–Spatial Classification of Hyperspectral Images. IEEE Geosci. Remote Sens. Lett. 2017, 14, 2077–2081. [Google Scholar] [CrossRef]
  11. He, X.; Cai, D.; Yan, S.; Zhang, H.J. Neighborhood Preserving Embedding. In Proceedings of the Tenth IEEE International Conference on Computer Vision, Beijing, China, 17–21 October 2005; Volume 2, pp. 1208–1213. [Google Scholar]
  12. Villa, A.; Benediktsson, J.A.; Chanussot, J.; Jutten, C. Hyperspectral Image Classification with Independent Component Discriminant Analysis. IEEE Trans. Geosci. Remote Sens. 2011, 49, 4865–4876. [Google Scholar] [CrossRef]
  13. Friedman, J.H. Regularized Discriminant Analysis. J. Am. Stat. Assoc. 1989, 84, 165–175. [Google Scholar] [CrossRef]
  14. Bandos, T.V.; Bruzzone, L.; Camps-Valls, G. Classification of Hyperspectral Images with Regularized Linear Discriminant Analysis. IEEE Trans. Geosci. Remote Sens. 2009, 47, 862–873. [Google Scholar] [CrossRef]
  15. Sugiyama, M. Dimensionality Reduction of Multimodal Labeled Data by Local Fisher Discriminant Analysis. J. Mach. Learn. Res. 2007, 8, 1027–1061. [Google Scholar]
  16. Fauvel, M.; Tarabalka, Y.; Benediktsson, J.A.; Chanussot, J. Advances in Spectral-Spatial Classification of Hyperspectral Images. Proc. IEEE 2013, 101, 652–675. [Google Scholar] [CrossRef]
  17. Sun, L.; Wu, Z.; Liu, J.; Xiao, L. Supervised Spectral-Spatial Hyperspectral Image Classification with Weighted Markov Random Fields. IEEE Trans. Geosci. Remote Sens. 2015, 53, 1490–1503. [Google Scholar] [CrossRef]
  18. Liu, J.; Wu, Z.; Wei, Z.; Xiao, L.; Sun, L. Spatial-Spectral Kernel Sparse Representation for Hyperspectral Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2013, 6, 2462–2471. [Google Scholar] [CrossRef]
  19. Fauvel, M.; Benediktsson, J.A.; Chanussot, J.; Sveinsson, J.R. Spectral and Spatial Classification of Hyperspectral Data Using SVMs and Morphological Profiles. IEEE Trans. Geosci. Remote Sens. 2008, 46, 3804–3814. [Google Scholar] [CrossRef]
  20. Mura, M.D.; Villa, A.; Benediktsson, J.A.; Chanussot, J. Classification of Hyperspectral Images by Using Extended Morphological Attribute Profiles and Independent Component Analysis. IEEE Geosci. Remote Sens. Lett. 2011, 8, 542–546. [Google Scholar] [CrossRef]
  21. Benediktsson, J.A.; Palmason, J.A.; Sveinsson, J.R. Classification of Hyperspectral Data from Urban Areas Based on Extended Morphological Profiles. IEEE Trans. Geosci. Remote Sens. 2005, 43, 480–491. [Google Scholar] [CrossRef]
  22. Tarabalka, Y.; Benediktsson, J.A.; Chanussot, J. Spectral-Spatial Classification of Hyperspectral Imagery Based on Partitional Clustering Techniques. IEEE Trans. Geosci. Remote Sens. 2009, 47, 2973–2987. [Google Scholar] [CrossRef]
  23. Jimenez, L.O.; Rivera-Medina, J.L.; Rodriguez-Diaz, E.; Arzuaga-Cruz, E. Integration of Spatial and Spectral Information by Means of Unsupervised Extraction and Classification for Homogenous Objects Applied to Multispectral and Hyperspectral Data. IEEE Trans. Geosci. Remote Sens. 2005, 43, 844–851. [Google Scholar] [CrossRef]
  24. Tarabalka, Y.; Benediktsson, J.A.; Chanussot, J.; Tilton, J.C. Multiple Spectral-Spatial Classification Approach for Hyperspectral Data. IEEE Trans. Geosci. Remote Sens. 2010, 48, 4122–4132. [Google Scholar] [CrossRef]
  25. Jia, X.; Richards, J.A. Managing the Spectral-Spatial Mix in Context Classification Using Markov Random Fields. IEEE Geosci. Remote Sens. Lett. 2008, 5, 311–314. [Google Scholar] [CrossRef]
  26. Jackson, Q.; Landgrebe, D.A. Adaptive Bayesian Contextual Classification Based on Markov Random Fields. IEEE Trans. Geosci. Remote Sens. 2002, 40, 2454–2463. [Google Scholar] [CrossRef]
  27. Wu, H.; Prasad, S. Convolutional Recurrent Neural Networks for Hyperspectral Data Classification. Remote Sens. 2017, 9, 298. [Google Scholar] [CrossRef]
  28. Liang, H.; Li, Q. Hyperspectral Imagery Classification Using Sparse Representations of Convolutional Neural Network Features. Remote Sens. 2016, 8, 99. [Google Scholar] [CrossRef]
  29. He, Z.; Liu, H.; Wang, Y.; Hu, J. Generative Adversarial Networks-Based Semi-Supervised Learning for Hyperspectral Image Classification. Remote Sens. 2017, 9, 1042. [Google Scholar] [CrossRef]
  30. Ding, C.; Li, Y.; Xia, Y.; Wei, W.; Zhang, L.; Zhang, Y. Convolutional Neural Networks Based Hyperspectral Image Classification Method with Adaptive Kernels. Remote Sens. 2017, 9, 618. [Google Scholar] [CrossRef]
  31. 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]
  32. 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]
  33. 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]
  34. Chen, Y.; Jiang, H.; Li, C.; Jia, X. 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]
  35. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735. [Google Scholar] [CrossRef] [PubMed]
  36. Xingjian, S.; Chen, Z.; Wang, H.; Yeung, D.Y.; Wong, W.K.; Woo, W.C. Convolutional LSTM network: A machine learning approach for precipitation nowcasting. In Advances in Neural Information Processing Systems; 2015; pp. 802–810. Available online: papers.nips.cc/paper/5955-convolutional-lstm-network-a-machine-learning-approach-for-precipitation-nowcasting.pdf (accessed on 15 December 2017).
  37. Williams, R.; Zipser, D. A Learning Algorithm for Continually Running Fully Recurrent Neural Networks. Neural Comput. 1989, 1, 270–280. [Google Scholar] [CrossRef]
  38. Rodriguez, P.; Wiles, J.; Elman, J.L. A Recurrent Neural Network That Learns to Count. Connect. Sci. 1999, 11, 5–40. [Google Scholar] [CrossRef]
  39. Cho, K.; Merrienboer, B.V.; Gulcehre, C.; Bahdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning Phrase Representations Using RNN Encoder-Decoder for Statistical Machine Translation. arXiv. 2014. Available online: https://arxiv.org/pdf/1406.1078 (accessed on 15 December 2017).
  40. Ranzato, M.; Szlam, A.; Bruna, J.; Mathieu, M.; Collobert, R.; Chopra, S. Video (Language) Modeling: A Baseline for Generative Models of Natural Videos. arXiv. 2014. Available online: https://arxiv.org/pdf/1412.6604 (accessed on 15 December 2017).
  41. Hochreiter, S.; Bengio, Y.; Frasconi, P.; Schmidhuber, J. Gradient Flow in Recurrent Nets: The Difficulty of Learning Long-Term Dependencies. In A Field Guide to Dynamical Recurrent Neural Networks; IEEE Press, 2001; Available online: www.bioinf.jku.at/publications/older/ch7.pdf (accessed on 15 December 2017).
  42. Dumoulin, V.; Visin, F. A Guide to Convolution Arithmetic for Deep Learning. arXiv. 2016. Available online: https://arxiv.org/pdf/1603.07285 (accessed on 15 December 2017).
  43. Sutskever, I.; Vinyals, O.; Le, Q.V. Sequence to Sequence Learning with Neural Networks. In Advances in Neural Information Processing Systems; 2014; pp. 3104–3112. Available online: papers.nips.cc/paper/5346-sequence-to-sequence-learning-with-neural-networks.pdf (accessed on 15 December 2017).
  44. Mikolov, T.; Karafiát, M.; Burget, L.; Cernocky, J.; Khudanpur, S. Recurrent neural network based language model. In Proceedings of the Conference of the International Speech Communication Association (INTERSPEECH 2010), Chiba, Japan, 26–30 September 2010; pp. 1045–1048. [Google Scholar]
  45. Graves, A.; Fernández, S.; Schmidhuber, J. Bidirectional LSTM networks for improved phoneme classification and recognition. In Proceedings of the Artificial Neural Networks: Formal Models and Their Applications (ICANN 2005), Warsaw, Poland, 11–15 September 2005; p. 753. [Google Scholar]
  46. Schuster, M.; Paliwal, K.K. Bidirectional Recurrent Neural Networks. IEEE Trans. Signal Process. 1997, 45, 2673–2681. [Google Scholar] [CrossRef]
  47. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet classification with deep convolutional neural networks. In Proceedings of the International Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012; pp. 1097–1105. [Google Scholar]
  48. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. arXiv. 2014. Available online: https://arxiv.org/pdf/1412.6980 (accessed on 15 December 2017).
  49. Mou, L.; Ghamisi, P.; Zhu, X.X. Deep Recurrent Neural Networks for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2017, 55, 3639–3655. [Google Scholar] [CrossRef]
  50. Zhou, Y.; Peng, J.; Chen, C.L.P. Dimension Reduction Using Spatial and Spectral Regularized Local Discriminant Embedding for Hyperspectral Image Classification. IEEE Trans. Geosci. Remote Sens. 2015, 53, 1082–1095. [Google Scholar] [CrossRef]
Figure 1. The structure of RNN.
Figure 1. The structure of RNN.
Remotesensing 09 01330 g001
Figure 2. Flowchart of the Bi-CLSTM network for HSI classification. For a given pixel, a local cube surrounding it is first extracted, and then unfolded across the spectral domain. The unfolded images are fed into the Bi-CLSTM network one by one.
Figure 2. Flowchart of the Bi-CLSTM network for HSI classification. For a given pixel, a local cube surrounding it is first extracted, and then unfolded across the spectral domain. The unfolded images are fed into the Bi-CLSTM network one by one.
Remotesensing 09 01330 g002
Figure 3. The structure of CLSTM.
Figure 3. The structure of CLSTM.
Remotesensing 09 01330 g003
Figure 4. The example of data augmentation. (a) the original image; (bd) the images after rotation of 90, 180, and 270 degrees anticlockwise; (e) vertical flip of (c); (f) horizontal flip of (d); (gh) the horizontally and vertically flipped images of (c,d).
Figure 4. The example of data augmentation. (a) the original image; (bd) the images after rotation of 90, 180, and 270 degrees anticlockwise; (e) vertical flip of (c); (f) horizontal flip of (d); (gh) the horizontally and vertically flipped images of (c,d).
Remotesensing 09 01330 g004
Figure 5. Indian Pines scene dataset. (a) false-color composite of the Indian Pines scene; (b) ground truth map containing 16 mutually exclusive land cover classes.
Figure 5. Indian Pines scene dataset. (a) false-color composite of the Indian Pines scene; (b) ground truth map containing 16 mutually exclusive land cover classes.
Remotesensing 09 01330 g005
Figure 6. Pavia University scene dataset. (a) false-color composite of the Pavia University scene; (b) ground truth map containing nine mutually exclusive land cover classes.
Figure 6. Pavia University scene dataset. (a) false-color composite of the Pavia University scene; (b) ground truth map containing nine mutually exclusive land cover classes.
Remotesensing 09 01330 g006
Figure 7. KSC dataset. (a) false-color composite of the KSC. (b) ground truth map containing 13 mutually exclusive land cover classes.
Figure 7. KSC dataset. (a) false-color composite of the KSC. (b) ground truth map containing 13 mutually exclusive land cover classes.
Remotesensing 09 01330 g007
Figure 8. Classification maps using eight different methods on the Indian Pines dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Figure 8. Classification maps using eight different methods on the Indian Pines dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Remotesensing 09 01330 g008
Figure 9. Classification maps using eight different methods on the Pavia University dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Figure 9. Classification maps using eight different methods on the Pavia University dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Remotesensing 09 01330 g009
Figure 10. Classification maps using eight different methods on the KSC dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Figure 10. Classification maps using eight different methods on the KSC dataset: (a) original; (b) RLDE; (c) MDA; (d) 2D-CNN; (e) 3D-CNN; (f) LSTM; (g) CNN+LSTM; (h) Bi-CLSTM.
Remotesensing 09 01330 g010
Table 1. Number of pixels for training/testing and the total number of pixels for each class in the Indian Pines ground truth map.
Table 1. Number of pixels for training/testing and the total number of pixels for each class in the Indian Pines ground truth map.
No.ClassTotalTrainingTest
C1Alfalfa46541
C2Corn-notill14281431285
C3Corn-mintill83083747
C4Corn23724213
C5Grass-pasture48348435
C6Grass-trees73073657
C7Grass-pasture-mowed28325
C8Hay-windrowed47848430
C9Oats20218
C10Soybean-notill97297875
C11Soybean-mintill24552462209
C12Soybean-clean59359534
C13Wheat20521184
C14Woods12651271138
C15Buildings-Grass-Trees-Drives38639347
C16Stone-Steel-Towers93984
Table 2. Number of pixels for training/testing and the total number of pixels for each class in the Pavia University ground truth map.
Table 2. Number of pixels for training/testing and the total number of pixels for each class in the Pavia University ground truth map.
No.ClassTotalTrainingTest
C1Asphalt66315486083
C2Meadows18,64954018,109
C3Gravel20993921707
C4Trees30645242540
C5Painted metal sheets13452651080
C6Bare Soil50295324497
C7Bitumen1330375955
C8Self-Blocking Bricks36825143168
C9Shadows947231716
Table 3. Number of pixels for training/testing and the total number of pixels for each class in the KSC ground truth map.
Table 3. Number of pixels for training/testing and the total number of pixels for each class in the KSC ground truth map.
No.ClassTotalTrainingTest
C1Scrub76176685
C2Willow swamp24324219
C3Cabbage palm hammock25626230
C4Cabbage palm/oak hammock25225227
C5Slash pine16116145
C6Oak/broadleaf hammock22923206
C7Hardwood swamp1051194
C8Graminoid marsh43143388
C9Spartina marsh52052468
C10Cattail marsh40440364
C11Salt marsh41942377
C12Mud flats50350453
C13Water92793834
Table 4. Detailed configuration of Bi-CLSTM.
Table 4. Detailed configuration of Bi-CLSTM.
DirectionConvolutionMaxPoolingDropout
Forward3 × 3 × 322 × 20.6
Backward3 × 3 × 322 × 20.6
Table 5. The dimension of each layer in Bi-CLSTM.
Table 5. The dimension of each layer in Bi-CLSTM.
LayerInputConv-OutputPool-Output
F-CLSTM 64 × 64 × l 32 × 32 × l 16 × 16 × l
B-CLSTM 64 × 64 × l 32 × 32 × l 16 × 16 × l
LayerInputOutput
Softmax 2 × 16 × 16 × l C
Table 6. OA of Bi-CLSTM with different sizes of input image patches on the KSC dataset.
Table 6. OA of Bi-CLSTM with different sizes of input image patches on the KSC dataset.
Size 8 × 8 16 × 16 32 × 32 64 × 64
OA(%)96.1297.7898.5799.13
Table 7. OA of F-CLSTM and Bi-CLSTM on the KSC dataset.
Table 7. OA of F-CLSTM and Bi-CLSTM on the KSC dataset.
NetworkF-CLSTMBi-CLSTM
OA(%)95.4499.13
Table 8. OA of Bi-CLSTM on the KSC dataset with and without dropout and data augmentation.
Table 8. OA of Bi-CLSTM on the KSC dataset with and without dropout and data augmentation.
OperatorYesNo
Dropout99.1394.41
Data augmentation99.1395.07
Table 9. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the Indian Pines dataset using 10 % pixels from each class as the training set.
Table 9. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the Indian Pines dataset using 10 % pixels from each class as the training set.
LabelOriginalRLDEMDA2D-CNN3D-CNNLSTMCNN+LSTMBi-CLSTM
OA77.44 ± 0.7180.97 ± 0.6092.31 ± 0.4390.14 ± 0.7895.30 ± 0.3472.22 ± 3.6594.15 ± 0.8496.78 ± 0.35
AA74.94 ± 0.9980.94 ± 2.1289.54 ± 3.0885.66 ± 3.2492.02 ± 2.0961.72 ± 3.3890.30 ± 4.1394.47 ± 0.83
κ 74.32 ± 0.7878.25 ± 0.7091.21 ± 0.5088.73 ± 0.9094.65 ± 0.3968.24 ± 4.1393.50 ± 1.0096.33 ± 0.40
C156.96 ± 10.9164.78 ± 15.2573.17 ± 17.9271.22 ± 15.7592.68 ± 10.6325.85 ± 17.4791.06 ± 7.4593.66 ± 6.12
C279.75 ± 2.7778.39 ± 1.3493.48 ± 1.4290.10 ± 2.3395.41 ± 2.5866.60 ± 5.1694.26 ± 2.5896.84 ± 2.05
C366.60 ± 3.0368.10 ± 2.1684.02 ± 3.1191.03 ± 2.7396.16 ± 1.8254.83 ± 8.3195.29 ± 3.0297.22 ± 2.02
C459.24 ± 7.1470.80 ± 6.0483.57 ± 2.2385.73 ± 5.0292.49 ± 4.4843.94 ± 13.2993.80 ± 7.0896.71 ± 3.59
C590.31 ± 1.4592.17 ± 1.9796.69 ± 1.3983.36 ± 5.7587.89 ± 3.3283.45 ± 4.4584.78 ± 5.4592.28 ± 3.82
C695.78 ± 1.6494.90 ± 2.0499.15 ± 0.5191.99 ± 3.2595.23 ± 2.2187.76 ± 4.0290.87 ± 6.1099.39 ± 0.61
C780.00 ± 7.8285.71 ± 6.6893.60 ± 6.0785.60 ± 12.2086.67 ± 12.2223.20 ± 20.4784.00 ± 11.3192.00 ± 9.80
C897.41 ± 0.8499.12 ± 0.9599.91 ± 0.1397.35 ± 3.7599.84 ± 0.2795.40 ± 1.8699.07 ± 1.5799.91 ± 0.21
C935.00 ± 10.6173.00 ± 21.1063.33 ± 24.7254.45 ± 23.7072.22 ± 20.0330.00 ± 15.0155.56 ± 23.5776.67 ± 21.66
C1066.32 ± 3.1869.73 ± 1.0782.15 ± 2.2375.38 ± 8.9791.24 ± 1.7771.29 ± 3.9793.35 ± 5.4595.93 ± 2.00
C1170.77 ± 2.4279.38 ± 0.5692.76 ± 1.4594.36 ± 0.4897.59 ± 0.9675.08 ± 5.5398.82 ± 0.3596.31 ± 1.46
C1264.42 ± 3.9272.28 ± 3.4291.35 ± 2.2678.73 ± 8.0093.01 ± 3.0954.49 ± 8.7389.78 ± 4.4393.33 ± 3.12
C1395.41 ± 2.6297.56 ± 1.3899.13 ± 0.4995.98 ± 4.8296.56 ± 3.6291.85 ± 3.9095.65 ± 3.0395.76 ± 3.72
C1492.66 ± 1.7792.36 ± 0.9298.22 ± 0.3996.80 ± 1.0898.83 ± 0.8990.37 ± 4.9395.36 ± 4.3599.49 ± 0.35
C1560.88 ± 6.2767.10 ± 6.3987.84 ± 4.0096.54 ± 2.5490.01 ± 7.2130.49 ± 2.0295.53 ± 7.0898.67 ± 1.11
C1687.53 ± 1.9589.68 ± 3.2894.29 ± 6.4381.90 ± 17.7186.51 ± 5.3662.86 ± 10.4387.62 ± 4.0087.38 ± 9.09
Table 10. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the Pavia University Scene dataset using 3921 pixels as the training set.
Table 10. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the Pavia University Scene dataset using 3921 pixels as the training set.
LabelOriginalRLDEMDA2D-CNN3D-CNNLSTMCNN+LSTMBi-CLSTM
OA89.12 ± 0.2688.82 ± 0.2596.95 ± 0.2996.55 ± 0.8597.65 ± 0.4093.20 ± 0.7197.11 ± 0.9599.10 ± 0.16
AA90.50 ± 0.0690.45 ± 0.0696.86 ± 0.2397.19 ± 0.5197.74 ± 0.4893.13 ± 0.4298.27 ± 0.7799.20 ± 0.17
κ 85.81 ± 0.3285.43 ± 0.3195.93 ± 0.5295.30 ± 1.1396.80 ± 0.5490.43 ± 0.9196.09 ± 1.2998.77 ± 0.21
C187.25 ± 0.5787.20 ± 0.5296.69 ± 0.4196.72 ± 1.4895.33 ± 3.7391.33 ± 2.0598.54 ± 0.9498.56 ± 0.58
C289.10 ± 0.5488.40 ± 0.5297.76 ± 0.4796.31 ± 1.7597.99 ± 0.9494.58 ± 1.7795.51 ± 1.9299.23 ± 0.39
C381.99 ± 1.0581.69 ± 0.8090.69 ± 1.4497.15 ± 1.5895.27 ± 1.8183.93 ± 3.7297.64 ± 3.6899.27 ± 0.47
C495.65 ± 0.5995.79 ± 0.5698.44 ± 0.2796.16 ± 1.2998.49 ± 1.0797.78 ± 2.3698.80 ± 0.6098.21 ± 0.92
C599.76 ± 0.1499.87 ± 0.08100.00 ± 0.0099.81 ± 0.3298.67 ± 1.2699.46 ± 0.2499.28 ± 0.5999.87 ± 0.15
C688.78 ± 1.0188.67 ± 0.6796.26 ± 0.4594.87 ± 3.6299.21 ± 0.7491.73 ± 4.1798.40 ± 1.0599.56 ± 0.29
C785.92 ± 0.9386.06 ± 1.0497.95 ± 0.6297.44 ± 1.6897.90 ± 1.3690.76 ± 2.8598.91 ± 1.8699.75 ± 0.30
C886.14 ± 1.0286.42 ± 0.7393.98 ± 0.9798.23 ± 0.9197.84 ± 2.5588.78 ± 2.4498.48 ± 1.1699.82 ± 0.55
C999.92 ± 0.0599.94 ± 0.06100.00 ± 0.0098.04 ± 0.9698.97 ± 0.9399.83 ± 0.2398.83 ± 0.9099.53 ± 0.47
Table 11. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the KSC dataset using 10 % pixels from each class as the training set.
Table 11. OA, AA, per-class accuracy (%), κ and standard deviations after five runs performed by eight methods on the KSC dataset using 10 % pixels from each class as the training set.
LabelOriginalRLDEMDA2D-CNN3D-CNNLSTMCNN+LSTMBi-CLSTM
OA93.16 ± 0.3893.50 ± 0.3196.81 ± 0.1792.55 ± 0.8497.14 ± 0.4984.96 ± 1.2696.12 ± 0.4598.29 ± 0.98
AA89.15 ± 0.5590.09 ± 0.7195.30 ± 0.8389.20 ± 1.5095.92 ± 0.6482.87 ± 1.6794.91 ± 0.8697.77 ± 1.37
κ 92.38 ± 0.4292.77 ± 0.3496.45 ± 0.1891.69 ± 0.9596.82 ± 0.5583.24 ± 1.4195.68 ± 0.5098.10 ± 1.09
C195.43 ± 2.5495.30 ± 1.6496.93 ± 1.0394.86 ± 1.3096.06 ± 1.2496.53 ± 1.3596.00 ± 2.5398.87 ± 1.36
C291.44 ± 4.4392.26 ± 5.4897.26 ± 1.2977.53 ± 5.0598.48 ± 0.9580.25 ± 2.6789.04 ± 8.9093.61 ± 5.93
C390.86 ± 6.5588.44 ± 2.0098.92 ± 0.3084.52 ± 5.3195.79 ± 3.9395.36 ± 2.8992.96 ± 6.2999.35 ± 0.56
C479.52 ± 5.7476.90 ± 5.4890.31 ± 0.6277.71 ± 11.8590.89 ± 5.7358.00 ± 11.4287.31 ± 6.1394.71 ± 2.07
C568.20 ± 7.7177.64 ± 2.4580.00 ± 7.8080.97 ± 9.5480.92 ± 2.8760.00 ± 11.7890.48 ± 3.9197.24 ± 2.93
C667.34 ± 3.9077.82 ± 0.7292.47 ± 2.4072.62 ± 14.7897.25 ± 1.2260.52 ± 7.3593.30 ± 2.5894.54 ± 9.01
C784.19 ± 5.3382.67 ± 16.0694.68 ± 6.0193.19 ± 5.3596.45 ± 6.1457.45 ± 20.1199.36 ± 1.4399.74 ± 0.53
C895.17 ± 1.2691.97 ± 2.3996.26 ± 4.1993.87 ± 2.4196.65 ± 2.1190.40 ± 4.8792.11 ± 2.5397.23 ± 3.16
C995.92 ± 1.6998.08 ± 1.5099.89 ± 0.1595.85 ± 3.0398.22 ± 0.6292.74 ± 2.1099.44 ± 1.2497.81 ± 1.08
C1096.78 ± 1.5696.78 ± 1.2098.35 ± 0.3996.81 ± 1.7998.72 ± 0.9793.96 ± 3.6095.71 ± 2.5399.66 ± 0.52
C1198.14 ± 0.8798.23 ± 1.3899.33 ± 0.1994.27 ± 2.2199.73 ± 0.4698.63 ± 1.1699.84 ± 0.3698.94 ± 2.12
C1295.90 ± 1.2395.39 ± 1.3194.59 ± 1.7297.35 ± 2.0997.86 ± 1.2193.47 ± 2.6398.28 ± 2.8799.28 ± 0.89
C13100.00 ± 0.0099.68 ± 0.4099.94 ± 0.08100.00 ± 0.00100.00 ± 0.00100.00 ± 0.00100.00 ± 0.00100.00 ± 0.00
Table 12. Computation time (min.) of five deep learning methods on three datasets.
Table 12. Computation time (min.) of five deep learning methods on three datasets.
Dataset2D-CNN3D-CNNLSTMCNN+LSTMBi-CLSTM
TrainTestTrainTestTrainTestTrainTestTrainTest
Indian Pines10.000.071435.3370.5775.000.55260.003.38535.5012.62
Pavia University15.000.23818.3318.3885.000.52291.674.23432.0012.95
KSC5.000.03183.333.7325.000.1865.001.07112.502.65

Share and Cite

MDPI and ACS Style

Liu, Q.; Zhou, F.; Hang, R.; Yuan, X. Bidirectional-Convolutional LSTM Based Spectral-Spatial Feature Learning for Hyperspectral Image Classification. Remote Sens. 2017, 9, 1330. https://doi.org/10.3390/rs9121330

AMA Style

Liu Q, Zhou F, Hang R, Yuan X. Bidirectional-Convolutional LSTM Based Spectral-Spatial Feature Learning for Hyperspectral Image Classification. Remote Sensing. 2017; 9(12):1330. https://doi.org/10.3390/rs9121330

Chicago/Turabian Style

Liu, Qingshan, Feng Zhou, Renlong Hang, and Xiaotong Yuan. 2017. "Bidirectional-Convolutional LSTM Based Spectral-Spatial Feature Learning for Hyperspectral Image Classification" Remote Sensing 9, no. 12: 1330. https://doi.org/10.3390/rs9121330

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