Next Article in Journal
Correction: Chen, Y., et al. Long-Term Subsidence in Lava Fields at the Piton de la Fournaise Volcano Measured by InSAR: New Insights for Interpretation of the Eastern Flank Motion. Remote Sens. 2018, 10, 597
Previous Article in Journal
Improving the Informational Value of MODIS Fractional Snow Cover Area Using Fuzzy Logic Based Ensemble Smoother Data Assimilation Frameworks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Laplacian Regularized Spatial-Aware Collaborative Graph for Discriminant Analysis of Hyperspectral Imagery

1
School of Computer Science, China University of Geosciences, Wuhan 430074, China
2
School of Computer Science and Technology, Harbin Institute of Technology, Harbin 150001, China
3
Discipline of Business Analytics, The University of Sydney Business School, The University of Sydney, Sydney, NSW 2006, Australia
*
Author to whom correspondence should be addressed.
Remote Sens. 2019, 11(1), 29; https://doi.org/10.3390/rs11010029
Submission received: 25 November 2018 / Revised: 13 December 2018 / Accepted: 20 December 2018 / Published: 25 December 2018
(This article belongs to the Section Remote Sensing Image Processing)

Abstract

:
Dimensionality Reduction (DR) models are of significance to extract low-dimensional features for Hyperspectral Images (HSIs) data analysis where there exist lots of noisy and redundant spectral features. Among many DR techniques, the Graph-Embedding Discriminant Analysis framework has demonstrated its effectiveness for HSI feature reduction. Based on this framework, many representation based models are developed to learn the similarity graphs, but most of these methods ignore the spatial information, resulting in unsatisfactory performance of DR models. In this paper, we firstly propose a novel supervised DR algorithm termed Spatial-aware Collaborative Graph for Discriminant Analysis (SaCGDA) by introducing a simple but efficient spatial constraint into Collaborative Graph-based Discriminate Analysis (CGDA) which is inspired by recently developed Spatial-aware Collaborative Representation (SaCR). In order to make the representation of samples on the data manifold smoother, i.e., similar pixels share similar representations, we further add the spectral Laplacian regularization and propose the Laplacian regularized SaCGDA (LapSaCGDA), where the two spectral and spatial constraints can exploit the intrinsic geometric structures embedded in HSIs efficiently. Experiments on three HSIs data sets verify that the proposed SaCGDA and LapSaCGDA outperform other state-of-the-art methods.

1. Introduction

As one of the most significant remote sensing techniques, Hyperspectral Images (HSIs) captured by modern remote sensors have been successfully applied in real-world tasks, such as target detection, and crop yield estimation, etc. [1,2,3]. Typically, each pixel in HSIs consists of hundreds of spectral bands/features, which means that HSIs can provide more abundant information about remote sensing objects than multispectral and typical color images with few bands/features, thus HSI classification has attracted much attention in the last several decades. Although many classification models have been introduced, such as Support Vector Machine (SVM), Deep Learning (DL), and Representation based Classification [4,5,6,7], etc., the curse of dimensionality problem stemming from the high-dimensional features/bands could largely compromise the performance of various classification algorithms, especially when there are only small number of labeled training data. Therefore, many Dimensionality Reduction (DR) methods have been introduced to preprocess the HSI data so that the noisy and redundant features can be removed and the discriminative features can be extracted in low-dimensional subspace. To some extent, DR has become fundamental for HSI data analysis [8,9,10,11,12].
Generally speaking, all DR models for HSIs can be divided into two categories: bands selection and feature extraction [8,12]. The former focuses on choosing representative subset from original spectral bands with physical meanings by some criteria, while the latter tries to learn new features by transforming observed high-dimensional spectral bands/features to the low-dimensional features with discriminative and structural information. As stated in [8], discovering optimal bands from enormous numbers of possible band combinations by feature selection methods is typically suboptimal, thus in this paper we only focus on feature extraction based DR methods for HSIs instead of feature selection.
The past decades have witnessed that various feature extraction algorithms have been introduced for HSI data analysis. There are roughly two major classes of DR techniques for feature extraction, the linear and nonlinear DR models. Principal Components Analysis (PCA) may be the most classic linear DR method, which tries to linearly project observed data into the low-dimensional subspace where the data variance is maximized. To further extend PCA into the Bayesian framework, Probabilistic PCA (PPCA) [13] was also proposed. Other PCA extensions include Kernel PCA (KPCA), Robust PCA, Sparse PCA, and Tensor PCA, etc. [14,15,16,17,18]. However, the linear assumption in PCA indicates that PCA and its extensions could fail when there are nonlinear structures embedded into the high-dimensional observations. Thus, many nonlinear DR models have been developed, among which DR models based on manifold learning could be representative because they could be able to capture the intrinsic nonlinear structures (e.g., multiple clusters, subspace structure and manifolds) in observed data with high dimensionality [12,19,20].
Most manifold learning based DR techniques try to model the local geometric structures of data based on graph theory [19,21]. The performance of these manifold learning based methods mainly depends on the following two aspects: (i) the design of the similarity graphs, and (ii) the embedding of new test data—the out-of-sample problem. For the first factor, different methods have distinct ideas to construct similarity graph matrices, such as Local Linear Embedding (LLE), Laplace Eigenmap (LE), Neighborhood Preserving Embedding (NPE), and Locality Preserving Projection (LPP) [19,22], etc. In [19], a general Graph Embedding (GE) framework was introduced to unify these existing manifold learning algorithms where various methods to construct different similarity graph matrices were compared. Lunga et al. [20] also reviewed typical manifold learning based DR methods for HSI classification. Recently, the representation based approaches have also been introduced to manifold learning framework to constitute the similarity graphs [12]. For example, Sparse Representation (SR), Collaborative Representation (CR) and Low Rank Representation (LRR) [7] were utilized to construct the sparse graph ( 1 graph), collaborative graph ( 1 graph) and low-rank graph, giving rise to Sparsity Preserving Projection (SPP) [23], Collaborative Representation based Projection(CRP) [24] and Low Rank Preserving Projections (LRPP) [25], respectively. For the second aspect, in order to address the out-of-sample problem encountered by many manifold learning models, extra mappings that project new samples to low-dimensional manifold subspace were added into existing manifold learning algorithms, where linear mapping was typically utilized like LPP and NPE [19].
The aforementioned techniques are unsupervised DR models, which means that extra labels cannot be utilized even if they are available in HSIs data where we are typically given some labels. By making use of these label information, the unsupervised DR methods can be extended to the supervised settings, which could improve the discriminating power of DR models. Linear Discriminant Analysis (LDA) can be representative in the line. Compared to its linear counterpart PCA, LDA performs DR by maximizing the between-class scatter and minimizing the within-class scatter simultaneously, leading to more discriminative dimensionality-reduced features than PCA. However, LDA and its extensions including Generalized Discriminant Analysis (GDA) suffer from the limitation of extracting maximum C 1 features with C being the number of label classes [8] and the Small-Sample-Size (SSS) problem. Nonparametric Weighted Feature Extraction (NWFE) and its kernel extension Kernel NWFE address these issues by using the weighted means to evaluate the nonparametric scatter matrices, resulting in more than C 1 features being learned [8]. Other LDA extensions include Regularized LDA (RLDA) [26] and Modified FLDA (MFLDA) [27].
PCA was also extended to supervised versions to handle the extra labels such as Supervised PPCA (SPPCA) [16]. However, these methods are most likely incapable of discovering complex nonlinear geometric structure in numerous HSIs spectral features, which could deteriorate the performance of DR models. Therefore, many supervised manifold learning models which are capable of capturing the local geometric structure of neighboring pixels have been developed, such as Supervised LPP (SLPP) [19], Local Fisher Discriminant Analysis (LFDA) [28] and local graph discriminant embedding (LGDE) [29]. The most easy way to realize supervised manifold learning models is to construct the similarity graph matrices based on neighboring samples belonging to the same class. Alternatively, representation based models have been extended into the supervised settings, such as Sparse Graph-based Discriminate Analysis (SGDA) [30], Weighted Sparse Graph-based Discriminate Analysis (WSGDA) [31], Collaborative Graph-based Discriminate Analysis (CGDA) [32], Laplacian regularized CGDA (LapCGDA) [7], Discriminant Analysis with Graph Learning (DAGL) [33] and Sparse and Low-Rank Graph-based Discriminant Analysis (SLGDA) [34], etc.
To further add nonlinearity to the supervised manifold models, kernel tricks are also utilized, resulting into Kernel LFDA (KLFDA) [28], Kernel CGDA (KCGDA) [32] and Kernel LapCGDA (KLapCGDA) [7], etc. A recent survey in [12] termed these kind of techniques Graph-Embedding Discriminant Analysis, where the basic idea behind these models is to construct various discriminative intrinsic graphs with different criterions, such as 1 and 2 graphs employed in SGDA and CGDA, respectively. Although their models have demonstrated the effectiveness for extracting discriminative HSI features in terms of classification accuracy, their performance could become unsatisfactory because of the lack of considering spatial information.
Recently, some researchers have shown that spatial information in HSIs could be efficiently utilized to boost the DR models, leading to the joint spectral-spatial DR techniques where most of these kinds of models can be roughly divided into two classes as stated in [35]:
(i)
Spectral-Spatial information can be used as a preprocessing. For example, Gaussian weighted local mean operator was employed to extract spectral-spatial feature in Composite Kernels Discriminant Analysis (CKDA) [36]. A robust spectral-spatial distance rather than simple spectral distance was adopted in Robust Spatial LLE (RSLLE) [37]. A local graph-based fusion (LGF) [38] method was proposed to conduct DR by simultaneously considering the spectral information and the spatial information extracted by morphological profiles (MPs). Recently, Tensor PCA (TPCA) [18], deep learning based models [5], superpixels [29,39] and propagation filter [40] techniques were also successfully utilized to extract the spectral-spatial features.
(ii)
Spectral-spatial information can be used as a spatial constraint/regularization. For instance, the authors of [41] proposed a Spatial and Spectral Regularized Local Discriminant Embedding (SSRLDE) where the local similarity information was encoded by a spectral-domain regularized local preserving scatter matrix and a spatial-domain local pixel neighborhood preserving scatter matrix. Spectral-Spatial LDA (SSLDA) [42] made use of a local scatter matrix constructed from a small neighborhood as a regularizer which makes the samples approximate the local mean in the low-dimensional feature space among the small neighborhood. The Spectral-Spatial Shared Linear Regression (SSSLR) [35] made use of a convex set to describe the spatial structure and a shared structure learning model to learn a more discriminant linear projection matrix for classification. Spatial-spectral hypergraph was used in Spatial-Spectral Hypergraph Discriminant Analysis (SSHGDA) [43] to construct complex intraclass and interclass scatter matrices to describe the local geometric similarity of HSI data. Superpixel-level graphs and local reconstruction graphs were constructed to be the spatial regularization in Spatial Regularized LGDE (SLGDE) [29] and Local Geometric Structure Fisher Analysis (LGSFA) [44], respectively. Recently, He et al. [45] reviewed many state-of-the-art spectral-spatial feature extraction and classification methods, which demonstrates that spatial information could be beneficial to HSI feature extraction and classification.
In this paper, we focus on the Graph-Embedding Discriminant Analysis framework because of its outstanding performance and low complexity. Although some progress has been made based on this framework, such as SGDA, CGDA, LapCGDA, and SLGDA, etc., the performance of these models could be further improved by efficiently incorporating the spatial information into the framework. Motivated by recently introduced Joint CR (JCR) [46] and Spatial-aware CR (SaCR) [10] algorithms, in this paper, we propose the Spatial-aware Collaborative Graph-based Discriminate Analysis (SaCGDA) where spatial-spectral features are firstly preprocessed by the average filtering in JCR and then the spatial information is encoded as a spatial regularization item in CR to construct the spectral-spatial similarity graph in an easy and efficient way. To further improve the performance of the model, inspired by LapCGDA, the spectral Laplacian regularization item is also introduced into SaCGDA, giving rise to the Laplacian regularized SaCGDA (LapSaCGDA) which makes use of the spectral-spatial information more effectively.
The rest of the paper is organized as follows. In Section 2, we briefly review the related works, including the Collaborative Representation(CR) and the Graph-Embedding Discriminant Analysis framework. The proposed SaCGDA and LapSaCGDA will be introduced in Section 3. Then, three HSI datasets are used to evaluate the effectiveness of the newly proposed algorithms in Section 4. Finally, the concluding remarks and comments will be given in Section 5.

