Next Article in Journal
Canopy Reflectance Modeling of Aquatic Vegetation for Algorithm Development: Global Sensitivity Analysis
Next Article in Special Issue
Region-Wise Deep Feature Representation for Remote Sensing Images
Previous Article in Journal
Is Ocean Reflectance Acquired by Citizen Scientists Robust for Science Applications?
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Discriminant Analysis with Graph Learning for Hyperspectral Image Classification

1
School of Computer Science and Center for OPTical IMagery Analysis and Learning (OPTIMAL), Northwestern Polytechnical University, Xi’an 710072, China
2
Unmanned System Research Institute, Northwestern Polytechnical University, Xi’an 710072, China
3
Xi’an Institute of Optics and Precision Mechanics, Chinese Academy of Sciences, Xi’an 710119, China
4
University of Chinese Academy of Sciences, Beijing 100049, China
*
Author to whom correspondence should be addressed.
Submission received: 26 April 2018 / Revised: 24 May 2018 / Accepted: 24 May 2018 / Published: 27 May 2018

Abstract

:
Linear Discriminant Analysis (LDA) is a widely-used technique for dimensionality reduction, and has been applied in many practical applications, such as hyperspectral image classification. Traditional LDA assumes that the data obeys the Gaussian distribution. However, in real-world situations, the high-dimensional data may be with various kinds of distributions, which restricts the performance of LDA. To reduce this problem, we propose the Discriminant Analysis with Graph Learning (DAGL) method in this paper. Without any assumption on the data distribution, the proposed method learns the local data relationship adaptively during the optimization. The main contributions of this research are threefold: (1) the local data manifold is captured by learning the data graph adaptively in the subspace; (2) the spatial information within the hyperspectral image is utilized with a regularization term; and (3) an efficient algorithm is designed to optimize the proposed problem with proved convergence. Experimental results on hyperspectral image datasets show that promising performance of the proposed method, and validates its superiority over the state-of-the-art.

1. Introduction

Hyperspectral Image (HSI) provides hundreds of spectral bands for each pixel and conveys a lot of surface information. Hyperspectral image classification aims to distinguish the land-cover types of each pixel, and the spectral bands are considered as features. However, the great number of bands significantly increases the computational complexity [1]. Moreover, some bands are highly correlated, leading to the feature redundancy problem. Consequently, it is critical to perform dimensionality reduction before classification. The goal of dimensionality reduction is to project the original data into a low-dimensional subspace while preserving the valuable information.
Dimensionality reduction techniques can be roughly classified into two categories: feature selection [2,3] and feature extraction [4,5,6,7,8,9]. Feature selection methods select the most relevant feature subset from the original feature space, while feature extraction methods exploit the low-dimensional subspace that contains valuable information. Compared to feature selection, feature extraction is able to create meaningful features through the transformation of the original ones. Consequently, plenty of techniques have been put forward on feature extraction [9,10,11,12,13]. Principal Component Analysis (PCA) [14] and Linear Discriminant Analysis (LDA) [15] are the most popular feature extraction methods. PCA learns the feature subspace by maximizing the variance of the feature matrix. While LDA learns a linear transformation that minimizes the within-class distance and maximizes the between-class discrepancy. In this research, we mainly focus on LDA because it is able to use the prior knowledge and shows better performance in real-world applications [11].
Though achieving good performance in many tasks, LDA has four major drawbacks on processing HSI data. Firstly, LDA suffers from the ill-posed problem [12]. LDA needs to compute the inverse matrix of the within-class scatter S w . When the data dimensionality exceeds the number of training samples, S w is irreversible. Thus, LDA cannot handle the HSI data with great number of spectral bands. Secondly, the feature dimensionality reduced by LDA is less than the class number, namely over-reducing problem [13]. Taking the Kennedy Space Center (KSC) dataset [16] for example, the class number is thirteen, and the rank of the between-class scatter S b is at most twelve. Thus, LDA could find at most twelve projection directions, which may be insufficient for retaining the useful information. Thirdly, LDA neglects the spatial smoothness. In HSIs, the pixels within a spatial neighborhood region usually belong to the same class. However, LDA just focuses on the pixels’ distances in the feature space, and ignores the spatial aspect. Fourthly, LDA assumes that the data samples are Gaussian-distributed, and share equal covariances in all the classes. However, HSI data seldom obeys the Gaussian distribution [17], and the local data structure may be inconsistent with the global structure. Therefore, LDA is unable to find the local classification boundary for the HSI data.
In the past few decades, many variants of the original LDA are proposed, trying to enhance its performance from different views. Bandos et al. [18] proposed the Regularized LDA (RLDA), which employs a regularized within-class scatter to tackle the ill-posed problem. Kumar and Agrawal [19] presented the two-dimensional exponential discriminant analysis for data with small sample size. The Semi-supervised Discriminant Analysis (SDA) method [20] utilizes the unlabelled data to extend the training set. Wan et al. [13] and Nie et al. [10] developed the full rank between-class scatter matrix to mitigate the over-reducing problem. To enforce the spatial consistency, Yuan et al. [21] and Wang et al. [22] constructed a scatter matrix from a small neighborhood, and took it as a regularization term. With the above methods, the ill-posed and over-reducing problem are alleviated, and the spatial correlation between pixels can be preserved. However, the exploration of the local data structure remains to be an open issue. Some graph-based methods [10,11,23,24] defined the scatter matrices according to the predefined affinity graph, which may be seriously affected by the noise. Ly et al. [25] performed graph learning and discriminant analysis separately, so the data graph is also fixed during the optimization. Recently, Wang et al. [9] and Wu et al. [26] proposed to learn the data graph in the subspace. However, they neglect the similar samples from different classes, which largely determine the classification boundary.
In this work, we propose a new method for supervised dimensionality reduction, termed as Discriminant Analysis with Graph Learning (DAGL). In order to exploit the data structure, the proposed method learns the data graph adaptively during learning of transformation matrix. Furthermore, to guarantee the spatial smoothness, the samples within a small region are encouraged to share the same class label. With the proposed objective function, the proposed method does not have the ill-posed and over-reducing problem. The contributions made in paper are summarized as follows:
(1)
The affinity graph is built according to the samples’ distances in the subspace, so the local data structure is captured adaptively.
(2)
The proposed formulation perceives the spatial correlation within HSI data, and avoids the ill-posed and over-reducing problem naturally.
(3)
An alternative optimization algorithm is developed to solve the proposed problem, and its convergence is proved experimentally.