2. Related Works

In this section, we will review some related works, including the typical CR models and its variants JCR and SaCR, plus the Graph-Embedding Discriminant Analysis framework.
For the sake of consistency, we make use of the following notations throughout this paper: X = [ x 1 , , x N ] are observed (inputs) data with each sample x n in a high-dimensional space R D ; y = [ y 1 , , y N ] are observed (outputs or labels) data with each point y n being discrete class label in { 1 , 2 , , C } , where C is the number of the classes; Z = [ z 1 , , z N ] are the dimensionality-reduced variables/features in a low-dimensional space R d ( d D ) with each z n corresponding to x n and/or y n . For the sake of convenience, we further denote X as an D × N matrix, y an N × 1 vector and Z an d × N matrix, so the training data can be defined as D = { ( x n , y n ) } n = 1 N . Let n l be the number of training data from l-th class and l = 1 C n l = N . Similar to LDA, the goal of discriminant analysis based DR models is to find the low-dimensional projection Z with typical linear mapping
Z = P T X ,
where the transformation matrix P R D × d linearly projects each sample x n to the low-dimensional subspace.

2.1. Collaborative Representation (CR)

The representation based models such as Sparse Representation (SR), Collaborative Representation (CR) and Low-Rank Representation(LRR) have been successfully applied in many tasks [7]. Compared to the computationally expensive SR, CR can provide comparative classification performance with very efficient closed-form solution to learn the model parameters. Given a test sample x * , all the training data are employed to represent it by
L ( w ) = | | x * X w | | 2 2 + α Ω ( w ) ,
where the the regularization parameter α balances the trade-off between the reconstruction residual and the regularization of the representation coefficients. Typically, 2 norm is used with Ω ( w ) = | | w | | 2 2 . However, other regularization methods can also be adopted [47,48]. For example, 1 instead of 2 norm brings the sparsity of the coefficient, resulting in SR. A locality regularization [49] Ω ( w ) = | | Γ w | | 2 2 provides different freedom to training data according to the Euclidean distances from x * , where each diagonal entry in the diagonal matrix Γ is defined by
Γ i i = | | x * x i | | 2 , ( i = 1 , 2 , , N ) .
For classic CR model, be solving the the least-squares problem, the optimal representation coefficients w * can be easily obtained with closed-form solution
w * = ( X T X + α I ) 1 X T x *
and then the class label of test sample x * can be predicted according to the minimum residual
l a b e l ( x * ) = argmin l = 1 , 2 , , C x * X l w l * 2 2 ,
where X l and w l * are the subsets of X and w * corresponding to specific class label l, respectively.
As we have mentioned that spatial information is significant for HSI data analysis. Two simple but efficient CR models have been recently developed. The first one termed by Joint CR (JCR) makes use of the spatial information as a preprocessing based on the fact that the neighboring pixels usually share similar spectral characteristics with high probability. Thus, the spatial correlation across neighboring pixels could be indirectly incorporated by a joint model, where each training and testing sample is represented by spatially averaging its neighboring pixels that is similar with the convolution operation in Convolution Neural Network (CNN). Another model called joint Spatial-aware CR (JSaCR) further utilizes the spatial information as a spatial constraint in a very easy and effective way
L ( w ) = x ˜ * X ˜ w 2 2 + α Γ ˜ w 2 2 + β diag ( s ) w 2 2 ,
where x ˜ * and each element in X ˜ are the average spectral features for the test sample x * and each training point x n * centered in a small window with m neighbors, respectively, Γ ˜ is similarly defined by Γ i i ˜ = | | x ˜ * x ˜ i | | 2 ( i = 1 , 2 , , N ) , each element in s = [ s 1 , s 2 , , s N ] is associated with each training sample, which encourages that representation coefficients w are spatially coherent w.r.t. the training data, diag ( s ) is a square diagonal matrix with the elements of vector s on the main diagonal. To further explain the spatial constraint in the third term in Equation (6), let us firstly denote the pixel coordinate of the testing sample x * and each training pixel x n by ( p * , q * ) and ( p n , q n ) , respectively. The spatial relationship between them can be simply measured by smooth parameter t
s n = [ dist ( ( p n , q n ) , ( p * , q * ) ) ] t ,
where dist ( · , · ) represents the Euclidean distance with smooth parameter t adjusting the distance decay speed for the spatial constraint. Actually, the normalized element s ( 0 , 1 ] is obtained by dividing max ( s ) from s . A large value of t implicitly means that pixels that are spatially far away from the test sample will be penalized by assigning coefficients close to 0. As can be seen from the JSaCR formulation, the locality constraint (second term) and spatial constraint (third term) are controlled by the regularization parameters α and β , respectively.

2.2. Graph-Embedding Discriminant Analysis

Graph-Embedding Discriminant Analysis [12] seeks to learn the projection matrix P based on the linear model assumption z n = P T x n by preserving the similarities of samples in the original observation space. Many manifold learning models and discriminant analysis based methods can be unified into this framework, such as LPP, NPE, LDA and recently proposed SGDA, CGDA, etc.
Typically, a general Graph-Embedding Discriminant Analysis model can be formulated by finding a low-dimensional subspace where the local neighborhood relationships in the high-dimensional observations can be retained. Based on typical linear mapping z n = P T x n , the objective function of Graph-Embedding Discriminant Analysis is
P ˜ = argmin P i j z i z j W i j = argmin P i j P T x i P T x j W i j = argmin P trace ( P T X L X T P ) , s . t . P T X L P X T P = I ,
where the similarity graph matrix W is built on pairwise distances between observed samples to represent local geometry with each W i j being the similarity/affinity between samples x i and x j , L = T W is the Laplacian matrix of graph G, T is the diagonal matrix with nth diagonal element being T i i = j = 1 N W i j and L p is a sample scale normalization constraint or some Laplacian matrix of penalty G p . By simply re-formulating the objective function as
P ˜ = argmin P | P T X L X T P | | P T X L p X T P | .
The optimal projection matrix P can be obtained by solving a generalized eigenvalue decomposition problem
X L X T P = λ X L p X T P ,
where P R D × d is constructed by the d eigenvectors corresponding to the d smallest nonzero eigenvalues. As can be seen from the formulations, the performance of Graph-Embedding Discriminant Analysis algorithms largely depends on the construction methods of the similarity/affinity matrix.
Let’s firstly take the unsupervised LPP model as the classic example where the similarity between two samples x i and x j is typically measured by the heat kernel if they are the neighbors
W i j = e x i x j 2 r ,
with a pre-specified parameter r.
Compared to unsupervised LPP, supervised discriminant analysis models like LDA, SGDA and CGDA construct the similarity matrix in the supervised manner, which could provide better discriminant ability. For example, W in LDA, SGDA or CGDA is typically expressed by a block-diagonal matrix
W 1 W 2 W C ,
where each { W l } l = 1 C is the within-class similarity matrix of size n l × n l based on n l training samples only from the l-th class. Different strategies have been applied to construct the within-class similarity matrix. As can be seen from Equation (13) 1 , 2 , n u c l e a r + 1 and m a n i f o l d + 2 norms are adopted in SGDA, CGDA, SLGDA and LapCGDA, respectively, using the representation based algorithms to construct the similarity matrix W l = [ w 1 l ; w 2 l ; ; w n l l ] R n l × n l with each n l being the number of training data only from l-th class:
SGDA : argmin w n l x n l X n l w n l 2 2 + α w n l 1 ,
CGDA : argmin w n l x n l X n l w n l 2 2 + α w n l 2 ,
SLGDA : argmin w n l x n l X n l w n l 2 2 + α w n l * + β w n l 1 ,
LapCGDA : argmin w n l x n l X n l w n l 2 2 + α w n l 2 + β w n l T H n w n l ,
where x n l is a training sample from l-th class, X n l denotes all training samples from l-th class but excluding x n , · * in SLGDA indicates the nuclear norm, and H n in LapCGDA is the Laplacian matrix constructed by Equation (11).
Although these models have demonstrated their effectiveness, their performance could be unsatisfactory because the spatial information in HSIs is not utilized. Compared to the spatial constraints like local reconstruction points, superpixel and hypergraph based spatial regularization models in LGSFA [44], SLGDE [29] and SSHGDA [43], the simple spatial prior in JSaCR has been proven to be fast and efficient. Therefore, in this paper, we introduce the spatial prior into CGDA model because of its outstanding performance and low complexity.

3. Laplacian Regularized Spatial-Aware CGDA

In this section, motivated by JSaCR and LapCGDA, we propose Laplacian regularized Spatial-Aware CGDA (LapSaCGDA) by simultaneously introducing spatial prior and spectral manifold regularization into CGDA which will significantly increase the discriminant ability of the learnt similarity/affinity matrix and then boost the performance of the DR model.
Firstly, based on the fact that the average filtering in JCR could smooth the random noises in HSI data, we similarly preprocess all the HSI data, which leads to the new notations such as x ˜ n and X ˜ , meaning a training sample and all training data after the preprocessing, respectively.
Then, based on the JSaCR model in Equation (6), it is straightforward to make use of JSaCR instead of typical CR in CGDA to construct the within-class similarity matrix { W l } l = 1 C for n l labeled samples belonging to l-th class by
argmin w n l x ˜ n l X n l ˜ w n l 2 2 + α Γ ˜ w n l 2 2 + β diag ( s n ) w n l 2 2 ,
where x ˜ n l is a preprocessed training sample from l-th class, X n l are all preprocessed training samples from l-th class but excluding x ˜ n , Γ ˜ and s are similarly defined by Γ i i ˜ = x ˜ n l x ˜ i l 2 and s n = [ dist ( ( p n , q n ) , ( p i , q i ) ) ] t with the pixel coordinate ( p i , q i ) for samples in l-th class ( i = 1 , 2 , , n l ) , respectively.
It is easy to obtain the closed-form solution for the optimization problem in Equation (17) by
w n l = ( X n l ˜ T X n l ˜ + α Γ ˜ + β diag ( s n ) ) 1 X n l ˜ T x ˜ n l .
As stated in JSaCR, the locality prior (second term) and spatial prior (third term) in Equation (17) can be efficient to extract the spectral-spatial structure in HSI data. However, the simple locality prior w.r.t. the second term in Equation (17) could be inefficient to exploit the intrinsic geometric information compared to manifold priors like the Laplacian regularization used in LapCGDA. Hence, we further propose the Laplacian regularized Spatial-Aware CGDA (LapSaCGDA) by introducing the Laplacian regularization into SaCGDA. In order to compare the two spectral priors, we simply add the spectral Laplacian constraint into SaCGDA as the third regularization instead of replacing the spectral locality constraint in SaCGDA with the spectral Laplacian constraint.
Similar to SaCGDA, the within-class similarity matrix { W l } l = 1 C of LapSaCGDA can be constructed by solving the following optimization problem:
argmin w n l x ˜ n l X n l ˜ w n l 2 2 + α Γ ˜ w n l 2 2 spectral locality constraint + β diag ( s n ) w n l 2 2 spatial constraint + γ w n l T H n w n l spectral Laplacian constraint ,
where H n i = e | | x ˜ n l x ˜ i l | | 2 r with a pre-specified parameter r.
Mathematically, the closed-form solution for this optimization can be obtained by
w n l = ( X n l ˜ T X n l ˜ + α Γ ˜ + β diag ( s ) + γ H n ) 1 X n l ˜ T x ˜ n l .
It is worth noting that LapSaCGDA could reduce to SaCGDA when γ = 0 , to LapCGDA when β = 0 or to CGDA when β = 0 and γ = 0 , thus the proposed LapSaCGDA model is very general and can unify the three models with different regularization parameters’ configurations.
After obtaining all the within-class similarity matrix { W l } l = 1 C by SaCGDA or LapSaCGDA, the block-diagonal similarity matrix W = d i a g ( W 1 , W 2 , , W C ) can be simply constructed like Equation (12). Finally, based on the Graph-Embedding Discriminant Analysis framework, it is easy to evaluate the optimal projection matrix P by solving the eigenvalue decomposition in Equation (10).
The complete LapSaCGDA algorithm is outlined in Algorithm 1.
Algorithm 1 LapSaCGDA for HSIs Dimensionality Reduction and Classification
Input: 
High-dimensional training samples X R D × N , training ground truth y R N , pre-fixed latent dimensionality d, and testing pixels X * R D × M , testing ground truth y * R M , a pre-specified regularization parameters α , β , γ .
Output: 
s = { A c c , P}.
 1:
Preprocess all the training and testing data by average filtering;
 2:
Evaluate the similarity matrix W by solving Equation (20);
 3:
Evaluate the optimal projection matrix P by solving the eigenvalue decomposition in Equation (10);
 4:
Evaluate low-dimensional features for all the training and testing data by z n = P T x n ;
 5:
Perform KNN and/or SVM in low-dimensional feature space and return classification accuracy  A c c ;
 6:
returns
As for the model complexity, Algorithm 1 tells us that, compared to other contrastive models like CGDA and LapCGDA, the proposed SaCGDA and LapSaCGDA do not increase the complexity except the average filtering preprocessing step, which could be conducted before the algorithm starts.

4. Experiments

In this section, we will validate the effectiveness of the proposed SaCGDA and LapSaCGDA for HSI feature reduction and classification. The novel model is compared to the classic supervised DR models NWFE [8], SPPCA [16], plus recently developed DR techniques LapCGDA [7], SLGDA [34], and LGSFA [44] based on the Graph-Embedding Discriminant Analysis framework in three typical HSI datasets in terms of classification accuracy. In addition, the classic SVM is also applied in the original high-dimensional spectral feature space for comparison. Since all the HSIs datasets are initially preprocessed by the average filtering, the original spectral features can be regarded as the spectral-spatial features as well.
For a fair comparison, firstly all the data will be preprocessed by average filtering with a 7 × 7 spatial window, and then K-Nearest Neighbors (KNN) with Euclidean distance and SVM with Radial Basis Function (RBF) kernel are chosen as the classifiers in the dimensionality-reduced space for verifying all the DR models in terms of the classification Overall Accuracy (OA), the classification Average Accuracy (AA) and the Kappa Coefficient (KC) as well as the True Positive Rate (TPR) and False Positive Rates (FPR). The parameter K in KNN is set to be 5, and the optimal parameters of kernel in SVM are selected by the tenfold cross-validation with a given set { 0.001 , 0.01 , 0.1 , 1 , 10 , 100 , 1000 , 10000 } . The regularization parameters such as α , β , γ in LapCGDA, SLGDA, and the proposed SaCGDA and LapSaCGDA will be chosen by the grid search with a given set { 10 6 , 10 5 , , 10 4 } firstly. Then, as the optimal projection dimensionality for each DR model has to be pre-specified before model optimization, for each piece of HSI data, where the same training and testing data are randomly picked, we compare and choose the best dimensionality of each DR model in the range of 1–30 in terms of the classification accuracy based on KNN in the projected low-dimensional feature space. Finally, with the selected optimal dimensionality for each piece of HSI data and each DR algorithm, we further compare all the DR techniques as the number of training data increases. Classification maps are also compared when limited training data are available. All the experiments are repeated ten times and the averaged results are reported with standard deviation (STD).