2. Linear Discriminant Analysis Revisited

In this section, the Linear Discriminant Analysis is briefly reviewed as the preliminary. Given an input data matrix X = [ x 1 , x 2 , , x n ] R d × n (d is the data dimensionality and n is the number of samples), LDA defines the between-class scatter S b and within-class scatter S w as
S b = k = 1 c n k ( μ k μ ) ( μ k μ ) T , S w = k = 1 c x i k ( x i μ k ) ( x i μ k ) T ,
where n k is the sample number in class k, c is the class number, μ k is the mean of samples in class k and μ is the mean of all the samples. With the above definitions, LDA aims to learn a linear transformation W R d × m ( m d ) , which maximizes the between-class difference while minimizing the within-class separation:
max W Tr ( W T S b W W T S w W ) ,
where Tr ( ) indicates the trace operator. With the optimal transformation W * , data sample x i can be projected to a m-dimensional feature vector W * T x i .
As shown in Equation (1), LDA assumes that the data distribution is Gaussian and the between-class divergence can be reflected by the subtraction of the mean. This assumption is unsuitable for HSI data, and makes LDA insensitive to the local manifold.

3. Discriminant Analysis with Graph Learning

In this section, the Discriminant Analysis with Graph Learning (DAGL) method is introduced, and an optimization method is proposed to get the optimal solution.

3.1. Graph Learning

In real-world tasks, such as HSI classification, the local manifold may be inconsistent with the global structure. Thus, it is necessary to take the local data relationship into consideration.
In the past few decades, numerous algorithms are proposed to explore the data structure. Some of them [27,28,29,30] first construct an affinity graph with various kernels (Gaussian kernel, linear kernel, 0–1 weighting), and then perform clustering or classification according to the spectral of the predefined graph. However, the choice of kernel scales and categories is still an open issue. Therefore, the graph learning methods [25,31,32,33,34,35] are developed to learn the data graph automatically. One of the most popular graph learning techniques is Sparse Representation [31,32], which aims to learn a sparse graph from the original data. Spare Representation assumes that a data sample can be roughly represented by the linear combination of the others. Defining a coefficient matrix S R n × n , the optimal S should minimize the reconstruction error as follows:
min S j = 1 n | | x j i j x i S i j | | 2 2 = min S | | X XS | | F 2 , s . t . i = 1 n S i j = 1 , S 0 .
If x i and x j are similar, S i j will be large. Thus, S can be considered as the affinity graph.

3.2. Methodology