4.1. Data Description

Three HSIs datasets including Pavia University scene, Salinas scene and Indian Pines scene from [50] are employed in our experiments.
The Pavia University scene (PaviaU) is captured by the sensor known as the Reflective Optics System Imaging Spectrometer (ROSIS-3) over the Pavia University, Italy in 2002. The number of spectral bands is 103 with the image resolution of 610 × 340 pixels after removing some pixels without information and noise bands. The geometric resolution is 1.3 m. The data set contains nine land cover types, and the False Color Composition (FCC) and Ground Truth (GT) are shown in Figure 1.
The Salinas scene (Salinas) was collected by an Airborne Visible/Infrared Imaging Spectrometer (AVIRIS) sensor over Salinas Valley, California in 1998 with the geometric resolution of 3.7 m. The spatial size of this data is 512 × 217 pixels with 224 spectral bands. After removing 20 water absorption and atmospheric effects bands, the number of spectral band becomes 204. Sixteen ground truth classes are labeled in this data set, and the false color composition and ground truth are shown in Figure 2.
The Indian Pines data (IndianPines) is a scene from Northwest Indiana captured by the AVIRIS sensor in 1992, which consists of 145 × 145 pixels and 200 spectral bands after removing bands with noise and water absorption phenomena. Sixteen ground truth classes are considered in this data set, and the false color composition and ground truth are shown in Figure 3.

4.2. Experiments on the Pavia University Data

In order to demonstrate the effectiveness of the proposed models, initially, we analyze the parameters’ sensitivity and select optimal parameters for each DR model because the regularization parameters such as α , β , γ in LapCGDA, SLGDA, and the proposed SaCGDA and LapSaCGDA significantly affect the performance of the DR models. In addition, for the proposed SaCGDA and LapSaCGDA, the smooth parameter t in the spatial prior is also optimally searched in the set { 2 , 4 , 6 , 8 } . In the experiment, 30 samples are randomly picked from each class as training data and the projection dimensionality is fixed to 30 so that the parameters’ sensitivity analysis can be conducted.
As can be seen from Figure 4a for SaCGDA, the optimal parameter β w.r.t. the spatial prior significantly affects the OAs compared to the parameter α w.r.t. the spectral locality prior, and the best smooth parameter t in the spatial prior is 2 in our experiment. Similar results can also be found in the parameters’ sensitivity experiment for LapSaCGDA, which are not completely shown in Figure 4b because it is difficult to plot the 4D figure w.r.t. three parameters. Here, we simply set the parameter α = 0.0001 w.r.t. the spectral locality prior for both SaCGDA and LapSaCGDA because OAs are insensitive to parameter α based on the experimental results of parameters’ sensitivity. The best regularization parameters for LapCGDA, SLGDA, SaCGDA and LapSaCGDA are listed in Table 1, which will be used in the following experiments. In addition, what can be found from Figure 4b and Table 1 is that the best parameter γ w.r.t. the spectral manifold prior in LapSaCGDA is larger than the optimal parameter α w.r.t. the spectral locality prior, meaning that the manifold prior has more influence on the DR model than the simple locality prior.
Based on these optimal parameters selected by the grid search, we further choose the best dimensionality of the projection space in terms of the OAs based on KNN and SVM performed in the low-dimensional projection space. The best number of dimensionality of the embedding space will be chosen from the range of 1–30.
What can be seen from Figure 5 is that the proposed SaCGDA and LapSaCGDA outperform other DR models in almost all low-dimensional projection spaces, and the optimal number of dimensionality for each DR model in this HSI data is 30. It also should be highlighted that, in the low-dimensional projection space, the OAs based on KNN from the proposed SaCGDA and LapSaCGDA outperform SVM based on original high-dimensional features significantly, meaning the that the learned low-dimensional features are very discriminatory.
Furthermore, we also show the experimental results when different numbers of training data are randomly chosen. In addition, 20–80 samples are randomly chosen from each class, and the remainder are for testing. It can be viewed from Table 2 that the proposed SaCGDA and LapSaCGDA outperform other state-of-the-art DR techniques and SVM significantly. In addition, based on the fact that LapSaCGDA is superior to SaCGDA in terms of KNN and SVM OAs, we can demonstrate that the spectral Laplacian prior can improve the performance of SaCGDA.
Finally, in order to show the classification results of different methods for each class when limited training data are available, we randomly select 20 samples from each class to compare eight algorithms. The results from different algorithms are objectively and subjectively shown in Table 3 and Figure 6, respectively. What can be seen from Table 3 is that the proposed SaCGDA and LapSaCGDA outperform other models in terms of the AA, OA, KC as well as TPR and FPR in most classes, and LapSaCGDA achieves higher accuracy than SaCGDA, which clearly indicates that the Laplacian regularization in LapSaCGDA is beneficial to the DR model. Accordingly, Figure 6 subjectively tells us that classification maps from the proposed methods w.r.t. the testing data are more accurate than other contrastive approaches.

4.3. Experiments on the Salinas Data

To further verify the proposed models on HSIs data from different HSIs sensors, we utilize Salinas data captured by AVIRIS sensor to demonstrate the effectiveness of the novel methods. Similarly, we firstly select the optimal regularization parameters such as α , β , γ in LapCGDA, SLGDA, and, in addition to the regularization parameters, the smooth parameter t in the spatial prior for the proposed SaCGDA and LapSaCGDA by the grid search. The embedding dimensionality is set 30 and 30 training samples are randomly picked from each class so that the parameter sensitivity can be compared.
According to Figure 7a, the regularization parameter α in SaCGDA becomes sensitive to the OA, but the optimal value is still less than 0.001. Thus, we set α = 0.0001 for both SaCGDA and LapSaCGDA. In addition, it can be viewed from Figure 7b that the optimal parameter γ w.r.t. the spectral manifold prior in LapSaCGDA is 0.1, which means that this manifold prior affects the DR model largely compared to the parameter α w.r.t. the spectral locality prior. Additionally, for this dataset, the best smooth parameter t in the spatial prior in SaCGDA and LapSaCGDA is 4 by grid search. Table 4 displays the best parameters obtained from the parameter sensitivity experiments, which will be used in the following experiments.
Once these optimal parameters are selected by the grid search, we should choose the best dimensionality of the projection space in terms of the OAs based on KNN and SVM performed in the low-dimensional projection space. What can be seen from Figure 8 is that the proposed SaCGDA and LapSaCGDA outperform other DR models almost in all low-dimensional projection space again, and the optimal number of dimensionality for each DR model in this HSIs data is 30.
Furthermore, based on the optimal projection dimensionality, we also objectively show the experimental results as the amount of training data increases. In addition, 20–80 samples are randomly picked from all the labeled data, and the rest of the samples are for testing. We can conclude from Table 5 that the proposed SaCGDA and LapSaCGDA achieve the best OAs, especially when only a few pieces of training data are available.
Finally, we select 20 samples from each class to compare all the models in terms of the classification accuracy for each class. As can be viewed from Table 6, the proposed two models obtain the highest accuracy in almost every class, and LapSaCGDA is slightly superior to SaCGDA due to the Laplacian prior in LapSaCGDA. The classification maps in Figure 9 give a similar conclusion.

4.4. Experiments on the Indian Pines Data

Another challenging HSIs data is the Indian Pines Data, also captured by the AVIRIS sensor. The optimal regularization parameters such as α , β , γ in the proposed SaCGDA and LapSaCGDA can be observed from the parameters’ sensitivity analysis experiments in Figure 10, and the best smooth parameter t in the spatial prior is 2. Thirty training samples are randomly picked from each class in these experiments, and the projecting dimensionality is also fixed to 30 so that the parameter sensitivity analysis can be demonstrated.
What can be viewed from Figure 10a is that the OAs are not sensitive to the parameter α w.r.t. the spectral locality prior in SaCGDA because the optimal parameter β = 5000 which dominates the model is so large that other constraints are ignored. For the LapSaCGDA, the best parameter γ w.r.t. the manifold prior is also small according to Figure 10b. The best regularization parameters for LapCGDA, SLGDA, SaCGDA and LapSaCGDA are listed in Table 7 for the following experiments.
Based on these optimal parameters selected by the grid search, the best dimensionality of the projection space for each DR models can be obtained from Figure 11 in terms of the OAs based on KNN and SVM performed in the low-dimensional projection space. Once again, the optimal number of dimensionality for almost each DR model in this HSI data is 30, and the proposed SaCGDA and LapSaCGDA are the best among all models although LGSFA shows comparative OAs in high-dimensional embedding space based on KNN.
Moreover, we also show the experimental results when different amounts of training data are selected. In addition, 20–80 samples are randomly picked from all the labeled data, and the other samples become the testing data. For those classes where there are less samples available, no more than 60 % samples out of all data belonging to some classes will be randomly chosen. It can be seen from Table 8 that LGSFA demonstrates comparative OAs based on KNN compared to the proposed SaCGDA and LapSaCGDA while the two novel models outperform LGSFA and other methods in terms of the SVM classification accuracy. As the spatial prior with large regularization parameter β = 5000 dominates LapSaCGDA, LapSaCGDA shows the same results compared to SaCGDA because the two spectral constraints in LapSaCGDA are ignored and LapSaCGDA reduces to SaCGDA in this case.
Finally, 20 samples are randomly selected to similarly show the classification accuracy for each class based on SVM. It can be seen from Table 9 that the proposed SaCGDA and LapSaCGDA are superior to other models when only the spatial prior is utilized, which demonstrates the effectiveness of the spatial prior once again. Accordingly, Figure 12 shows that the classification maps from the proposed SaCGDA and LapSaCGDA are more accurate than other approaches.

4.5. Discussion

Based on above experimental results, we can provide the following discussions,
(i)
The proposed SaCGDA significantly outperforms SVM, SPPCA, NWFE, SLGDA, LapCGDA and LGSFA in terms of OA, AA, KC, TPR and FPR in most scenarios, and accordingly the classification maps based on the new model are smoother and more accurate than results from other supervised DR algorithms. These results clearly demonstrate that the introduced spatial constraint is very efficient to model the spatial relationship between pixels.
(ii)
The Laplacian regularized SaCGDA (LapSaCGDA) could be superior to SaCGDA by further introducing Laplacian constraint into SaCGDA, which makes similar pixels share similar representations. The experimental results verify that LapSaCGDA achieves higher accuracy than SaCGDA in most cases because LapSaCGDA could reveal the intrinsic manifold structures of HSI data more efficiently.
(iii)
It is also worth pointing out that the SVM classifier always provides better classification results than KNN classifiers. However, if we compare the OAs of KNN based on the proposed two models to OAs of SVM based on other DR techniques like NWFE, SLGDA, LapCGDA and LGSFA, what we can find is that the KNN classification results are better than SVM, which further proves that the proposed two algorithms are more effective to extract discriminative low-dimensional features than other contrastive approaches.

5. Conclusions

This paper presents two novel supervised dimensionality reduction models for HSI data, SaCGDA and LapSaCGDA, based on the Graph-Embedding Discriminant Analysis framework. The proposed SaCGDA constructs the intrinsic graph by CR with spatial constraint introduced by JSaCR, and then, in order to consider the complex data manifold structure embedded into the high-dimensional spectral features, Laplacian constraint is further introduced into SaCGDA, leading to the LapSaCGDA with efficient spectral and spatial regularizations. To further improve the performance of DR models, each sample in HSIs is initially preprocessed by spatially averaging its neighboring pixels, which brings the spectral-spatial features before performing DR. Consequently, various experiments demonstrate that the discriminating features for classification can be effectively extracted based on the new models.
For future works, various spatial constraints such as local reconstruction points, superpixel and hypergraph based spatial regularization models in LGSFA [44], SLGDE [29] and SSHGDA [43] can also be introduced into CGDA, and it is also promising to add penalty graphs to the proposed LapSaCGDA, which could further boost the performance.

Author Contributions

X.J. was mainly responsible for mathematical modeling and experimental design. X.S. and Y.Z. carried out the experiments and wrote the paper. J.J. contributed to some ideas of this paper. J.G. provided important suggestions and revised the paper. Z.C. reviewed and edited the draft.

Funding

This work is supported by the National Natural Science Foundation of China under Grants 61402424, 61773355, 61403351, the National Science and Technology Major Project under Grant 2016ZX05014003-003, and the Fundamental Research Funds for the Central Universities, China University of Geosciences (Wuhan). Xinwei Jiang and Xin Song also gratefully acknowledge financial support from China Scholarship Council (CSC ID: 201706415032 and 201606410065) with which the project was completed at the University of Sydney, Australia.

Acknowledgments