As shown in Equation (3), Sparse Representation exploits the data relationship in the original data space, and the data noise may affect the graph quality adversely. To reduce this problem, we propose to adjust the data graph during the discriminant analysis, which yields the following formula:
min W , S k = 1 c x i , x j k | | W T ( x i x j ) | | 2 2 S i j 2 k = 1 c x i k , x j k | | W T ( x i x j ) | | 2 2 S i j 2 + α | | X XS | | F 2 , s . t . W T W = I , i = 1 n S i j = 1 , S 0 ,
where I R m × m is the identity matrix, and α is a parameter. When the linear transformation W is learned, the first term of problem (4) enforces S i j to be small/large for the within/between-class samples with large transformed distances. In this way, the data graph is optimized in the subspace. Similarly, when S is fixed, the transformed distance W T | | x i x j | | 2 2 will be small/large for the within/between-class samples with large S i j . Consequently, the within-/between-class similar samples are ensured to be close/far away in the transformed subspace. However, it is difficult to optimize problem (4) directly because S is involved in both the numerator and denominator of the first term. Supposing the minimum value of the first term is γ , the optimal W and S should make the value of k = 1 c x i , x j k | | W T ( x i x j ) | | 2 2 S i j 2 γ k = 1 c x i k , x j k | | W T ( x i x j ) | | 2 2 S i j 2 to be close to 0. Thus, problem (4) is equivalent to the following formula:
min W , S k = 1 c x i , x j k | | W T ( x i x j ) | | 2 2 S i j 2 γ k = 1 c x i k , x j k | | W T ( x i x j ) | | 2 2 S i j 2 + α | | X XS | | F 2 , s . t . W T W = I , i = 1 n S i j = 1 , S 0 ,
where γ can be set as a small value. Denoting a class indicator matrix Z R n × n as
Z i j = 1 , if x i and x j are from the same class , γ , else
problem (5) can be simplified into
min W , S i , j = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + α | | X XS | | F 2 , s . t . W T W = I , i = 1 n S i j = 1 , S 0 .
In HSI data, the pixels within a small region may be highly correlated and belong to the same class. The spatial information is essential for an accurate classification. Given a test sample t R d × 1 , we find its surroundings within a r × r region, and denote them as [ t 1 , t 2 , , t r 2 1 ] . For these samples, we encourage them to be close to each other in the desired subspace, which yields the following problem
min W i , j = 1 r 2 1 W T | | t i t j | | 2 2 .
Problem (8) can be further reduced to
min W Tr ( W T S ˜ t W ) ,
where
S ˜ t = i , j = 1 r 2 1 ( t i t j ) ( t i t j ) T .
Finally, by integrating problems (7) and (9) together, we have the objective function of the proposed DAGL method:
min W , S i , j = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + α | | X XS | | F 2 + β Tr ( W T S ˜ t W ) , s . t . W T W = I , i = 1 n S i j = 1 , S 0 ,
where α and β are parameters. Since DAGL does not need to calculate the inverse matrix of within-class scatter, the ill-posed problem is avoided naturally. In addition, the projected dimensionality m can be any value less than d, so the over-reducing problem does not occur. With the proposed objective function, the local data relationship is investigated, and the spatial correlation between the pixels is also captured.

3.3. Optimization Algorithm

Problem (11) involves two variables to be optimized, so we consider to fix one and update another one iteratively. The data graph S is firstly initialized with an efficient method [33].
When S is fixed, problem (11) becomes
min W i , j = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + β Tr ( W T S ˜ t W ) , s . t . W T W = I .
Denoting a scatter matrix S ˜ z as
S ˜ z = i , j = 1 n ( x i x j ) ( x i x j ) T S i j 2 Z i j ,
problem (12) is converted into
min W T W = I Tr [ W T ( S ˜ z + β S ˜ t ) W ] .
According to the spectral clustering [36], the optimal W for problem (14) is formed by the m eigenvectors of matrix ( S ˜ z + β S ˜ t ) corresponding to the m smallest eigenvalues.
When W is fixed, by removing the irrelevant terms, problem (11) is transformed into
min W , S i , j = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + α | | X XS | | F 2 , s . t . i = 1 n S i j = 1 , S 0 .
Fixing the diagonal elements in S as 0, the above problem is equivalent to
min W , S i , j = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + α j = 1 n | | x j X s j | | 2 2 , s . t . i = 1 n S i j = 1 , S 0 ,
where s j R n × 1 is the j-th column of S . Since the s j is independent between different j, we can solve the following problem for each j:
min W , S i = 1 n | | W T ( x i x j ) | | 2 2 S i j 2 Z i j + α | | x j X s j | | 2 2 , s . t . i = 1 n S i j = 1 , S 0 .
Defining a diagonal matrix U R n × n with U i i = | | W T ( x i x j ) | | 2 2 Z i j , we further arrive at:
min s j s j T ( U + X T X ) s j 2 α s j T X T x j , s . t . s j T 1 = 1 , s j 0 ,
where 1 R n × 1 is a column vector with all the elements equal to 1. Because ( U + X T X ) is a positive definite matrix, problem (18) can be readily solved by the Augmented Largrange Method (ALM) [37].
In the above optimization procedure, the original problem (11) is decomposed into two sub-problems. When solving W , a local optimal value is obtained. When solving S , the ALM algorithm is employed, whose convergence is already proved. Thus, the objective value of problem (11) decreases monotonically in each iteration, and finally converges to a local optimum. The convergence behaviour of the proposed algorithm will be shown in Section 4.3. The details of the whole framework is described in Algorithm 1.
Algorithm 1 Discriminant Analysis with Graph Learning
Input: 
training set, testing set, parameter K, r, α and β .
 1
For each test sample:
 2
    Construct the training sub-set X by choosing the K nearest neighbors from the training set.
 3
    Find the surroundings of the test sample within the r × r region, and obtain S ˜ t .
 4
    Initialize data graph S .
 5
    Repeat:
 6
        Update W by minimizing problem (14).
 7
        Update S by solving problem (18).
 8
    Until converge
 9