The authors would like to thank Wei Li and Fulin Luo for sharing the MATLAB codes of LapCGDA, SLGDA and LGSFA for comparison purposes.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhang, Y.; Wu, K.; Du, B.; Zhang, L.; Hu, X. Hyperspectral target detection via adaptive joint sparse representation and multi-task learning with locality information. Remote Sens. 2017, 9, 482. [Google Scholar] [CrossRef]
  2. Ghamisi, P.; Plaza, J.; Chen, Y.; Li, J.; Plaza, A.J. Advanced Spectral Classifiers for Hyperspectral Images: A review. IEEE Geosci. Remote Sens. Mag. 2017, 5, 8–32. [Google Scholar] [CrossRef]
  3. Ma, J.; Wu, J.; Zhao, J.; Jiang, J.; Zhou, H.; Sheng, Q.Z. Nonrigid point set registration with robust transformation learning under manifold regularization. IEEE Trans. Neural Netw. Learn. Syst. 2018, in press. [Google Scholar] [CrossRef] [PubMed]
  4. Liu, P.; Choo, K.K.R.; Wang, L.; Huang, F. SVM or deep learning? A comparative study on remote sensing image classification. Soft Comput. 2017, 21, 7053–7065. [Google Scholar] [CrossRef]
  5. Zhang, L.; Zhang, L.; Du, B. Deep Learning for Remote Sensing Data: A Technical Tutorial on the State of the Art. IEEE Geosci. Remote Sens. Mag. 2016, 4, 22–40. [Google Scholar] [CrossRef]
  6. Wang, L.; Zhang, J.; Liu, P.; Choo, K.K.R.; Huang, F. Spectral-spatial multi-feature-based deep learning for hyperspectral remote sensing image classification. Soft Comput. 2017, 21, 213–221. [Google Scholar] [CrossRef]
  7. Li, W.; Du, Q. A survey on representation-based classification and detection in hyperspectral remote sensing imagery. Pattern Recognit. Lett. 2016, 83, 115–123. [Google Scholar] [CrossRef]
  8. Jia, X.; Kuo, B.C.; Crawford, M.M. Feature mining for hyperspectral image classification. Proc. IEEE 2013, 101, 676–697. [Google Scholar] [CrossRef]
  9. Yuan, H.; Tang, Y.Y.; Lu, Y.; Yang, L.; Luo, H. Spectral-spatial classification of hyperspectral image based on discriminant analysis. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2035–2043. [Google Scholar] [CrossRef]
  10. Jiang, J.; Chen, C.; Yu, Y.; Jiang, X.; Ma, J. Spatial-aware collaborative representation for hyperspectral remote sensing image classification. IEEE Geosci. Remote Sens. Lett. 2017, 14, 404–408. [Google Scholar] [CrossRef]
  11. Jiang, X.; Fang, X.; Chen, Z.; Gao, J.; Jiang, J.; Cai, Z. Supervised Gaussian process latent variable model for hyperspectral image classification. IEEE Geosci. Remote Sens. Lett. 2017, 14, 1760–1764. [Google Scholar] [CrossRef]
  12. Li, W.; Feng, F.; Li, H.; Du, Q. Discriminant Analysis-Based Dimension Reduction for Hyperspectral Image Classification: A Survey of the Most Recent Advances and an Experimental Comparison of Different Techniques. IEEE Geosci. Remote Sens. Mag. 2018, 6, 15–34. [Google Scholar] [CrossRef]
  13. Bishop, C.M. Pattern Recognition and Machine Learning; Springer: Berlin, Germany, 2006. [Google Scholar]
  14. Candès, E.J.; Li, X.; Ma, Y.; Wright, J. Robust principal component analysis? J. ACM 2011, 58, 11. [Google Scholar] [CrossRef]
  15. Zou, H.; Hastie, T.; Tibshirani, R. Sparse principal component analysis. J. Comput. Graph. Stat. 2006, 15, 265–286. [Google Scholar] [CrossRef]
  16. Xia, J.; Chanussot, J.; Du, P.; He, X. (Semi-) Supervised Probabilistic Principal Component Analysis for Hyperspectral Remote Sensing Image Classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2224–2236. [Google Scholar] [CrossRef]
  17. Kutluk, S.; Kayabol, K.; Akan, A. Classification of Hyperspectral Images using Mixture of Probabilistic PCA Models. In Proceedings of the 24th European Signal Processing Conference, Budapest, Hungary, 29 August–2 September 2016; pp. 1568–1572. [Google Scholar]
  18. Ren, Y.; Liao, L.; Maybank, S.J.; Zhang, Y.; Liu, X. Hyperspectral image spectral-spatial feature extraction via tensor principal component analysis. IEEE Geosci. Remote Sens. Lett. 2017, 14, 1431–1435. [Google Scholar] [CrossRef]
  19. Yan, S.; Xu, D.; Zhang, B.; Zhang, H.J.; Yang, Q.; Lin, S. Graph Embedding and Extensions: A General Framework for Dimensionality Reduction. IEEE Trans. Pattern Anal. Mach. Intell. 2007, 29, 40–51. [Google Scholar] [CrossRef] [Green Version]
  20. Lunga, D.; Prasad, S.; Crawford, M.M.; Ersoy, O. Manifold-learning-based feature extraction for classification of hyperspectral data: A review of advances in manifold learning. IEEE Signal Process. Mag. 2014, 31, 55–66. [Google Scholar] [CrossRef]
  21. Ma, J.; Jiang, J.; Zhou, H.; Zhao, J.; Guo, X. Guided locality preserving feature matching for remote sensing image registration. IEEE Trans. Geosci. Remote Sens. 2018, 56, 4435–4447. [Google Scholar] [CrossRef]
  22. Van der Maaten, L.; Postma, E.O.; van den Herik, H.J. Dimensionality Reduction: A Comparative Review; Technical Report; Tilburg University: Tilburg, The Netherlands, 2008. [Google Scholar]
  23. Qiao, L.; Chen, S.; Tan, X. Sparsity preserving projections with applications to face recognition. Pattern Recognit. 2010, 43, 331–341. [Google Scholar] [CrossRef] [Green Version]
  24. Yang, W.; Wang, Z.; Sun, C. A collaborative representation based projections method for feature extraction. Pattern Recognit. 2015, 48, 20–27. [Google Scholar] [CrossRef]
  25. Lu, Y.; Lai, Z.; Xu, Y.; Li, X.; Zhang, D.; Yuan, C. Low-Rank Preserving Projections. IEEE Trans. Cybern. 2016, 46, 1900–1913. [Google Scholar] [CrossRef] [PubMed]
  26. 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]
  27. Du, Q. Modified Fisher’s linear discriminant analysis for hyperspectral imagery. IEEE Geosci. Remote Sens. Lett. 2007, 4, 503–507. [Google Scholar] [CrossRef]
  28. Sugiyama, M. Dimensionality reduction of multimodal labeled data by local fisher discriminant analysis. J. Mach. Learn. Res. 2007, 8, 1027–1061. [Google Scholar]
  29. Hang, R.; Liu, Q. Dimensionality Reduction of Hyperspectral Image Using Spatial Regularized Local Graph Discriminant Embedding. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2018, 11, 3262–3271. [Google Scholar] [CrossRef]
  30. Ly, N.H.; Du, Q.; Fowler, J.E. Sparse graph-based discriminant analysis for hyperspectral imagery. IEEE Trans. Geosci. Remote Sens. 2014, 52, 3872–3884. [Google Scholar]
  31. He, W.; Zhang, H.; Zhang, L.; Philips, W.; Liao, W. Weighted sparse graph based dimensionality reduction for hyperspectral images. IEEE Geosci. Remote Sens. Lett. 2016, 13, 686–690. [Google Scholar] [CrossRef]
  32. 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]
  33. Chen, M.; Wang, Q.; Li, X. Discriminant Analysis with Graph Learning for Hyperspectral Image Classification. Remote Sens. 2018, 10, 836. [Google Scholar] [CrossRef]
  34. Li, W.; Liu, J.; Du, Q. Sparse and low-rank graph for discriminant analysis of hyperspectral imagery. IEEE Trans. Geosci. Remote Sens. 2016, 54, 4094–4105. [Google Scholar] [CrossRef]
  35. Yuan, H.; Tang, Y.Y. Spectral-spatial shared linear regression for hyperspectral image classification. IEEE Trans. Cybern. 2017, 47, 934–945. [Google Scholar] [CrossRef] [PubMed]
  36. Li, H.; Ye, Z.; Xiao, G. Hyperspectral image classification using spectral–spatial composite kernels discriminant analysis. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 2341–2350. [Google Scholar] [CrossRef]
  37. Fang, Y.; Li, H.; Ma, Y.; Liang, K.; Hu, Y.; Zhang, S.; Wang, H. Dimensionality reduction of hyperspectral images based on robust spatial information using locally linear embedding. IEEE Geosci. Remote Sens. Lett. 2014, 11, 1712–1716. [Google Scholar] [CrossRef]
  38. Liao, W.; Dalla Mura, M.; Chanussot, J.; Pizurica, A. Fusion of spectral and spatial information for classification of hyperspectral remote-sensed imagery by local graph. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 583–594. [Google Scholar] [CrossRef]
  39. Jiang, J.; Ma, J.; Chen, C.; Wang, Z.; Cai, Z.; Wang, L. SuperPCA: A superpixelwise PCA approach for unsupervised feature extraction of hyperspectral imagery. IEEE Trans. Geosci. Remote Sens. 2018, 56, 4581–4593. [Google Scholar] [CrossRef]
  40. Chen, Z.; Jiang, J.; Jiang, X.; Fang, X.; Cai, Z. Spectral-Spatial Feature Extraction of Hyperspectral Images Based on Propagation Filter. Sensors 2018, 18, 1978. [Google Scholar] [CrossRef]
  41. Zhou, Y.; Peng, J.; Chen, C.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]
  42. Yuan, H.; Lu, Y.; Yang, L.; Luo, H.; Tang, Y.Y. Spectral-spatial linear discriminant analysis for hyperspectral image classification. In Proceedings of the IEEE International Conference on Cybernetics, Lausanne, Switzerland, 13–15 June 2013; pp. 144–149. [Google Scholar]
  43. Luo, F.; Du, B.; Zhang, L.; Zhang, L.; Tao, D. Feature Learning Using Spatial-Spectral Hypergraph Discriminant Analysis for Hyperspectral Image. IEEE Trans. Cybern. 2018, in press. [Google Scholar] [CrossRef]
  44. Luo, F.; Huang, H.; Duan, Y.; Liu, J.; Liao, Y. Local geometric structure feature for dimensionality reduction of hyperspectral imagery. Remote Sens. 2017, 9, 790. [Google Scholar] [CrossRef]
  45. He, L.; Li, J.; Liu, C.; Li, S. Recent advances on spectral–spatial hyperspectral image classification: An overview and new guidelines. IEEE Trans. Geosci. Remote Sens. 2018, 56, 1579–1597. [Google Scholar] [CrossRef]
  46. Li, W.; Du, Q. Joint within-class collaborative representation for hyperspectral image classification. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 2200–2208. [Google Scholar] [CrossRef]
  47. Jiayi, M.; Ji, Z.; Jinwen, T.; Xiang, B.; Zhuowen, T. Regularized vector field learning with sparse approximation for mismatch removal. Pattern Recognit. 2013, 46, 3519–3532. [Google Scholar]
  48. Jiayi, M.; Chen, C.; Chang, L.; Jun, H. nfrared and visible image fusion via gradient transfer and total variation minimization. Inf. Fus. 2016, 31, 100–109. [Google Scholar]
  49. Li, W.; Tramel, E.W.; Prasad, S.; Fowler, J.E. Nearest regularized subspace for hyperspectral classification. IEEE Trans. Geosci. Remote Sens. 2014, 52, 477–489. [Google Scholar] [CrossRef]
  50. Romay, D.M.G. Hyperspectral Remote Sensing Scenes. Available online: http://alweb.ehu.es/ccwintco/index.php?title=Hyperspectral_Remote_Sensing_Scenes (accessed on 25 December 2018).