End
Output: 
optimal transformation matrix W * for each test sample.

4. Experiments

In this section, experiments are conducted on one toy and two hyperspectral image datasets. The convergence behavior and parameter sensitivity of the proposed method are also discussed.

4.1. Performance on Toy Dataset

A toy dataset is constructed to demonstrate that the proposed Discriminant Analysis with Graph Learning (DAGL) can captures the local data structure.
Dataset: as visualized in Figure 1a, the toy dataset consists of two-dimensional samples from two classes. Samples from the first class obey the Gaussian distribution, and those from the second class are distributed in the two-moon shape. The coordinates of the samples are taken as the features.
Performance: We transform the samples into the one-dimensional subspace with regularized Linear Discriminant Analysis (RLDA) [18] and the proposed DAGL. In addition, for DAGL, β is set as 0 since spatial distance is equivalent to the feature distance. Figure 1a shows the learned projection directions. It is manifest that DAGL finds the correct projection direction successfully, while LDA fails. On this dataset, the local data structure is inconsistent with the global structure, and the mean values of the samples cannot reflect their real relationship. Thus, RLDA is unable to project the data correctly, as shown in Figure 1b. On the other hand, the proposed DAGL does not rely on any assumption on the data distribution, and learns the local data manifold adaptively, so it finds discriminative subspace, where the samples are linearly separable, as shown in Figure 1c.

4.2. Performance on Hyperspectral Image Datasets

In this part, experiments are conducted on hyperspectral image datasets. The data samples are projected into the subspace, and then classified by the Support Vector Machine (SVM) classifier. The parameters of SVM are selected by grid search within { 2 0 , 2 1 , , 2 10 } and { 2 0 , 2 1 , , 2 20 } . Three widely-used measurements, overall accuracy (OA), average accuracy (AA) and kappa statics ( κ ) are adopted as evaluation criteria.
Datasets: two hyperspetral image datasets are employed in the experiments, including Indian Pines and KSC [16] datasets.
The Indian Pines dataset was captured by an Airborne Visible/Infrared Imaging Spectrometer (AVIRIS) sensor over the northwestern Indiana, and annotates 10,249 pixels from 16 classes. Each pixel is with 220 spectral bands. In the experiments, only 200 bands are used because the other 20 bands are affected by water absorption. The spatial resolution of this dataset is 20 m.
The KSC dataset was captured by an AVIRIS sensor over the Kennedy Space Center (KSC), Florida. After removing the water absorption and low SNR bands, there remains 176 bands. In addition, 5211 pixels from 13 classes, which represent the various land cover types, are used for classification.
For each dataset, we randomly select 5 % samples as the training set and all the remaining samples as the test set. To alleviate the random error caused by the dataset partition, we repeated the experiments for five times and report the average results. The sizes of the training and test sets for the two datasets are exhibited in Table 1 and Table 2. Through experiments, we have found that a small portion of the training set is enough for a good performance. When classifying a test sample, we just select its 50 nearest neighbors (in feature space) from the training set, and use them to train the proposed DAGL model.
Competitors: for a quantitative comparison, six dimensionality reduction algorithms are taken as competitors, including regularized LDA (RLDA) [18], Semi-supervised Discriminant Analysis (SDA) [20], Block Collaborative Graph-based Discriminant Analysis (BCGDA) [25], Spectral-Spatial LDA (SSLDA) [21], and Locality Adaptive Discriminant Analysis (LADA) [22]. To demonstrate the usefulness of dimensionality reduction, the classification result with all features is taken as the baseline, known as RAW.
The parameter of RLDA is searched in the range of { 10 3 , 10 2 , , 1 } . For SDA, the parameter is searched in { 0.1 , 0.5 , 2.5 , 12.5 } . The parameters of BCGDA, SSLDA and LADA are selected in { 10 3 , 10 2 , , 10 3 } . For DAGL, α and β are searched in { 10 3 , 10 2 , , 10 3 } and { 10 4 , 10 2 , , 10 4 } respectively, and the size of the neighborhood r is set as 5 empirically.
Performance: each method is performed with different reduced dimensionality. The reduced dimensionality of BCGDA, LADA and DAGL varies within the range of { 1 , 2 , , 20 } . Because LDA, RLDA, SDA and SSLDA have over-reducing problems, the dimensionality varies within { 1 , 2 , , 15 } and { 1 , 2 , , 12 } on Indian Pines and KSC, respectively.
The curves of OA versus the reduced dimensionality on different datasets are shown in Figure 2. The proposed DAGL achieves the highest OA constantly. Especially, on the Indian Pines dataset, DAGL exceeds the second best one to a large extent when the reduced dimensionality is less than 4. In Figure 2, the performance becomes stable when the dimensionality increases to a certain value. This phenomenon implies that a low-dimensional subspace is sufficient for sustaining the valuable information. Compared with RAW, the performance with projected data is better in most cases, which validates that dimensionality reduction does improve the classification accuracy.
The quantitative results of the methods are given in Table 3 and Table 4. Each method uses its optimal reduced dimensionality. It can be seen that DAGL outperforms all the competitors in terms of OA, AA and κ . RLDA neglects the local data relationship, so it cannot captures the manifold structure. SDA and SSLDA preserve the local data relationship with a predefined data graph. However, their performance may be adversely affected by the graph quality. BCGDA learns the affinity graph with the original data by sparse representation. Because the data graph is fixed during the discriminant analysis, the data relationship in the desired subspace cannot be exploited. LADA does not have this problem since it integrates graph learning and discriminant analysis jointly. However, it just learns the within-class correlation and fails to discover the similar samples from different classes. The proposed DAGL investigates the local data relationship adaptively, and pushes the between-class similar samples apart. Therefore, it achieves the best performance on all occasions.
Furthermore, the classification maps of different methods on Indian Pines are also visualized in Figure 3. SSLDA, LADA and DAGL, which enforce the spatial smoothness within a small region, show better visualization quality than the others. Thus, the utilization of spatial information improves the classification performance. It is worth mentioning that the methods with spatial constraints are time-consuming, as shown in Table 3 and Table 4, since they need to find the surroundings and train the model for each sample. Compared to SSLDA and LADA, DAGL is more efficient because the optimization method converges fast.
Similar to the experiments on toy dataset, we also visualize the two-dimensional subspace learned from the Indian Pines dataset. Taking the 5% samples from the Corn-notill, Grass-tree and Soybeans-notill classes, we project the data into two-dimensional subspace with SDA, SSLDA, LADA and the proposed DAGL. In this experiment, the spatial-smoothness terms of SSLDA, LADA and DAGL are removed so that we do not need to train the models for each sample separately. Figure 4 shows the projected data, the subspace found by DAGL separates the samples from different classes far away. This result explains the good performance of DAGL on the Indian Pines dataset when the reduced dimensionality is low.

4.3. Convergence and Parameter Sensitivity

The convergence behavior of the proposed optimization algorithm is studied experimentally. We randomly choose two test samples from the Indian Pines and KSC datasets, and plot the changes of the objective values during the optimization. From Figure 5, we can see that the objective values of problem (11) converge within five iterations, which verifies that the optimization algorithm is effective and efficient.
In addition, the parameter sensitivity of DAGL is also discussed. The objective function (11) contains two parameters, i.e., α and β . α affects the learning of the data graph, while β controls the weight of the spatial smoothness term. With varying α and β , the variance of OA is shown in Figure 6. We can see that DAGL is robust to α and β in a wide range. When α and β become very small, the performance drops because the graph quality decreases and the spatial smoothness cannot be guaranteed.

5. Conclusions

In this paper, we propose a new supervised dimensionality reduction method, known as Discriminant Analysis with Graph Learning (DAGL). DAGL learns the data graph automatically during the discriminant analysis. It pulls the within-class similar samples together while pushing the between-class similar samples far away. Compared with LDA and its graph-based variants, DAGL is able to learn the data relationship within the desired subspace, which contains more valuable features and less noise. In addition, DAGL ensures the smoothness within the neighborhood, so it can discover the spatial correlation within hyperspectral images. Through the experiments on Indian Pines and KSC datasets, DAGL provides better classification results than the state-of-the-art competitors.
In future work, we would like to generalize the proposed method to the kernel version, and learn the nonlinear transformation of HSI data. It is also desirable to improve the optimization algorithm to increase the computation efficiency.

Author Contributions

All authors conceived and designed the study. M.C. carried out the experiments. All authors discussed the basic structure of the manuscript, and M.C. finished the first draft. Q.W. and X. L. reviewed and edited the draft.

Funding