Figure 1. The false color composition and ground truth of Pavia University data with numbers of samples for each class in brackets.
Figure 1. The false color composition and ground truth of Pavia University data with numbers of samples for each class in brackets.
Remotesensing 11 00029 g001
Figure 2. The false color composition and ground truth of Salinas data with numbers of samples for each class in brackets.
Figure 2. The false color composition and ground truth of Salinas data with numbers of samples for each class in brackets.
Remotesensing 11 00029 g002
Figure 3. The false color composition and ground truth of Indian Pines data with numbers of samples for each class in brackets.
Figure 3. The false color composition and ground truth of Indian Pines data with numbers of samples for each class in brackets.
Remotesensing 11 00029 g003
Figure 4. Classification accuracy w.r.t. different regularization parameters on the Pavia University data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA. (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Figure 4. Classification accuracy w.r.t. different regularization parameters on the Pavia University data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA. (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Remotesensing 11 00029 g004
Figure 5. Classification accuracy w.r.t. different dimensionality of the projection space on the Pavia University data: (a) OA based on KNN; (b) OA based on SVM.
Figure 5. Classification accuracy w.r.t. different dimensionality of the projection space on the Pavia University data: (a) OA based on KNN; (b) OA based on SVM.
Remotesensing 11 00029 g005
Figure 6. Classification maps of different DR models based on SVM on the Pavia University data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Figure 6. Classification maps of different DR models based on SVM on the Pavia University data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Remotesensing 11 00029 g006
Figure 7. Classification accuracy (OA) w.r.t. different regularization parameters on the Salinas data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA; (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Figure 7. Classification accuracy (OA) w.r.t. different regularization parameters on the Salinas data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA; (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Remotesensing 11 00029 g007
Figure 8. Classification accuracy (OA) w.r.t. different dimensionality of the projection space on the Salinas data: (a) OAs based on KNN; (b) OAs based on SVM.
Figure 8. Classification accuracy (OA) w.r.t. different dimensionality of the projection space on the Salinas data: (a) OAs based on KNN; (b) OAs based on SVM.
Remotesensing 11 00029 g008
Figure 9. Classification maps of different DR models based on SVM on the Salinas data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Figure 9. Classification maps of different DR models based on SVM on the Salinas data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Remotesensing 11 00029 g009
Figure 10. Classification accuracy (OA) w.r.t. different regularization parameters on the Indian Pines data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA; (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Figure 10. Classification accuracy (OA) w.r.t. different regularization parameters on the Indian Pines data: (a) parameter sensitivity analysis for regularization parameters α , β in SaCGDA; (b) parameter sensitivity analysis for regularization parameters β , γ in LapSaCGDA.
Remotesensing 11 00029 g010
Figure 11. Classification accuracy w.r.t. different dimensionality of the projection space on the Indian Pines data: (a) OAs based on KNN; (b) OAs based on SVM.
Figure 11. Classification accuracy w.r.t. different dimensionality of the projection space on the Indian Pines data: (a) OAs based on KNN; (b) OAs based on SVM.
Remotesensing 11 00029 g011
Figure 12. Classification maps of different DR models based on SVM on the Indian Pines data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Figure 12. Classification maps of different DR models based on SVM on the Indian Pines data with the Ground Truths (GTs) corresponding to the training and testing data. (a) Training GT. (b) Testing GT. (c) SVM. (d) SPPCA. (e) NWFE. (f) SLGDA. (g) LapCGDA. (h) LGSFA. (i) SaCGDA. (j) LapSaCGDA.
Remotesensing 11 00029 g012
Table 1. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Pavia University data.
Table 1. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Pavia University data.
Model α β γ
LapCGDA0.1100
SLGDA1010
SaCGDA0.0001100
LapSaCGDA0.000110000.01
Table 2. Classification results with different amounts of training data on the Pavia University data (OA ± STD (%)).
Table 2. Classification results with different amounts of training data on the Pavia University data (OA ± STD (%)).
ClassifierDR Model n l = 20 n l = 40 n l = 60 n l = 80
KNNSPPCA69.58 ± 1.7976.67 ± 3.2781.53± 2.5784.34 ± 2
NWFE69.18 ± 3.3475.87 ± 2.5580.93 ± 2.2583.64 ± 1.32
SLGDA78.56 ± 7.0586.45 ± 1.3288.73 ± 2.3691.13 ± 1.45
LapCGDA71.74 ± 4.9878.65 ± 3.7584.16 ± 1.8786.32 ± 1.73
LGSFA81.8 ± 3.6889.57 ± 1.3292.98 ± 0.9994.67 ± 0.82
SaCGDA87.73 ± 4.3894.81 ± 1.2196.44 ± 0.7897.35 ± 0.57
LapSaCGDA90.29 ± 1.1195.23 ± 0.5596.52 ± 0.3797.63 ± 0.4
SVMSPPCA90.39 ± 2.4693.33 ± 1.0694.6± 0.7595.4 ± 0.36
NWFE89.65 ± 1.9492.55 ± 1.0494.24 ± 0.7595.37 ± 0.38
SLGDA89.03 ± 2.3292.19 ± 1.3793.65 ± 0.7195.01 ± 0.66
LapCGDA90.47 ± 1.7892.94 ± 0.9194.84 ± 0.4995.82 ± 0.4
LGSFA85.76 ± 2.0992.84 ± 1.1895.32 ± 0.3496.5 ± 0.34
SaCGDA95.62 ± 0.9697.25 ± 0.9598.08 ± 0.7198.68 ± 0.33
LapSaCGDA95.69 ± 1.0597.57 ± 1.0798.56 ± 0.4798.86 ± 0.26
Table 3. Classification results of different DR methods based on SVM on the Pavia University data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
Table 3. Classification results of different DR methods based on SVM on the Pavia University data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
ClassSamplesDR Models
TrainTestSVMSPPCANWFESLGDALapCGDALGSFASaCGDALapSaCGDA
120661183.6 | 93.983.6 | 96.289.3 | 92.789.3 | 95.185.3 | 96.080.8 | 92.391.6 | 97.191.1 | 97.7
22018,62992.6 | 95.395.9 | 96.488.6 | 97.991.6 | 97.990.7 | 97.592.9 | 96.396.8 | 96.998.8 | 97.0
320207979.6 | 87.378.3 | 83.081.0 | 84.575.6 | 91.379.8 | 91.583.5 | 63.392.5 | 98.993.2 | 98.7
420304490.5 | 90.485.4 | 94.090.6 | 80.092.1 | 92.188.6 | 77.680.3 | 93.590.8 | 92.490.6 | 91.7
520132599.6 | 96.1100.0 | 99.8100.0 | 99.6100.0 | 99.6100.0 | 99.898.4 | 100.0100.0 | 99.8100.0 | 99.9
620500982.2 | 77.093.0 | 86.491.0 | 73.993.1 | 76.894.5 | 81.490.3 | 80.792.2 | 94.492.5 | 99.7
720131097.0 | 66.298.5 | 83.098.3 | 82.898.6 | 83.498.7 | 71.898.1 | 77.398.3 | 87.798.5 | 84.8
820366288.7 | 78.886.7 | 76.785.2 | 79.491.6 | 78.291.8 | 80.672.9 | 67.096.5 | 85.196.5 | 89.3
92092794.6 | 97.297.3 | 76.194.9 | 93.396.2 | 93.395.6 | 90.295.8 | 94.695.9 | 91.597.1 | 87.0
AA(%)86.988.087.189.787.485.093.794.0
OA(%)89.391.589.391.290.488.094.995.8
KC0.90.90.90.90.90.80.90.9
Table 4. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Salinas data.
Table 4. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Salinas data.
Model α β γ
LapCGDA0.011
SLGDA1010
SaCGDA0.00011000
LapSaCGDA0.000110000.1
Table 5. Classification results with different numbers of training data on the Salinas data (OA ± STD (%)).
Table 5. Classification results with different numbers of training data on the Salinas data (OA ± STD (%)).
ClassifierDR Model n l = 20 n l = 40 n l = 60 n l = 80
KNNSPPCA89.47 ± 5.992.08 ± 3.3592.74 ± 2.0394.36 ± 2.13
NWFE88.57 ± 1.8191.08 ± 0.6192.24 ± 0.5893.36 ± 0.54
SLGDA89.53 ± 1.8592.7 ± 0.6293.67 ± 0.7194.44 ± 0.79
LapCGDA88.39 ± 2.2591.76 ± 1.192.71 ± 1.4893.52 ± 0.78
LGSFA92.56 ± 1.5395.16 ± 0.5595.76 ± 0.5196.36 ± 0.32
SaCGDA97.34 ± 0.6598.29 ± 0.4398.69 ± 0.4998.93 ± 0.31
LapSaCGDA97.29 ± 0.4398.58 ± 0.3498.7 ± 0.1598.92 ± 0.19
SVMSPPCA92.92 ± 0.9695.06 ± 0.5395.91 ± 0.3796.47 ± 0.42
NWFE92.85 ± 1.0194.62 ± 0.5695.31 ± 0.6796.32 ± 0.26
SLGDA92.9 ± 1.2595.25 ± 0.696.02 ± 0.3496.35 ± 0.41
LapCGDA92.66 ± 1.2594.98 ± 0.8795.65 ± 0.9196.58 ± 0.15
LGSFA92.46 ± 1.3795.06 ± 0.5696.08 ± 0.4396.85 ± 0.43
SaCGDA99.05 ± 0.3199.44 ± 0.1599.41 ± 0.3599.62 ± 0.21
LapSaCGDA99.04 ± 0.2499.38 ± 0.2899.48 ± 0.1199.61 ± 0.15
Table 6. Classification results of different DR methods based on SVM on the Salinas data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
Table 6. Classification results of different DR methods based on SVM on the Salinas data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
ClassSamplesDR Models
TrainTestSVMSPPCANWFESLGDALapCGDALGSFASaCGDALapSaCGDA
120198992.2 | 96.1100.0 | 99.294.0 | 100.099.5 | 98.599.9 | 100.0100.0 | 100.099.6 | 100.099.6 | 100.0
220370699.3 | 96.899.9 | 100.098.8 | 97.099.9 | 99.799.9 | 100.0100.0 | 100.0100.0 | 99.8100.0 | 99.8
320195699.5 | 90.399.8 | 98.599.8 | 92.6100.0 | 99.9100.0 | 99.0100.0 | 99.3100.0 | 95.6100.0 | 94.7
420137497.1 | 95.696.7 | 99.097.3 | 99.397.2 | 99.098.0 | 98.597.7 | 99.897.7 | 92.698.0 | 91.6
520265888.2 | 95.797.8 | 97.192.0 | 95.797.4 | 97.697.9 | 98.097.3 | 97.794.4 | 98.793.9 | 99.3
620393999.2 | 100.099.8 | 100.099.5 | 100.099.6 | 100.099.9 | 100.0100.0 | 100.0100.0 | 100.0100.0 | 100.0
720355998.3 | 98.099.9 | 99.998.7 | 98.6100.0 | 99.899.5 | 99.9100.0 | 100.0100.0 | 100.099.9 | 100.0
82011,25171.7 | 86.682.7 | 84.681.9 | 93.483.8 | 87.675.7 | 90.885.5 | 89.091.1 | 95.891.9 | 96.1
920618399.6 | 99.899.9 | 99.699.7 | 99.799.8 | 99.799.9 | 99.899.8 | 100.0100.0 | 99.6100.0 | 99.5
1020325896.4 | 82.196.3 | 89.096.7 | 81.298.1 | 91.996.9 | 91.999.9 | 93.198.9 | 99.798.6 | 99.6
1120104895.9 | 93.699.9 | 96.796.6 | 92.8100.0 | 96.398.8 | 94.399.5 | 100.098.7 | 89.599.6 | 92.1
1220190797.2 | 95.799.0 | 99.698.1 | 97.399.0 | 99.999.7 | 98.8100.0 | 99.999.8 | 99.699.7 | 99.7
132089694.5 | 95.198.0 | 98.296.0 | 97.999.1 | 100.097.0 | 99.299.9 | 100.099.3 | 99.999.7 | 100.0
1420105097.2 | 79.099.0 | 92.998.8 | 75.5100.0 | 97.399.9 | 96.299.5 | 99.099.0 | 98.599.4 | 98.2
1520724880.1 | 69.574.7 | 75.886.8 | 82.180.6 | 78.085.9 | 70.683.2 | 80.493.3 | 88.493.4 | 89.2
1620178794.0 | 95.997.8 | 100.099.3 | 97.599.3 | 100.099.1 | 96.499.2 | 99.8100.0 | 100.0100.0 | 100.0
AA(%)91.995.693.896.695.897.497.497.5
OA(%)89.492.393.093.592.594.496.896.9
KC0.90.90.90.90.90.91.01.0
Table 7. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Indian Pines data.
Table 7. Optimal parameters settings for LapCGDA, SLGDA, SaCGDA and LapSaCGDA on the Indian Pines data.
Model α β γ
LapCGDA0.01100
SLGDA1001
SaCGDA0.00015000
LapSaCGDA0.000150000.0001
Table 8. Classification results with different amounts of training data on the Indian pines data (OA ± STD (%)).
Table 8. Classification results with different amounts of training data on the Indian pines data (OA ± STD (%)).
ClassifierDR Model n l = 20 n l = 40 n l = 60 n l = 80
KNNSPPCA66.04 ± 1.4276.35 ± 1.381.18 ± 0.8984.35±1.05
NWFE69.5 ± 1.7577.93 ± 1.5581.3 ± 1.0683.33 ± 1.09
SLGDA76.75 ± 1.3384.59 ± 1.3788.28 ± 0.9889.6 ± 1.15
LapCGDA67.31 ± 2.6881.09 ± 1.3583.9 ± 1.4485.66 ± 0.85
LGSFA84.34 ± 1.6292.63 ± 1.1795.15 ± 0.7595.54 ± 0.85
SaCGDA84.97 ± 0.9991.67 ± 0.593.91 ± 0.695.45 ± 0.37
LapSaCGDA84.97 ± 0.9991.67 ± 0.4993.91 ± 0.695.45 ± 0.37
SVMSPPCA79.26 ± 1.5185.89 ± 1.1289.3 ± 0.7390.92 ± 0.56
NWFE83.35 ± 1.4989.9 ± 0.8292.37 ± 0.8393.79 ± 0.9
SLGDA85.17 ± 1.3991.23 ± 0.9494.17 ± 0.6295.16 ± 0.99
LapCGDA77.18 ± 2.9191.04 ± 0.993.61 ± 0.7794.66 ± 0.72
LGSFA84.05 ± 1.9492.59 ± 1.1595.37 ± 0.595.74 ± 0.59
SaCGDA91.43 ± 0.8695.36 ± 0.7796.98 ± 0.5497.85 ± 0.28
LapSaCGDA91.43 ± 0.8695.36 ± 0.7796.98 ± 0.5497.85 ± 0.28
Table 9. Classification results of different DR methods based on SVM on the Indian pines data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
Table 9. Classification results of different DR methods based on SVM on the Indian pines data (the TPR and FPR of each class are displayed in the left and right sides of the vertical line, respectively).
ClassSamplesDR Models
TrainTestSVMSPPCANWFESLGDALapCGDALGSFASaCGDALapSaCGDA
12026100.0 | 47.3100.0 | 43.3100.0 | 65.0100.0 | 72.2100.0 | 59.1100.0 | 47.3100.0 | 54.2100.0 | 54.2
220140871.9 | 83.863.8 | 77.279.0 | 87.479.0 | 87.775.6 | 92.175.5 | 85.381.9 | 97.581.9 | 97.5
32081080.5 | 66.178.9 | 85.782.6 | 86.184.6 | 83.285.2 | 81.880.5 | 73.186.7 | 80.886.7 | 80.8
42021796.8 | 73.294.5 | 75.996.8 | 68.995.9 | 73.096.3 | 75.596.8 | 70.998.2 | 95.998.2 | 95.9
52046376.5 | 87.676.9 | 100.086.4 | 80.882.5 | 83.286.4 | 72.987.3 | 99.586.6 | 100.086.6 | 100.0
62071092.4 | 91.495.4 | 98.396.9 | 94.497.0 | 97.598.0 | 98.794.9 | 90.798.0 | 96.498.0 | 96.4
71711100.0 | 30.6100.0 | 37.9100.0 | 28.2100.0 | 78.6100.0 | 61.1100.0 | 84.6100.0 | 33.3100.0 | 33.3
82045898.7 | 100.099.6 | 100.099.6 | 100.0100.0 | 100.099.6 | 100.099.6 | 100.0100.0 | 100.0100.0 | 100.0
9128100.0 | 6.5100.0 | 19.0100.0 | 8.2100.0 | 9.9100.0 | 14.8100.0 | 26.7100.0 | 26.7100.0 | 26.7
102095282.8 | 71.985.4 | 62.086.6 | 67.091.2 | 69.790.8 | 67.989.0 | 63.196.3 | 62.496.3 | 62.4
1120243567.9 | 92.469.7 | 85.171.8 | 95.871.7 | 96.370.4 | 95.164.3 | 91.683.1 | 97.583.1 | 97.5
122057390.2 | 67.782.5 | 52.493.4 | 64.092.0 | 67.694.6 | 64.588.0 | 66.995.3 | 95.095.3 | 95.0
132018589.2 | 59.899.5 | 99.597.3 | 92.397.8 | 97.898.9 | 98.9100.0 | 98.999.5 | 97.999.5 | 97.9
1420124591.8 | 94.593.3 | 98.092.7 | 99.797.8 | 97.696.1 | 99.796.5 | 98.899.4 | 99.799.4 | 99.7
152036677.3 | 62.681.1 | 62.979.2 | 70.792.3 | 73.285.2 | 67.797.8 | 69.489.1 | 93.189.1 | 93.1
162073100.0 | 88.0100.0 | 97.3100.0 | 96.1100.0 | 94.8100.0 | 94.897.3 | 86.6100.0 | 96.1100.0 | 96.1
AA(%)70.274.775.380.177.878.382.982.9
OA(%)80.580.284.485.885.082.890.390.3
KC0.80.80.80.80.80.80.90.9

Share and Cite

MDPI and ACS Style

Jiang, X.; Song, X.; Zhang, Y.; Jiang, J.; Gao, J.; Cai, Z. Laplacian Regularized Spatial-Aware Collaborative Graph for Discriminant Analysis of Hyperspectral Imagery. Remote Sens. 2019, 11, 29. https://doi.org/10.3390/rs11010029

AMA Style

Jiang X, Song X, Zhang Y, Jiang J, Gao J, Cai Z. Laplacian Regularized Spatial-Aware Collaborative Graph for Discriminant Analysis of Hyperspectral Imagery. Remote Sensing. 2019; 11(1):29. https://doi.org/10.3390/rs11010029

Chicago/Turabian Style

Jiang, Xinwei, Xin Song, Yongshan Zhang, Junjun Jiang, Junbin Gao, and Zhihua Cai. 2019. "Laplacian Regularized Spatial-Aware Collaborative Graph for Discriminant Analysis of Hyperspectral Imagery" Remote Sensing 11, no. 1: 29. https://doi.org/10.3390/rs11010029

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