This work was supported by the National Key R&D Program of China under Grant 2017YFB1002202, National Natural Science Foundation of China under Grant 61773316, Fundamental Research Funds for the Central Universities under Grant 3102017AX010, and the Open Research Fund of Key Laboratory of Spectral Imaging Technology, Chinese Academy of Sciences.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wang, Q.; Zhang, F.; Li, X. Optimal Clustering Framework for Hyperspectral Band Selection. IEEE Trans. Geosci. Remote Sens. 2018. [Google Scholar] [CrossRef]
  2. Mitra, P.; Murthy, C.; Pal, S. Unsupervised Feature Selection using Feature Similarity. IEEE Trans. Pattern Anal. Mach. Intell. 2002, 24, 301–312. [Google Scholar] [CrossRef]
  3. He, X.; Cai, D.; Niyogi, P. Laplacian Score for Feature Selection. In Proceedings of the 18th International Conference on Neural Information Processing Systems, Vancouver, BC, Canada, 5–8 December 2005; pp. 507–514. [Google Scholar]
  4. Nie, F.; Xu, D.; Li, X.; Xiang, S. Semisupervised Dimensionality Reduction and Classification through Virtual Label Regression. IEEE Trans. Syst. Man Cybern. 2011, 41, 675–685. [Google Scholar]
  5. Cheng, G.; Yang, C.; Yao, X.; Guo, L.; Han, J. When Deep Learning Meets Metric Learning: Remote Sensing Image Scene Classification via Learning Discriminative CNNs. IEEE Trans. Geosci. Remote Sens. 2018, 56, 2811–2821. [Google Scholar] [CrossRef]
  6. Liu, W.; Yang, X.; Tao, D.; Cheng, J.; Tang, Y. Multiview Dimension Reduction via Hessian Multiset Canonical Correlations. Inf. Fusion 2018, 41, 119–128. [Google Scholar] [CrossRef]
  7. Wang, Q.; Wan, J.; Yuan, Y. Locality Constraint Distance Metric Learning for Traffic Congestion Detection. Pattern Recognit. 2018, 75, 272–281. [Google Scholar] [CrossRef]
  8. Wang, Q.; Wan, J.; Yuan, Y. Deep Metric Learning for Crowdedness Regression. IEEE Trans. Circuits Syst. Video Technol. 2017. [Google Scholar] [CrossRef]
  9. Li, X.; Chen, M.; Wang, Q. Locality Adaptive Discriminant Analysis. In Proceedings of the International Joint Conference on Artificial Intelligence, Melbourne, Australia, 19–25 August 2017; pp. 2201–2207. [Google Scholar]
  10. Nie, F.; Xiang, S.; Zhang, C. Neighborhood MinMax Projections. In Proceedings of the International Joint Conference on Artificial Intelligence, Hyderabad, India, 6–12 January 2007; pp. 993–998. [Google Scholar]
  11. Fan, Zi.; Xu, Y.; Zhang, D. Local Linear Discriminant Analysis Framework using Sample Neighbors. IEEE Trans. Neural Netw. 2011, 22, 1119–1132. [Google Scholar] [CrossRef] [PubMed]
  12. Lu, J.; Plataniotis, K.; Venetsanopoulos, A. Regularization Studies of Linear Discriminant Analysis in Small Sample Size Scenarios with Application to Face Recognition. Pattern Recognit. Lett. 2005, 26, 181–191. [Google Scholar] [CrossRef]
  13. Wan, H.; Guo, G.; Wang, H.; Wei, X. A New Linear Discriminant Analysis Method to Address the Over-Reducing Problem. In Proceedings of the International Conference on Pattern Recognition and Machine Intelligence, Warsaw, Poland, 30 June–3 July 2015; pp. 65–72. [Google Scholar]
  14. Prasad, S.; Bruce, L.M. Limitations of Principal Component Analysis for Hyperspectral Target Recognition. IEEE Geosci. Remote Sens. Lett. 2008, 5, 625–629. [Google Scholar] [CrossRef]
  15. Fukunaga, K. Introduction to Statistical Pattern Recognition, 2nd ed.; Academy Press: San Francisco, CA, USA, 1972; pp. 2133–2143. [Google Scholar]
  16. Hyper-spectral Remote Sensing Scenes. Available online: http://www.ehu.es/ccwintco/index.php/Hyper-spectral_Remote_Sensing_Scenes (accessed on 31 July 2014).
  17. Dong, Y.; Du, B.; Zhang, L.; Zhang, L. Dimensionality Reduction and Classification of Hyperspectral Images using Ensemble Discriminative Local Metric Learning. IEEE Trans. Geosci. Remote Sens. 2017, 55, 2509–2524. [Google Scholar] [CrossRef]
  18. 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]
  19. Kumar, N.; Agrawal, R.K. Two-Dimensional Exponential Discriminant Analysis for Small Sample Size in Face Recognition. IJAISC 2016, 5, 194–208. [Google Scholar] [CrossRef]
  20. Cai, D.; He, X.; Han, J. Semi-Supervised Discriminant Analysis. In Proceedings of the IEEE International Conference on Computer Vision, Rio de Janeiro, Brazil, 14–21 October 2007; pp. 1–7. [Google Scholar]
  21. Yuan, H.; Tang, Y.; Lu, Y.; Yang, L.; Luo, H. Spectral-Spatial Classification of Hyperspectral Image based on Discriminant Analysis. Int. J. Artif. Intell. Soft Comput. 2014, 7, 2035–2043. [Google Scholar] [CrossRef]
  22. Wang, Q.; Meng, Z.; Li, X. Locality Adaptive Discriminant Analysis for Spectral-Spatial Classification of Hyperspectral Images. IEEE Trans. Geosci. Remote Sens. Lett. 2017, 14, 2077–2081. [Google Scholar] [CrossRef]
  23. Bressan, M.; Vitria, J. Nonparametric Discriminant Analysis and Nearest Neighbor Classification. Pattern Recognit. Lett. 2003, 24, 2743–2749. [Google Scholar] [CrossRef]
  24. Cai, D.; He, X.; Zhou, K.; Han, J.; Bao, H. Locality Sensitive Discriminant Analysis. In Proceedings of the International Joint Conference on Artificial Intelligence, Hyderabad, India, 6–12 January 2007; pp. 708–713. [Google Scholar]
  25. Ly, N.H.; Du, Q.; Fowler, J.E. Collaborative Graph-Based Discriminant Analysis for Hyperspectral Imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2688–2696. [Google Scholar] [CrossRef]
  26. Wu, T.; Zhou, Y.; Zhang, R.; Xiao, Y.; Nie, F. Self-Weighted Discriminative Feature Selection via Adaptive Redundancy Minimization. Neurocomputing 2018, 275, 2824–2830. [Google Scholar] [CrossRef]
  27. Luxburg, U. A Tutorial on Spectral Clustering. Stat. Comput. 2007, 17, 395–416. [Google Scholar] [CrossRef]
  28. Shi, J.; Malik, J. Normalized Cuts and Image Segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2000, 22, 888–905. [Google Scholar]
  29. Yao, X.; Han, J.; Zhang, D.; Nie, F. Revisiting Co-Saliency Detection: A Novel Approach Based on Two-Stage Multi-View Spectral Rotation Co-Clustering. IEEE Trans. Image Process. 2017, 26, 3196–3209. [Google Scholar] [CrossRef] [PubMed]
  30. Huang, J.; Nie, F.; Huang, H.; Ding, C. Robust Manifold Nonnegative Matrix Factorization. ACM Trans. Knowl. Discov. Data 2013, 8, 11:1–11:21. [Google Scholar] [CrossRef]
  31. Huang, J.; Nie, F.; Huang, H. A New Simplex Sparse Learning Model to Measure Data Similarity for Clustering. In Proceedings of the International Joint Conference on Artificial Intelligence, Buenos Aires, Argentina, 25–31 July 2015; pp. 3569–3575. [Google Scholar]
  32. Liu, W.; Zha, Z.; Wang, Y.; Lu, K.; Tao, D. p-Laplacian Regularized Sparse Coding for Human Activity Recognition. IEEE Trans. Ind. Electron. 2016, 63, 5120–5129. [Google Scholar] [CrossRef]
  33. Nie, F.; Zhu, W.; Li, X. Unsupervised Feature Selection with Structured Graph Optimization. In Proceedings of the AAAI Conference on Artificial Intelligence, Phoenix, AZ, USA, 12–17 February 2016; pp. 1302–1308. [Google Scholar]
  34. Li, X.; Chen, M.; Nie, F.; Wang, Q. A Multiview-Based Parameter Free Framework for Group Detection. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017; pp. 4147–4153. [Google Scholar]
  35. Nie, F.; Wang, X.; Jordan, M.; Huang, H. The Constrained Laplacian Rank Algorithm for Graph-Based Clustering. In Proceedings of the AAAI Conference on Artificial Intelligence, Phoenix, AZ, USA, 12–17 February 2016; pp. 1969–1976. [Google Scholar]
  36. Zhang, R.; Nie, F.; Li, X. Self-weighted spectral clustering with parameter-free constraint. Neurocomputing 2017, 241, 164–170. [Google Scholar] [CrossRef]
  37. Nie, F.; Wang, H.; Huang, H.; Ding, C. Joint Schatten p-norm and p-norm Robust Matrix Completion for Missing Value Recovery. Knowl. Inf. Syst. 2015, 42, 525–544. [Google Scholar] [CrossRef]
Figure 1. (a) Projection directions found by RLDA and DAGL; (b) one-dimensional data projected by RLDA; (c) one-dimensional data projected by DAGL. For a better illustration, the projected data is plotted in the plane coordinate system, and the horizon coordinate of the projected data is set as zero.
Figure 1. (a) Projection directions found by RLDA and DAGL; (b) one-dimensional data projected by RLDA; (c) one-dimensional data projected by DAGL. For a better illustration, the projected data is plotted in the plane coordinate system, and the horizon coordinate of the projected data is set as zero.
Remotesensing 10 00836 g001
Figure 2. Overall Accuracy (OA) versus the reduced dimensionality of different methods on (a) Indian Pines and (b) KSC datasets.
Figure 2. Overall Accuracy (OA) versus the reduced dimensionality of different methods on (a) Indian Pines and (b) KSC datasets.
Remotesensing 10 00836 g002
Figure 3. Classification maps for the Indian Pines dataset with different dimensionality reduction methods.
Figure 3. Classification maps for the Indian Pines dataset with different dimensionality reduction methods.
Remotesensing 10 00836 g003
Figure 4. Two-dimensional subspace found by (a) SDA, (b) SSLDA, (c) LADA and (d) DAGL on Indian Pines dataset.
Figure 4. Two-dimensional subspace found by (a) SDA, (b) SSLDA, (c) LADA and (d) DAGL on Indian Pines dataset.
Remotesensing 10 00836 g004
Figure 5. Converge curves of the proposed optimization algorithm on (a) Indian Pines and (b) KSC datasets.
Figure 5. Converge curves of the proposed optimization algorithm on (a) Indian Pines and (b) KSC datasets.
Remotesensing 10 00836 g005
Figure 6. OA with varying α and β on (a) Indian Pines and (b) KSC datasets.
Figure 6. OA with varying α and β on (a) Indian Pines and (b) KSC datasets.
Remotesensing 10 00836 g006
Table 1. Number of training and test samples for each class on the Indian Pines dataset.
Table 1. Number of training and test samples for each class on the Indian Pines dataset.
No.ClassTrainingTestNo.ClassTrainingTest
1Alfalfa3519Oats119
2Corn-notill72136210Soybeans-notill49914
3Corn-mintill4074111Soybeans-mintill1222304
4Corn1222212Soybeans-clean31582
5Grass-pasture2445113Wheat11201
6Grass-tree3870914Woods651229
7Grass-pasture-mowed22415Bldg-grass-tree-drives17315
8Hay-windrowed2546416Stone-steel-towers590
Table 2. Number of training and test samples for each class on the KSC dataset.
Table 2. Number of training and test samples for each class on the KSC dataset.
No.ClassTrainingTestNo.ClassTrainingTest
1Scurb387198Graminoid-marsh22405
2Willow-swamp132309Spartina-marsh26494
3Cabbage-palm-hammock1324310Cattail-marsh21383
4Cabbage-palm/oak-hammock1323911Salt-marsh21398
5Slash-pine915212Mud-flats26477
6Oak/broadleaf-hammock1221713Water47880
7Hardwood-swamp699
Table 3. Performance of different methods on Indian Pines image (with the best reduced dimensionality in brackets). The best results are in bold face.
Table 3. Performance of different methods on Indian Pines image (with the best reduced dimensionality in brackets). The best results are in bold face.
ClassRAW(200)RLDA(14)SDA(13)BCDGA(10)SSLDA(14)LADA(9)DAGL(9)
10.56780.64710.56860.59630.54900.70590.7182
20.70890.78800.78190.70100.80470.83330.8624
30.66990.77600.68020.70920.68020.73950.8062
40.42400.53150.45500.54600.64410.69370.8668
50.85140.88470.91350.89470.92460.92900.9379
60.91630.95060.96610.94630.98030.97460.9790
70.50170.62500.45830.57670.41670.54170.5616
80.93840.93970.97840.93400.99210.99780.9987
90.23370.31580.36820.32580.26320.36840.2778
100.80030.80770.77130.76820.79540.88840.9163
110.80030.87200.83420.85780.93530.92800.9722
120.72460.81760.79840.80240.86080.90380.9224
130.94510.97120.97950.93000.94530.94030.9917
140.92310.9870.97560.98130.9870.98370.9894
150.43570.62220.49210.55560.77460.88890.7111
160.90560.84440.96670.92560.82220.76670.6889
OA0.77850.84580.82650.82390.86830.89780.9153
AA0.70920.77380.74930.75320.77350.81770.8250
kappa0.75380.82030.79990.79330.86630.88300.9088
training time0 s0.10 s0.25 s0.72 s1105.23 s3703.62 s553.08 s
Table 4. Performance of different methods on the KSC image (with the best reduced dimensionality in brackets). The best results are in bold face.
Table 4. Performance of different methods on the KSC image (with the best reduced dimensionality in brackets). The best results are in bold face.
ClassRAW(200)RLDA(14)SDA(13)BCDGA(10)SSLDA(14)LADA(9)DAGL(9)
10.93160.91790.90820.92240.99720.98610.9986
20.82040.80430.89130.81870.91300.88700.8739
30.89950.78600.89710.74660.97120.94240.9918
40.79330.74480.75730.50370.73970.74480.9833
50.47680.58550.64470.61530.73030.72370.7239
60.57530.80650.75580.58140.90780.88940.8295
70.74760.63640.67680.63630.91920.85860.9293
80.85420.89630.85930.85200.81480.81480.8347
90.95150.97370.97570.90470.97740.99740.9981
100.91430.95560.92690.92910.98690.96610.9765
110.93970.97490.93470.97980.99170.99350.9975
120.84120.80500.86160.78570.78940.84700.8423
130.97070.97730.98860.99860.89660.99890.9994
OA0.87800.88800.89630.85640.90940.92360.9437
AA0.82430.83570.85220.79030.89500.89610.9214
kappa0.86510.87540.88450.82910.90270.91480.9354
training time00.06 s0.17 s0.23 s571.44 s1121.28 s216.86 s

Share and Cite

MDPI and ACS Style

Chen, M.; Wang, Q.; Li, X. Discriminant Analysis with Graph Learning for Hyperspectral Image Classification. Remote Sens. 2018, 10, 836. https://0-doi-org.brum.beds.ac.uk/10.3390/rs10060836

AMA Style

Chen M, Wang Q, Li X. Discriminant Analysis with Graph Learning for Hyperspectral Image Classification. Remote Sensing. 2018; 10(6):836. https://0-doi-org.brum.beds.ac.uk/10.3390/rs10060836

Chicago/Turabian Style

Chen, Mulin, Qi Wang, and Xuelong Li. 2018. "Discriminant Analysis with Graph Learning for Hyperspectral Image Classification" Remote Sensing 10, no. 6: 836. https://0-doi-org.brum.beds.ac.uk/10.3390/rs10060836

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