Next Article in Journal
Smelling Nano Aerial Vehicle for Gas Source Localization and Mapping
Previous Article in Journal
An Approach to Reinforce Multipath TCP with Path-Aware Information
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

SLIC Superpixel-Based l2,1-Norm Robust Principal Component Analysis for Hyperspectral Image Classification

1
School of Electronics and Information Engineering, Hebei University of Technology, Tianjin 300401, China
2
School of Mechanical Engineering, Hebei University of Technology, Tianjin 300401, China
3
Faculty of Information Technology, Beijing University of Technology, Beijing 100124, China
4
College of Resources and Environment, Huazhong Agricultural University, Wuhan 430070, China
*
Author to whom correspondence should be addressed.
Sensors 2019, 19(3), 479; https://doi.org/10.3390/s19030479
Submission received: 19 November 2018 / Revised: 15 January 2019 / Accepted: 17 January 2019 / Published: 24 January 2019
(This article belongs to the Section Remote Sensors)

Abstract

:
Hyperspectral Images (HSIs) contain enriched information due to the presence of various bands, which have gained attention for the past few decades. However, explosive growth in HSIs’ scale and dimensions causes “Curse of dimensionality” and “Hughes phenomenon”. Dimensionality reduction has become an important means to overcome the “Curse of dimensionality”. In hyperspectral images, labeled samples are more difficult to collect because they require many labor and material resources. Semi-supervised dimensionality reduction is very important in mining high-dimensional data due to the lack of costly-labeled samples. The promotion of the supervised dimensionality reduction method to the semi-supervised method is mostly done by graph, which is a powerful tool for characterizing data relationships and manifold exploration. To take advantage of the spatial information of data, we put forward a novel graph construction method for semi-supervised learning, called SLIC Superpixel-based l 2 , 1 -norm Robust Principal Component Analysis (SURPCA2,1), which integrates superpixel segmentation method Simple Linear Iterative Clustering (SLIC) into Low-rank Decomposition. First, the SLIC algorithm is adopted to obtain the spatial homogeneous regions of HSI. Then, the l 2 , 1 -norm RPCA is exploited in each superpixel area, which captures the global information of homogeneous regions and preserves spectral subspace segmentation of HSIs very well. Therefore, we have explored the spatial and spectral information of hyperspectral image simultaneously by combining superpixel segmentation with RPCA. Finally, a semi-supervised dimensionality reduction framework based on SURPCA2,1 graph is used for feature extraction task. Extensive experiments on multiple HSIs showed that the proposed spectral-spatial SURPCA2,1 is always comparable to other compared graphs with few labeled samples.

Graphical Abstract

1. Introduction

Hyperspectral Images (HSIs) provide comprehensive spectral information of the materials’ physical properties [1], which is applied in ecosystem monitoring [2], agricultural monitoring [3,4], environmental monitoring [5], forestry [6], urban growth analysis [7,8], and mineral identification [9,10]. The abundant hyperspectral image bands bring rich spectral information, but they result in the “Hughes phenomenon” [11,12] that reduces the accuracy and efficiency of the classification task. By reducing the dimensionality of the data, more compact low-dimensional hyperspectral images can be obtained. Therefore, it is important and practically significant to perform appropriate dimensionality reduction on hyperspectral images.
Dimensionality reduction refers to finding the low-dimensional representation of the original data by eliminating the redundant elements and retaining their main features, which can overcome the “Curse of dimensionality” problem. Dimensionality reduction mainly includes feature selection and feature extraction [13]. Feature selection methods reduce the dimensions of the original data by selecting the most representative and distinguishing features [14]. Feature extraction methods combine multiple features linearly and non-linearly on the basis of maintaining the data structure information [15]. Recently, many dimensionality reduction algorithms have been put forward. The most classic ones are the early Principal Component Analysis (PCA) [16], Linear Discriminant Analysis (LDA) [17], and Independent Component Analysis (ICA) [18,19,20]. In recent years, feature extraction has quickly become one of the hotspots in machine learning and data mining. Compared with the traditional dimensionality reduction method, the main difference of manifold learning is its ability to maintain the invariance of the data structure. The most representative algorithms include Laplacian Eigenmap [21], Isomap [22], and Local Linear Embedding (LLE) [23]. A multimetric learning approach that combines feature extraction and active learning (AL) is proposed to deal with the high dimensionality of the input data and the limited number of the labeled samples simultaneously [24]. To simultaneously deal with the two issues mentioned above, a regularized multimetric active learning (AL) framework is proposed [25].
With the rapid development of data acquisition and storage technology, many unlabeled samples are available, but labeled samples are more difficult to collect. If the training samples are limited, the machine learning methods may be confronted with over-fitting problems when dealing with high-dimensional small sample size problems [26,27]. For the classification of hyperspectral images (HSIs), good classification results usually require many labeled samples. To resolve the over-fitting problem, semi-supervised learning was proposed to utilize both labeled samples and the unlabeled samples that conveyed the marginal distribution information to enhance the algorithmic performance [28,29,30]. Semi-supervised dimensionality reduction combines semi-supervised learning with dimensionality reduction, and has gradually become a new branch in the machine learning field. Semi-supervised dimensionality reduction methods not only use the supervised information of the data, but also maintain the structural information of the data. In the dimensionality reduction method, the promotion of the supervised dimensionality reduction method to a semi-supervised method is mostly done by graph-based methods. Therefore, graph-based semi-supervised learning methods have gained a great deal of attention, which construct adjacency graph to extract the local geometry of the data. Graph is a powerful data analysis tool, which is widely used in many research domains, such as dimension reduction [21,22,23], semi-supervised learning [31,32], manifold embedding, and machine learning [33,34]. In graph-based methods, each point is mapped to a low-dimensional feature vector, trying to maintain the connection between vertices [30]. The procedure of graph construction effectively determines the potential of the graph-based learning algorithms. Thus, for a specific task, a graph which models the data structure aptly will correspondingly achieve a good performance. Therefore, how to construct a good graph has been widely studied in recent years, and it is still an open problem [35].
Within the last several years, numerous algorithms for feature extraction have been put forward. PCA is a widely-used linear subspace algorithm that seeks a low-dimensional representation of high-dimensional data. PCA works against small Gaussian noise in data effectively, but it is highly sensitive to sparse errors of high magnitude. To solve this problem, Candès [36] and Wright et al. [37] proposed Robust Principal Component Analysis (RPCA), which intends to decompose the observed data into a low-rank matrix and a sparse noises matrix. In [38], a novel feature extraction method based on non-convex robust principal component analysis (NRPCA) was proposed for hyperspectral image classification. Nie et al. developed a novel model named graph-regularized tensor robust principal component analysis (GTRPCA) for denoising HSIs [39]. Chen et al. denoised hyperspectral images using principal component analysis and block-matching 4D filtering [40].
The above mentioned methods suggest that the pixels in a hyperspectral image lie in a low-rank manifold. However, the spatial correlation among pixels is not revealed. For HSIs, the adjacent pixels’ correlation is typically extremely high [41], which has potential low-rank attributes. Pixels in homogenous areas usually consist of similar materials, whose spectral properties are highly similar and can be taken as being approximately in the same subspace. By extracting the low-rank matrix of the data, the low-dimensional structure of each pixel is revealed and we can classify each pixel more accurately. Xu et al. put forward a low-rank decomposition spectral-spatial algorithm, which incorporates global and local correlation [42]. Fan et al. integrated superpixel segmentation (SS) into Low-rank Representation (LRR) and proposed a novel denoising method called SS-LRR [43]. A multi-scale superpixel based sparse representation (MSSR) for HSIs’ classification is proposed to overcome the disadvantages of utilizing structural information [44]. Sun et al. presented a novel noise reduction method based on superpixel-based low-rank representation for hyperspectral image [45]. In [46], Mei et al. proposed a new unmixing method with superpixel segmentation and LRR based on RGBM. Tong et al. proposed multiscale union regions adaptive sparse representation (MURASR) by multiscale patches and superpixels [47]. A novel method, robust regularization block low-rank discriminant analysis, is proposed for HSIs’ feature extraction [48].
Spatial information can play a very important role in mapping data. However, many graph construction methods do not make full use of data’s spatial information. For example, in hyperspectral images, adjacent pixels in a homogenous area usually belong to the same category. Therefore, how to consider the features of the actual data globally to further improve the semi-supervised dimensionality reduction performance is one of the main research components of this paper. Considering the spatial correlative and spectral low-rank characteristics of pixels in HSIs, we integrate the Simple Linear Iterative Clustering (SLIC) segmentation method into low-rank decomposition. Figure 1 shows the formulation of the proposed SLIC Superpixel-based l 2 , 1 -norm Robust Principal Component Analysis (SURPCA2,1) for hyperspectral image classification. As shown in Figure 1, we preprocess the hyperspectral image by the Image Fusion and Recursive Filtering feature (IFRF), which eradicates the noise and redundant information concurrently [12]. The proposed method divide the image into multiple homogeneous regions by the superpixel segmentation algorithm SLIC. The pixels in each homogeneous region may belong to the same ground object category. Therefore, we stack the pixels in the same homogeneous region into a matrix. Due to the low-rank property of the matrix, RPCA is used to recover the low-dimensional structure of all pixels in the homogeneous region. Then, we combine these low-rank matrices together to an integrated low-rank graph. In addition, we process the semi-supervised discriminant analysis for dimension reduction, which takes advantage of the labeled samples and the distribution of the whole samples. The k-Nearest Neighbor (kNN) algorithm is applied to handle the low-rank graph for the regularized graph of semi-supervised discriminant analysis. Finally, we implement the Nearest Neighbor classifier method. We summarize the main contributions of the paper in the following paragraphs.
  • Inspired by robust principal component analysis and superpixel segmentation, we put forward a novel graph construction method, SLIC superpixel-based l 2 , 1 -norm robust principal component analysis. The superpixel-based l 2 , 1 -norm RPCA extracts the low-rank spectral structure of all pixels in each uniform region, respectively.
  • The simple linear iterative clustering addresses the spatial characteristics of hyperspectral images. Consequently, the SURPCA2,1 graph model can classify pixels more accurately.
  • To investigate the performance of the SLIC superpixel-based l 2 , 1 -norm robust principal component analysis graph model, we conducted extensive experiments on several real multi-class hyperspectral images.
We start with a scientific background in Section 2. Section 3 deciphers the HSIs classification with l 2 , 1 -norm robust principal component analysis. Section 4 performs comparative experiments on real-world HSIs to examine the performance of the proposed graph. We provide the discussion in Section 5. Conclusions are presented in Section 6.

2. Scientific Background

2.1. Graph-Based Semi-Supervised Dimensionality Reduction Method

In the dimensionality reduction method, the promotion of supervised method to semi-supervised method is mostly done by graph-based methods. Maier et al. [49] showed that different graph structures obtain different results in the same clustering algorithm. A good graph construction method has great influence in graph-based semi-supervised learning. Therefore, how to construct a good graph sometimes seems to be more important than a good objective function [50].
Graph is composed by nodes and edges, which represents the structure of the entire dataset. The nodes represent the sample points, and the edges’ weight represents the similarity between the nodes. Generally, the greater the weight is, the higher the similarity between the nodes will be. If the edge does not exist, the similarity between the two points will be zero. The similarity between nodes is usually measured by distance, such as Euclid, Mahalanobis, and Chebyshev distance [51]. Different graph construction methods have great impact on the performance of classification results. The graph construction process mainly includes the graph structure and the edges’ weight function. Two commonly used graph structures are Fully Connected graphs and Nearest Neighbor graphs (k-nearest neighbor graph and ε -ball Graph).
  • Fully Connected graphs [21,52]: In the fully connected graph, all nodes are connected by edges whose weights are not zero. The fully connected graphs are easy to construct and have good performance for semi-supervised learning methods. However, the disadvantage of the fully connected graphs is that it requires processing all nodes, which would lead to high computational complexity.
  • k-nearest neighbor graph [21]: Each node in the k-nearest neighbor graph is only connected with k neighbor in a certain distance. The samples x i and x j are considered as neighbor if x i is among the k nearest neighbor of x j or x j is among the k-nearest neighbor of x i .
  • ε -ball graph [21]: In the ε -ball graph, the connections between data points occur in the neighborhood of radius ε . That is to say, if the distance between x i and x j exists d ( x i , x j ) ε , ε R , ε > 0 , there will be a neighbor relationship between these two nodes. Therefore, the connectivity of the graph is largely influenced by the parameter ε .
It is also necessary to assign weight for the connected edges W . The followings are commonly used weight functions:
  • Inverse of Euclidean distance [53],
    W i j = x i x j 2 , i f   x i N k x j   o r x j N k x i 0 , o t h e r w i s e .
  • 0–1 weighting [21],
    W i j = 1 , i f   x i N k x j   o r x j N k x i 0 , o t h e r w i s e .
  • Heat kernel weighting [21],
    W i j = exp x i x j 2 2 σ 2 , i f   x i N k x j o r x j N k x i 0 , o t h e r w i s e .
kNN graph can make full use of the local information of adjacent nodes. Since kNN graph is sparse, it can solve the computational complexity and storage problem in the fully connected graph. The parameters k and ε depend on the data density, which is difficult to select. The choice of neighbor size parameter is the key to the effectiveness of the graph-based semi-supervised learning method. The Nearest Neighbor graph lacks global constraints of the data points, and its representation performance is greatly reduced when the data is seriously damaged [21].

2.2. Simple Linear Iterative Clustering

The superpixel is an image segmentation technique proposed by Xiaofeng Ren in 2003 [54]. It refers to the image regions with certain visual meanings composed of adjacent pixels which have similar physical characteristics such as texture, color, brightness, etc. [55]. The superpixel segmentation methods segment pixels and replace a large number pixels with a small number of superpixels, which greatly reduces the complexity of image post-processing. It has been widely used in computer vision applications such as image segmentation, pose estimation, target tracking, and target recognition. The boundary information is relatively obvious between the superpixels. Achanta et al. introduced a simple linear iterative clustering algorithm to efficiently produce superpixels that are compact and nearly uniform [56].
The superpixel algorithms are broadly classified into graph-based and gradient-ascent-based algorithms. In graph-based algorithms, each pixel is treated as a node in a graph, and edge weights between two nodes are set proportional to the similarity between the pixels. Superpixel segmentations are extracted by effectively minimizing a cost function defined on the graph [57]. Simple linear iterative clustering was proposed in 2010, and is simple to use and understand. Simple linear iterative clustering is based on the k-means clustering algorithm [58], which is done in the five-dimensional L a b x y space, where L a b is the pixel color vector in CIELAB color space, which is widely considered as perceptually uniform for small color distances, and x , y is the pixel position [57]. Starting from an initial rough clustering, the clusters from the previous iteration are refined to obtain better segmentation in each iteration by gradient ascent method until convergence. Then, the distance metrics of the five-dimensional feature vectors are constructed. Finally, the pixels are clustered in the image locally [57,59]. The method has a high comprehensive evaluation index in terms of computational speed and superpixel shape, which achieves good segmentation results. It has two significant advantages compared with other algorithms. One is that it restricts the search space to proportionate the size of the superpixels, which can significantly reduce the number of distance calculations during the optimization process. The other is that the weighted distance combines color and spatial metrics while control the number and compactness of superpixels.
The SLIC method performs a k-means-based local clustering algorithm in a five-dimensional space distance measurement, which achieves compactness and regularity in superpixel shapes. L represents luminosity, and ranges from 0 (black) to 100 (white). The color-associated elements a and b represent the range of colors from magenta to green and yellow to blue, respectively. The L a b color model not only contains the entire color gamut in R G B and C M Y K , but also colors they cannot present. The L a b space can express all colors perceived by the human eyes, and is perceptually uniform for small color distance. Instead of directly using the Euclidean distance in this five-dimensional space, SLIC introduces a new distance measure that considers superpixels’ size. For an image with N pixels, the SLIC algorithm takes a desired number of equally-sized superpixels N / K as input. There is a superpixel center at each grid interval S = N / K . SLIC is easy in practice application because it only needs to set the unique superpixels’ desired number K.
The clustering procedure begins with K initial cluster centers (seeds) C k = [ l k , a k , b k , x k , y k ] T , which are sampled on regular grids with an S pixels interval. Each seed is moved to the lowest gradient position in its 3 × 3 neighborhood to avoid centering the superpixel at the edge position and reduce the chance of seeding with noisy pixels. We assume that the cluster center is located within a 2 S × 2 S area since the spatial extent of a superpixel is about S 2 . This strategy can accelerate the convergence process, as shown in Figure 2. The SLIC superpixel segmentation algorithm is a simple local k-means algorithm, whose search area is the 2 S × 2 S area nearest to each cluster center. Since each pixel is searched by multiple seed pixels, the cluster center of the pixel is the seed with the minimum value.
Let [ l i , a i , b i , x i , y i ] T be the five-dimensional vector of a pixel. Calculate the distance between each pixel and the seeds. The distance between the pixel and seed C k is shown as follows:
D l a b = ( l k l i ) 2 + ( a k a i ) 2 + ( b k b i ) 2
D x y = ( x k x i ) 2 + ( y k y i ) 2
D S = D l a b + l S D x y
The variable l controls the superpixels’ compactness. The larger the value l is, the more compact the cluster will be.
The above steps are repeated iteratively until convergence, which means that the cluster center of each pixel is no longer changing. l ranges from 1 to 20. Here, we chose l = 10 , which roughly matches the empirically perceptually meaningful L a b distance and provides good balance between spatial proximity and color similarity.
After the iterative optimization, superpixel multi-connected conditions may occur. Some superpixels’ sizes may be too small, a single superpixel may be segmented into a plurality of discontinuous superpixels, etc., which can be solved by enhancing the connectivity of the superpixels. The solution is to reassign discrete and small-size superpixels to their adjacent superpixels until all the pixels have been traversed.

2.3. Robust Principal Component Analysis

Decomposing the matrix into low-rank and sparse parts can separate the main components from outliers or noise, which is suitable for mining low-dimensional manifold structures in high-dimensional data. We stack the pixels in the same homogeneous region into a matrix X k R N × n k , where n k is the pixel number in the kth homogeneous region. Since the matrix has low-rank property, a low-rank matrix recovery algorithm is employed to recover the low-dimensional structure of all pixels in the homogeneous region. After recovering the low-rank matrix, the low-rank matrices are combined together into an integrated low-rank graph. The low-rank matrix restored by low-rank representation is a square matrix, while the dimensionality of the low-rank matrix restored by robust principal component analysis is the same as the original X k R N × n k . Since the number of pixels in each homogeneous region is different, robust principal component analysis is suitable for restoring the low-dimensional structures of all pixels in a homogeneous region here.
Principal Component Analysis is a fundamental operation in data analysis, which assumes that the data approximately lies in a low-dimensional linear subspace [16]. The success and popularity of PCA reveals the ubiquity of low-rank matrices. When the data are slightly damaged by small noise, it can be calculated stably and efficiently by singular value decomposition. However, noise and outliers limit PCA’s performance and applicability in real scenarios.
Suppose we stack samples as column vectors of a matrix X R m × n . The problem of classical PCA is to seek the best estimate of Z that minimizes the difference between Z and X :
min Z , E E F s . t . r a n k ( Z ) r , X = Z + E
where . F denotes the Frobenius norm. r is the upper-bound rank of the low-rank matrix Z . This problem can be efficiently solved via singular value decomposition (SVD) when the noise E is independent and identically distributed (i.i.d.) small Gaussian noise. A major disadvantage of classic PCA is its robustness to grossly corrupted or outlying observations [16]. In fact, even though only one element in the matrix changes, the obtained estimation matrix is far from the ground truth.
Recently, Wright et al. [37] proposed an idealized robust PCA model to extract low-rank structures from highly polluted data. In contrast to the traditional PCA, the proposed RPCA can exactly extract the low-rank matrix and the sparse error E (relative to Z ). The robust principal component analysis model is expressed as follows:
min Z , E r a n k ( Z ) + λ E 0 s . t . X = Z + E
where λ is to balance low-rank matrix Z and the error matrix E . We recover the pair ( Z 0 , E 0 ) that were generated from data X . Unfortunately, Equation (8) is a very non-convex optimization problem with no valid solution. Replacing the rank function with the kernel norm, and replacing the l 0 -norm with the l 1 -norm, results in the following relaxing Equation (8) convex surrogate:
min Z , E Z * + λ E 1 s . t . X = Z + E
The optimization in Equation (9) can be treated as a general convex optimization problem. Currently, the optimization algorithms of RPCA mainly contain Iterative Thresholding (IT), Accelerated Proximal Gradient (APG), and DUAL. However, the iterative thresholding algorithm proposed in [37] converges slowly. The APG algorithm is similar to the IT algorithm, but the number of iterations is significantly reduced. In addition, the DUAL algorithm does not require the complete singular value decomposition of the matrix, so it has better scalability than the APG algorithm. Recently, some researchers proposed Augmented Lagrangian Multiplier (ALM) algorithm, which has a faster speed than previous algorithms. The exact ALM (EALM) method turns out that it has a satisfactory Q-linear convergence speed, whereas the APG is theoretically only sub-linear. A slight improvement over the exact ALM leads to an inexact ALM (IALM) method, which converges as fast as the exact ALM. Therefore, the IALM method is applied to obtain the optimization here.

3. Methodology

In the above section, we discuss the simple linear iterative clustering and robust principle component analysis. Furthermore, labeled and unlabeled samples can be exploited simultaneously by depicting the underlying superpixels’ low-rank subspace structure. Considering this, we have attempted to decipher our present work the superpixel segmentation and l 2 , 1 -norm pobust principal component analysis feature extraction model.

3.1. Superpixel Segmentation and l 2 , 1 -Norm Robust Principal Component Analysis

Hyperspectral images preserve low-rank properties, but the category composition corresponding to a hyperspectral image is very complicated in practical applications. The robust principal component analysis model supposes that the data lie in one low-rank subspace, which makes it difficult to characterize the structure of the data with multiple subspaces. Hence, we explore the robust principal component analysis via superpixel, which is usually defined as a homogeneous region. Here, we employ the SLIC superpixel segmentation method to segment the hyperspectral image into spatially homogeneous regions. Each superpixel is a unit with consistent visual perception, and the pixels in one superpixel are almost identical in features and belong to the same class. Initially, we extract the information of the HSIs by image fusion and recursive filtering [12].
Suppose R = ( r 1 , r 2 , , r D ) R M × D represent the original hyperspectral image, which has M pixels and D-dimensional bands. We segment the whole hyperspectral bands into multiple subsets spectrally. Each subset is composed of L contiguous bands. The number of subsets N = D / L , which represents the largest integer not greater than D / L . The ith ( i ( 1 , 2 , , N ) ) subset is shown as follows:
P i = ( r L ( i 1 ) + 1 , , r L i ) , i f ( L i ) D ( r L ( i 1 ) + 1 , , r D ) , o t h e r w i s e .
Afterwards, the adjacent bands of each subset are fused by an image fusion method (i.e., the averaging method). For example, the ith fusion band, that is, the image fusion feature F i , is as follows:
Q i = n = 1 N i P n i N i
Here, P n i refers to the nth band in the ith subset of a hyperspectral image. N i is the band number in the ith subset. After image fusion, we remove the noise pixels and redundant information for each subset. Then, we transform the domain recursive filtering algorithm on Q i to obtain the ith feature:
O i = RF δ s , δ r ( Q i )
Here, RF represents the domain recursive filtering algorithm. δ s is the filter’s spatial standard deviation, and δ r is defined as the range standard deviation [60]. Then, we get the feature image O = [ O 1 , , O N ] R M × N .
Image fusion and recursive filtering (IFRF) is a simple yet powerful feature extraction method that aims at finding the best subset of hyperspectral bands that provide high classes’ separability. In other words, the IFRF feature method is used to select better bands that remove the noise and redundant information simultaneously [12]. Hence, we preprocess the HSIs firstly by IFRF to eliminate redundant information.
Let X = O T = [ x 1 , x 2 , , x M ] R N × M be the preprocessed features vector, where x i represents a pixel with N band numbers in the hyperspectral image, and M is the pixels number. We begin by sampling the K cluster centers and moving them to the lowest gradient position in the 3 × 3 neighborhood of the cluster centers. The squared Euclidean norm of the image is calculated by Equation (13):
G ( x , y ) = I ( x + 1 , y ) I ( x 1 , y ) 2 + I ( x , y + 1 ) I ( x , y 1 ) 2
where I ( x , y ) represents the L , a , b vector corresponding to the pixel at position ( x , y ) , and . is the l 2 -norm. This takes both color and intensity information into account.
Each pixel in the image is associated with the nearest cluster center whose search area overlaps the pixel. After each pixel is associated with its nearest cluster center, a new center is computed as the average L a b x y vector of all the pixels in the cluster. Then, we iteratively associate the pixel with the nearest cluster center and recalculate the cluster center until convergence. We enforce the connection by relabeling the disjoint segmentations with their largest neighboring cluster’s label. The simple linear iterative clustering algorithm is summarized in Algorithm 1.
Algorithm 1 SLIC superpixel segmentation.
Input: 
Processed HSIs image X R N × M , Desired number of approximately superpixels K.
  1:
Initialize cluster centers C k = [ l k , a k , b k , x k , y k ] T by sampling pixels at regular grid steps S.
  2:
Move cluster centers to the lowest gradient position in a 3 × 3 neighborhood.
  3:
Set label l ( i ) = 1 for each pixel i.
  4:
Set distance d ( i ) = for each pixel i.
  5:
Repeat
  6:
for each cluster center C k do
  7:
    for each pixel i in a 2 S × 2 S region around C k do
  8:
        Compute the distance D between C k and i.
  9:
        if D < d ( i ) then
 10:
           set d ( i ) = D
 11:
           set l ( i ) = k
 12:
        end if
 13:
    end for
 14:
end for
 15:
Compute new cluster centers.
 16:
Compute residual error E.
 17:
Until E threshold.
 18:
Enforce connectivity.
Output: 
Superpixel segmentations.
Hyperspectral images are segmented into many irregularly homogeneous regions. We stack the pixels in one homogeneous region into a matrix. We record the segment image as X = { X 1 , X 2 , , X m } , where k { 1 , 2 , , m } is the index of the superpixels. m is the exact total number of superpixels in X . n k is the number of pixels in the superpixel X k , and each column represents the bands of one pixel. Due to the low-rank attribute of the data, robust principal component analysis is used to extract the low-dimensional structure of all pixels in the homogeneous region. Then, the observed data matrix X k R N × n k can be decomposed into a low-rank matrix and a sparse matrix. That is, X k = Z k + E k , where Z k represents the low-rank matrix of X k , and E k indicates the sparse noise matrix. Further, the RPCA optimization problem for each superpixel region is converted to the following form:
min Z , E Z k * + λ E k 1 s . t . X k = Z k + E k
In the RPCA model, noise is required to be sparse, and the structural information of the noise is not considered. However, in machine learning or image processing fields, each column (or row) of the matrix has some meaning (e.g., a picture, and a signal data, etc.). Here, each column represents a pixel, which causes the noise to be sparse in column (or row). This structural information cannot be represented by the definition of an l 1 -norm. To generate structural sparsity, the l 2 , 1 -norm is proposed in the robust principal component analysis.
Unlike the l 1 -norm, the l 2 , 1 -norm produces sparsity based on columns (or rows). For the matrix X R m × n , its l 2 , 1 - norm is [61,62]:
X 2 , 1 = j = 1 n i = 1 m x i , j 2 = i = 1 m X : , j 2
Thus, the l 2 , 1 -norm is the sum of the l 2 -norm of column vectors, which is also a measure of joint sparsity between vectors. For data that are interfered by structured noise, the following l 2 , 1 -norm RPCA model in Equation (16) is very suitable:
min Z , E Z k * + λ E k 2 , 1 s . t . X k = Z k + E k
In contrast to the original RPCA model, we call the error term with l 2 , 1 -norm in Equation (16) as RPCA2,1. Here, the inexact augmented Lagrangian multiplier (ALM) algorithm [63,64] is utilized for the optimal solution Z k .
The augmented Lagrangian multiplier method solves the optimization problem by minimizing the Lagrangian function as follows:
L ( Z , E , Y , μ ) = Z * + λ E 2 , 1 + Y , X Z E + μ 2 X Z E F 2
where Y is defined as Lagrangian multipliers and μ > 0 is the penalty parameter. The sub-problem for all variables is convex, which can supply a relevant and unique solution. Alternate iterations Z k , E k , and Y :
Z i + 1 = arg   min Z L ( Z , E i , Y i , μ ) = arg   min Z Z * + Y i , X Z E i + μ 2 X Z E i F 2 = arg   min Z Z * + μ 2 Z ( X E i + Y i μ ) F 2 = arg   min Z 1 μ Z * + 1 2 Z ( X E i + Y i μ ) F 2
E i + 1 = arg   min E L ( Z i + 1 , E , Y i , μ ) = arg   min E λ E 2 , 1 + Y i , X Z E i + μ 2 X Z E i F 2 = arg   min E λ E 2 , 1 + μ 2 E ( X Z + 1 μ Y ) F 2 = arg   min E λ μ E 2 , 1 + 1 2 E ( X Z + 1 μ Y ) F 2
Note that Z i + 1 and E i + 1 are convergent to Z i + 1 * and E i + 1 * , respectively. Then, we update Y as follows:
Y i + 1 = Y i + μ i ( X Z i + 1 * E i + 1 * )
Finally, parameter μ is updated:
μ i + 1 = ρ μ i , i f μ i E i + 1 * E i * F / X F < ε μ i , o t h e r w i s e
where ρ > 1 is a constant and ε > 0 is a relatively small number.
The optimization process outline of the inexact ALM method [63] is given in Algorithm 2.
The initialization Y 0 = X / J ( X ) is defined as
J ( X ) = max ( X 2 , λ 1 X )
where · is the maximum absolute value of the matrix entries.
Algorithm 2 Inexact ALM method for solving RPCA.
Input: 
Observation matrix X R m × n and parameter λ for local affinity.
  1:
Initialize: Y 0 = X / J ( X ) ; E 0 = 0 ; μ 0 > 0 ; ρ > 1 ; k = 0 .
  2:
while not converged do
  3:
    //Lines 4-5 resolve Z i + 1 = arg   min Z L ( Z , E i , Y i , μ i ) .
  4:
     ( U , S , V ) = s v d ( X E i + μ i 1 Y i ) ;
  5:
     Z i + 1 = U S μ i 1 [ S ] V T .
  6:
    //Line 7 resolves E i + 1 = arg   min E L ( Z i + 1 , E , Y i , μ i ) .
  7:
     E i + 1 = S μ i 1 ( X Z i + 1 + μ i 1 Y i ) .
  8:
     Y i + 1 = Y i + μ i ( X Z i + 1 * E i + 1 * ) ; μ i + 1 = ρ μ i .
  9:
     i i + 1 .
 10:
end while
Output: 
The low-rank matrix Z .
After RPCA2,1, we get the low-rank matrix Z k R N × n k of each superpixel. Then, we merge these low-rank matrices to a whole low-rank graph Z = { Z 1 , Z 2 , , Z m } = [ z 1 , z 2 , , z M ] R N × M , which is the low-rank representation of X = [ x 1 , x 2 , , x M ] .

3.2. HSIs’ Classification Based on the SURPCA2,1 Graph

To overcome the “Curse of dimensionality” caused by the high dimension, we apply semi-supervised discriminant analysis to reduce the dimension. SDA is derived from linear discriminant analysis (LDA). The rejection matrix a can represent a priori consistency assumptions according to the regularization term [65]:
a o p t = arg   max a a T S b a a T S t a + α J ( a )
Here, S t is the total class scatter matrix. Parameter α is used to balance the complexity and empirical loss of the model. Empirical loss J ( a ) controls the learning complexity of the hypothesis family. The regularizer term J ( a ) incorporates the prior knowledge into some particular applications. When a set of unlabeled examples available, we aim to construct a J ( a ) incorporating the manifold structure.
Given a set of samples z i i = 1 M , we can construct the graph G to represent the relationship between nearby samples by kNN. The samples z i and z j are considered as k-nearest neighbor if z i is among the k-nearest neighbor of z j or z j is among the k-nearest neighbor of z i . Here, we employ the most simple 0–1 weighting [21] methods to assign weights for S :
S i j = 1 , i f z i N k ( z j ) o r z j N k ( z i ) 0 , o t h e r w i s e .
where N k ( z i ) denotes k-nearest neighbor of z i .
The SDA model incorporate the prior knowledge in the regularization term J ( a ) , as follows:
J ( a ) = i j ( a T z i a T z j ) 2 S i j       = 2 i a T z i D i i z i T a 2 i j a T z i S i j z j T a       = 2 a T Z ( D S ) Z T a       = 2 a T ZL Z T a
The diagonal matrix D , D i i = j S i j is column (or row, since S is symmetric) sum of S . L = D S is the Laplacian matrix [66]. Then, SDA objective function is:
a o p t = max a a T S b a a T ( S t + α ZL Z T ) a
We obtain the projective vector a by maximizing the generalized eigenvalue problem where d is the weight matrix’s rank for the labeled graph.
S b a = λ ( S t + α ZL Z T ) a
The low-rank matrix extracted by RPCA captures the global correlation of the homogeneous region [37,39,67,68], whereas the k-nearest neighbor algorithm characterizes the local correlation of pixel points [69]. The probability that the neighboring pixels belong to the same category is large, which corresponds to the spatial distribution structure of the hyperspectral image. Therefore, the SURPCA2,1 graph can achieve good feature representations for graph-based semi-supervised dimensionality reduction.
Given a set of samples ( z i , y i ) i = 1 l and unlabeled samples z i i = l + 1 m with c classes, the l k is the kth class’s samples number. The algorithmic procedure of HSIs’ classification by applying the SLIC superpixel-based l 2 , 1 -norm robust principal component analysis method is stated in the following paragraphs:
Step 1 Construct the adjacency graph: Construct the block low-rank and kNN graph S in Equation (24) for the regularization term. Furthermore, calculate the graph Laplacian L = D S .
Step 2 Construct the labeled graph: For the labeled graph, construct the matrix as:
W = W l × l 0 0 0
Define identity matrix I ˜ = I 0 0 0 R l × l .
Step 3 Eigen-problem: Calculate the eigenvectors for the generalized eigenvector problem:
ZW Z T a = λ Z ( I ˜ + α L ) Z T a
d is the rank of W , and { a 1 , a 2 , , a d } is the d eigenvectors.
Step 4 Regularize discriminant analysis embedding: Let the transformation matrix A = [ a 1 , a 2 , , a d ] R N × d . Then, embedding the data into d-dimensional subspace,
z z = A T z
Step 5 Finally, apply the simple and ubiquitously-used classifiers nearest neighbor and Support Vector Machine (SVM) for classification.
Figure 3 shows a model diagram of the SURPCA2,1 for hyperspectral image classification. The low-rank matrix measures the global correlation of the homogeneous regions, while the kNN algorithm preserves the local correlation of the pixels. The probability that adjacent pixels belong to the same category in the kNN is large, which corresponds to the spatial distribution structure of the hyperspectral image. Therefore, the SURPCA2,1 graph can be used to achieve high-quality data representation.

4. Experiments and Analysis

To investigate the performance of the SLIC superpixel-based l 2 , 1 -norm robust principal component analysis graph model, we conducted extensive experiments on several real multi-class hyperspectral images. We performed experiments on a computer with CPU 2.60 GHz and 8 GB RAM.

4.1. Experimental Setup

4.1.1. Hyperspectral Images

The Indian Pines (https://purr.purdue.edu/publications/1947/usage?v=1), Pavia University scene, and Salinas (http://www.ehu.eus/ccwintco/index.php/Hyperspectral_Remote_Sensing_Scenes) hyperspectral images were evaluated in the experiments.
  • The Indian Pines image is for the agricultural Indian Pine test site in Northwestern Indiana, which was a 220 Band AVIRIS Hyperspectral Image Data Set: 12 June 1992 Indian Pine Test Site 3. It was acquired over the Purdue University Agronomy farm northwest of West Lafayette and the surrounding area. The data were acquired to support soils research being conducted by Prof. Marion Baumgardner and his students [70]. The wavelength is from 400 to 2500 nm. The resolution is 145 × 145 pixels. Because some of the crops present (e.g., corn and soybean) are in the early stages of growth in June, the coverage is minuscule—approximately less than 5%. The ground truth is divided into sixteen classes, and are not all mutually exclusive. The Indian Pines false-color image and the ground truth image are presented in Figure 4.
  • The Pavia University scene was obtained from an urban area surrounding the University of Pavia, Italy on 8 July 2002 with a spatial resolution of 1.3 m. The wavelength ranges from 0.43 to 0.86 μm. There are 115 bands with size 610 × 340 pixels in the image. After removing 12 water absorption bands, 103 channels were left for testing. The Pavia University scene’s false-color image and the corresponding ground truth image are shown in Figure 5.
  • The Salinas image is from the Salinas Valley, California, USA, which was obtained from an AVIRIS sensor with 3.7 m spatial resolution. The image includes a size of 512 × 217 with 224 bands. Twenty water absorption bands were discarded here. There are 16 classes containing vegetables, bare soil, vineyards, etc. Figure A1 displays the Salinas image’s false-color and ground truth images.

4.1.2. Evaluation Criteria

We give some evaluation criteria to evaluate the proposed method for HSIs, as follows.
Classification accuracy (CA) is the classification accuracy of each category in the image. The confusion matrix [71] is often used in the remote sensing classification field, and its form is defined as: M = [ m i j ] n × n , where m i j indicates that the number of pixels labeled by the j class should belong to the i class. n is the class number. The reliability of classification depends on the diagonal values of the confusion matrix. The higher the values on the diagonal of the confusion matrix are, the better the classification results will be.
We also used the following three main indicators: overall accuracy (OA), average accuracy (AA), and the kappa coefficient [72]. OA refers to the percentage of the overall correct classification. AA estimates the average correct classification percentage for all categories. The kappa coefficient takes the chance agreement into account and fixes it, whereas OA and AA check how many pixels are classified correctly. Assuming that the reference classification (i.e., ground truth) is true, then how well they agree is measured. Here, we assumed that both classification and reference classification were independent class assignments of equal reliability. The advantage of the kappa coefficient over overall accuracy is that the kappa coefficient considers chance agreement and corrects it. The chance agreement is the probability that the classification and reference classification agree by mere chance. Assuming statistical independence, we obtained this probability estimation [73,74].

4.1.3. Comparative Algorithms

We give several comparative methods to illustrate the great improvement by the SLIC superpixel-based l 2 , 1 -norm robust principal component analysis graph model in the HSIs’ classification. For fairness, these comparative algorithms incorporate the simple linear iterative clustering (SLIC), which are shown below.
  • RPCA (robust principal component analysis) method [63]: The original robust principal component analysis with l 1 -norm.
  • PCA (principal component analysis) method [63]: PCA [16] seeks the best low-rank representation of the given data matrix that minimizes the difference between Z and X :
    min Z , E E F s . t . r a n k ( Z ) r , X = Z + E
  • IFRF (image fusion and recursive filtering) algorithm.
  • Origin: Original bands of the unprocessed image.

4.2. Classification of Hyperspectral Images

We performed experiments on the three hyperspectral images to examine the performance of the SURPCA2,1 graph. Ten independent runs of each algorithm were evaluated by resampling the training samples in each run. We chose the mean values as the results. In practice, it is difficult to obtain labeled samples, while unlabeled samples are often available and in large numbers. Unlike most of the existing HSI classifications, we tested the performance of all comparative methods using only small rate of the labeled samples. Table 1 shows the training and testing sets for all datasets, where the training sets are chosen randomly. The training samples were approximately 4%, 3%, and 0.4% for the three images, which were minimal sets to the entire dataset. Considering the classes with a meager number of samples, we incorporated a minimum threshold of training samples. Here, we set the minimum threshold of training samples for each class as five, which can eradicate the difference between the classes with a low number of samples. The SLIC superpixels’ number for the three HSIs is 200, 600, and 400, respectively. Figure 4b, Figure 5b and Figure A1b show the segmentation maps. The amount of reduced dimension is 30 for the three hyperspectral images. The spatial standard deviation and range standard deviation of the filter are δ s and δ r with 200 and 0.3, respectively. The parameter σ in k-nearest neighbor S i j = exp ( z i z j 2 2 σ 2 ) is 0.1, which is provided randomly.
In the beginning, we utilized different manifold mapping graphs to obtain the manifold matrix of the hyperspectral images. Then, we applied the SDA algorithm for semi-supervised dimensionality reduction. Both the nearest neighbor and support vector machine algorithms were applied as the classifiers here to test and verify the proposed SURPCA2,1 graph. Table 2, Table 3 and Table A1 give detailed classification results for CA, OA, AA, and kappa coefficients received from different methods, where bold numbers represent the best ones for various graphs. Figure 6, Figure 7 and Figure A2 indicate classification maps of the hyperspectral images acquired by several methods (randomly selected from our experiments above) with the NN classifier. It was observed that the results in the figures were random for each method. We analyzed the running times of different models on the Indian Pines image, Pavia University scene, and Salinas scene image. Ten separate runs were calculated for the total time.
In Table 2, Table 3, and Table A1, we can notice that the SURPCA2,1 graph is superior to the other graph models. Therefore, it significantly improves the classification performance of hyperspectral images, which indicates that the SURPCA2,1 graph is a superior HSIs feature extraction method with both NN and SVM classifiers. For example, in Table 2, although the overall accuracy and kappa coefficient of other graphs are high, the average accuracy is not good. The accuracy of Grass-pasture-mowed and Oats are more (i.e., 12–37%) improved with the NN classifier and with SVM classifier (i.e., 25–64%) than the compared graphs. In addition, the Corn, Soybean-notill, and Soybean-clean classes are significantly improved, especially the Grass-pasture-mowed, for the Indian Pines image. For the Salinas dataset, the classification of Fallow, Lettuce_romaine_6wk, and Vinyard_untrained classes are obviously improved. We can see that, although sometimes the overall accuracy is not very different, the average accuracy is far ahead of the compared graphs. This is because, when there are fewer samples in some classes, it is very easy to be confused. For the Indian Pines image, the accuracy of all categories is more than 89.81%, except for the 81.96% accuracy of the Grass-pasture-mowed with the NN classifier, and it is also more than 95.03% with the SVM classifier, which meets the general accuracy requirement of remote sensing. For the Pavia University scene and Salinas image, the accuracy of all categories is larger than 91.69% and 91.95%, and 91.7% and 97.45% with NN and SVM, respectively. We can also see that our graph performed well in all categories with both of the classifiers. However, for other methods, they might perform much worse in some confusing categories, especially with the NN classifier. This phenomenon shows that our proposed graph is robust to classifier methods.
We analyzed the running times of different models on the three hyperspectral images. We used ten separate runs to calculate the total time. We give the mean running time. As shown in Table 4, the execution time of the SURPCA2,1 graph method is slightly longer than the other methods. Although our algorithm is slower than the traditional algorithms, the performance is much better than these baselines at an acceptable running time. Note that the RPCA2,1 is significantly faster than the classic RPCA. This is owing to the superior ability of the l 2 , 1 -norm to converge more quickly than the l 1 -norm.
Although the classification results with NN are slightly worse with the SVM algorithm, the running time is much less than the SVM classifier. Moreover, in Table 2, Table 3, and Table A1, we can see that the classification results with NN classifier are acceptable. Therefore, in the following experiments, the nearest neighbor is applied.

4.3. Robustness of the SURPCA2,1 Graph

We evaluated the performance of the proposed SURPCA2,1 graph. To fully determine the superiority of the proposed graph model, we also analyzed the robustness of SURPCA2,1. Considering the practical situation, we analyzed the robustness of SURPCA2,1 on the size of the labeled samples and noise situation.

4.3.1. Labeled Size Robustness

We analyzed the impact of different sizes of training and testing sets. The experiments were carried out with ten independent runs for each algorithm. We calculated the mean values and standard deviations of the results. Figure 8 shows the classification results of different graph models. It compares the overall classification results with different training size samples in each class. The training samples percentages were 0.2–10%, 0.2–6%, and 0.05–3% for Indian Pines image, Pavia University scene, and Salinas image, respectively.
In most cases, our graph model SURPCA2,1 consistently achieves the best results, which are robust to the label percentage variations. With increasing size of the training sample, OA generally increases in all methods, showing a similar trend. When the labeled ratio is fixed, the SURPCA2,1 method is usually superior to others. Similarly, the three classification criteria are increased with the increasing training samples simultaneously.
Note that, our proposed graph realize higher classification results, even with a low label ratio. The other comparison algorithms are especially not as robust as the SURPCA2,1 graph with low label ratio. In particular, we can see that our graph model perform relatively better, and the difference between other comparison methods is larger when the labeling rate is smaller. Therefore, due to the high cost and difficulty of labeled samples, our proposed graph is much more robust and suitable for real-world hyperspectral images.

4.3.2. Noise Robustness

We evaluated the robustness to noise of the SURPCA2,1 graph on the three hyperspectral images. We added zero-mean Gaussian noise with a signal-to-noise ratio (SNR) of 20 dB to each band. Figure 9 shows an example noise image of three randomly selected bands in the Indian Pines image, which is similar to the other two hyperspectral images.
We evaluated different graphs’ performance in the noisy situation. Each algorithm ran ten times independently, with re-sampling of training samples. We calculated the mean and standard deviation results. The labeled sampling ratios were 4%, 3%, and 0.4%, respectively, as described in Table 5. The bold numbers represent the best results for various graphs. Figure 10, Figure 11, and Figure A3 display classification maps of the three noise hyperspectral images correlated with OA values (randomly selected from our experiments above). It is observed that the results in the figures were random for each method.
From the results of these different graph models, we can see that our graph is robust to noise and the sample size of the labeled set. In a noisy environment, our method is relatively less degraded and more robust. With few labeled samples, the SURPCA2,1 graph is more forceful than the other graphs due to the l 2 , 1 -norm robust principal component analysis noise robustness. Moreover, the SURPCA2,1 graph performs very well for all three experimental hyperspectral images.

4.4. Parameters of SURPCA2,1 Model

We evaluated the SURPCA2,1 graph’s parameters superpixel number m and the reduced dimensions of SDA. We conducted ten independent runs per algorithm and calculated the mean values and standard deviations of the results. Table 6 and Figure 12 show the performance of different superpixel number m and the reduced dimensions, respectively. For these three hyperspectral images, the labeled ratio was about 4%, 3%, and 0.4%, respectively. The superpixel segmentation numbers are shown in Table 6 for the three hyperspectral images.
In general, the classification results are not greatly affected by the number of superpixel segmentations, indicating that our graph is robust to the number of superpixel segmentations. It is observed that the increase in superpixel numbers simultaneously accelerated the running time considerably. However, the impact is relatively small when the number of samples is large. Therefore, we could use relatively small superpixel numbers in actual situations for the purpose of efficiency with minimal overall loss of classification accuracy.
We can observe that the reduction dimension is robust in Figure 12. It will reach steady high accuracy at a relatively low dimension such as 10 or 15.

5. Discussion

The hyperspectral images’ classification plays a pivotal role in HSIs’ application. In the present work, we propose a novel graph construction model for HSIs’ semi-supervised learning, SLIC superpixel-based l 2 , 1 -norm robust principal component analysis. Our goal is to improve HSIs’ classification results through useful graph model. The experimental results show that SURPCA2,1 is a competitive graph model for hyperspectral images’ classification.
Table 2, Table 3, and Table A1 show that SURPCA2,1 is an effective graph model that achieves the highest classification accuracy. Even with simple classifiers and few labeled samples, the performance is excellent. In most cases, the graph model SURPCA2,1 obtains the highest classification results, which indicates that the SURPCA2,1 graph is a good graph construction model and can notably enhance the hyperspectral images’ classification performance. In some cases, other graph models (e.g., RPCA and PCA) may perform well in some categories, but they are not as robust as our graph in all categories. This is because the structural information cannot be well represented from the definition of l 1 -norm, while the l 2 , 1 -norm RPCA2,1 produces sparsity based on columns (or rows). The SLIC superpixel segmentation method considers the spatial correlation of pixels in hyperspectral images. For an HSI, the correlation of the adjacent pixels is usually very high since their spectral features are approximately in the same subspace [41]. By extracting a low-rank matrix in each homogeneous region, we can reveal the low-dimensional structure of pixels and enhance the classification results. Consequently, the SURPCA2,1 graph model is a superior hyperspectral image’s feature graph which significantly improves the performance of HSIs’ classification.
We analyzed the robustness to variations in the labeled samples ratio and noisy situations. Figure 8 shows that the SURPCA2,1 graph model provides the best results, which are robust to the varying label percentage. Figure 8 also shows that the proposed graph achieves high classification accuracy even at meager label rates, while other graphs may not be as robust as the SURPCA2,1 graph, particularly when the label rate is low. Therefore, since labeling data is a costly and difficult task, our SURPCA2,1 model is more suitable and robust for real-world applications. From these results of different graph models, we can see that our graph is robust to the sample ratio of the labeled set as well as the noisy environments. Upon adding noise, the performance of the SURPCA2,1 graph does not see a large decrease. However, for the comparative graphs, the overall accuracy drops much more than that of SURPCA2,1. In addition to the India Pines image, we could see the same results from the other two hyperspectral images. This benefits from the robustness of the l 2 , 1 -norm robust principal component analysis to sparse noise, whereas RPCA and PCA may be sensitive to sparse noise. Therefore, the SURPCA2,1 graph is robust to noisy environments and the labeled sample ratio, which indicates that it is highly competitive in practical situations.
We evaluated the performance of parameters with different superpixel segmentations number and reduction dimensions for the SDA method. In Table 6, we can see that the classification results are not greatly affected by the number of superpixel segmentations, indicating that our graph is robust to the number of superpixel segmentations. Therefore, we could use a relatively small number of superpixels in actual situations for the purpose of efficiency, with barely any classification accuracy loss. Moreover, in Figure 12, we can see that the classification results are robust after the dimension reached a certain numerical value. It reaches a high accuracy at a relatively low dimension (e.g., 10 or 15). Overall, our proposed SURPCA2,1 graph is very much robust and shows excellent performance in the classification of HSIs.

6. Conclusions

In this paper, we present a novel graph for HSI feature extraction, referred to as SLIC superpixel-based l 2 , 1 -norm based robust principal component analysis. The SLIC superpixel segmentation method considers the spatial correlation of pixels in HSIs. The l 2 , 1 -norm robust principal component analysis is used to extract the low-rank structure of all pixels in each homogeneous area, which captures the spectral correlation of the hyperspectral images. Therefore, the classification performance of the SURPCA2,1 graph is much better than the compared methods RPCA, PCA, etc. Experiments on real-world HSIs indicated that the SURPCA2,1 graph is a robust and efficient graph construction model.

Author Contributions

B.Z. conceived of and designed the experiments and wrote the paper. K.X. gave some comments and ideas for the work. T.L. helped revise the paper and improve the writing. Z.H. and Y.L. performed some experiments and analyzed the data. J.H. and W.D. contributed to the review and revision.

Funding

This work was supported by Key Supporting Project of the Joint Fund of the National Natural Science Foundation of China (No. U1813222), Tianjin Natural Science Foundation (No. 18JCYBJC16500), Hebei Province Natural Science Foundation (No. E2016202341), and Tianjin Education Commission Research Project (No. 2016CJ20).

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A

Figure A1. Salinas dataset: (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Figure A1. Salinas dataset: (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Sensors 19 00479 g0a1
Table A1. Salinas image classification results.
Table A1. Salinas image classification results.
MethodRPCA2,1RPCAPCAIFRFOrigionRPCA2,1RPCAPCAIFRFOrigin
ClassifierNNSVM
C110.999910.9320.972611110.9982
C20.99940.99290.99520.96510.97960.99260.99590.99690.97890.9913
C30.99690.9970.99490.95010.82620.99900.99840.99860.99820.9652
C40.96330.9160.90810.84960.97030.97450.97180.97150.95420.9685
C50.99030.9660.9830.95920.95810.99970.99910.99860.99900.9001
C61110.99520.99580.99970.99970.99980.99160.9997
C70.99710.98810.99010.96920.92020.99910.99750.99860.99000.9989
C80.98820.96660.97140.89950.65840.99580.99250.99270.98810.7304
C90.99990.99470.99760.99320.94080.99980.99950.99950.99790.9592
C100.99690.99050.99460.96810.83930.99570.98880.99310.98860.9283
C110.99610.9820.99260.95480.85110.99940.99890.98660.951
C120.95630.94810.96310.92590.88860.99070.97860.98190.99030.8949
C130.93940.88970.93540.71010.7630.99990.99820.9930.94060.8367
C140.98650.98450.97250.97910.91450.97590.98350.96880.98370.864
C150.91950.89940.88740.72980.54590.99800.99660.99830.97710.6202
C1610.99980.99940.99440.93980.99960.99930.99990.99110.9955
OA0.98090.96680.96920.96530.81850.99640.99470.99510.98670.866
AA0.98310.96970.97410.97050.87270.9950.99370.99310.98470.9126
Kappa0.97870.9630.96570.96140.79760.9960.99410.99450.98520.8506
Figure A2. Salinas image Classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Figure A2. Salinas image Classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g0a2
Figure A3. Noisy Salinas image classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Figure A3. Noisy Salinas image classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g0a3

References

  1. Xu, L.; Zhang, H.; Zhao, M.; Chu, D.; Li, Y. Integrating spectral and spatial features for hyperspectral image classification using low-rank representation. In Proceedings of the 2017 IEEE International Conference on Industrial Technology (ICIT), Toronto, ON, Canada, 22–25 March 2017; pp. 1024–1029. [Google Scholar]
  2. Ustin, S.L.; Roberts, D.A.; Gamon, J.A.; Asner, G.P.; Green, R.O. Using imaging spectroscopy to study ecosystem processes and properties. AIBS Bull. 2004, 54, 523–534. [Google Scholar] [CrossRef]
  3. Haboudane, D.; Miller, J.R.; Pattey, E.; Zarco-Tejada, P.J.; Strachan, I.B. Hyperspectral vegetation indices and novel algorithms for predicting green LAI of crop canopies: Modeling and validation in the context of precision agriculture. Remote Sens. Environ. 2004, 90, 337–352. [Google Scholar] [CrossRef]
  4. Dorigo, W.A.; Zurita-Milla, R.; de Wit, A.J.; Brazile, J.; Singh, R.; Schaepman, M.E. A review on reflective remote sensing and data assimilation techniques for enhanced agroecosystem modeling. Int. J. Appl. Earth Obs. Geoinf. 2007, 9, 165–193. [Google Scholar] [CrossRef]
  5. Cocks, T.; Jenssen, R.; Stewart, A.; Wilson, I.; Shields, T. The HyMapTM airborne hyperspectral sensor: The system, calibration and performance. In Proceedings of the 1st EARSeL workshop on Imaging Spectroscopy (EARSeL), Paris, France, 6–8 October 1998; pp. 37–42. [Google Scholar]
  6. Dalponte, M.; Bruzzone, L.; Vescovo, L.; Gianelle, D. The role of spectral resolution and classifier complexity in the analysis of hyperspectral images of forest areas. Remote Sens. Environ. 2009, 113, 2345–2355. [Google Scholar] [CrossRef]
  7. De Morsier, F.; Borgeaud, M.; Gass, V.; Thiran, J.P.; Tuia, D. Kernel low-rank and sparse graph for unsupervised and semi-supervised classification of hyperspectral images. IEEE Trans. Geosci. Remote Sens. 2016, 54, 3410–3420. [Google Scholar] [CrossRef]
  8. Hughes, G. On the mean accuracy of statistical pattern recognizers. IEEE Trans. Inf. Theory 1968, 14, 55–63. [Google Scholar] [CrossRef]
  9. Heinz, D.C. Fully constrained least squares linear spectral mixture analysis method for material quantification in hyperspectral imagery. IEEE Trans. Geosci. Remote Sens. 2001, 39, 529–545. [Google Scholar] [CrossRef]
  10. Kruse, F.A.; Boardman, J.W.; Huntington, J.F. Comparison of airborne hyperspectral data and EO-1 Hyperion for mineral mapping. IEEE Trans. Geosci. Remote Sens. 2003, 41, 1388–1400. [Google Scholar] [CrossRef]
  11. Gu, Y.; Wang, Q.; Wang, H.; You, D.; Zhang, Y. Multiple kernel learning via low-rank nonnegative matrix factorization for classification of hyperspectral imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 2739–2751. [Google Scholar] [CrossRef]
  12. Kang, X.; Li, S.; Benediktsson, J.A. Feature extraction of hyperspectral images with image fusion and recursive filtering. IEEE Trans. Geosci. Remote Sens. 2014, 52, 3742–3752. [Google Scholar] [CrossRef]
  13. Duda, R.O.; Hart, P.E.; Stork, D.G. Pattern Classification, 2nd ed.; Wiley: New York, NY, USA, 2001; Volume 55. [Google Scholar]
  14. Guyon, I.; Elisseeff, A. An introduction to variable and feature selection. J. Mach. Learn. Res. 2003, 3, 1157–1182. [Google Scholar]
  15. Sacha, D.; Zhang, L.; Sedlmair, M.; Lee, J.A.; Peltonen, J.; Weiskopf, D.; North, S.C.; Keim, D.A. Visual interaction with dimensionality reduction: A structured literature analysis. IEEE Trans. Vis. Comput. Graph. 2017, 23, 241–250. [Google Scholar] [CrossRef] [PubMed]
  16. Wold, S.; Esbensen, K.; Geladi, P. Principal component analysis. Chemom. Intell. Lab. Syst. 1987, 2, 37–52. [Google Scholar] [CrossRef]
  17. Shuiwang, J.; Jieping, Y. Generalized linear discriminant analysis: a unified framework and efficient model selection. IEEE Trans. Neural Netw. 2008, 19, 1768. [Google Scholar] [CrossRef] [PubMed]
  18. Stone, J.V. Independent component analysis: An introduction. Trends Cogn. Sci. 2002, 6, 59–64. [Google Scholar] [CrossRef]
  19. Hyvärinen, A.; Hoyer, P.O.; Inki, M. Topographic independent component analysis. Neural Comput. 2001, 13, 1527–1558. [Google Scholar] [CrossRef]
  20. Draper, B.A.; Baek, K.; Bartlett, M.S.; Beveridge, J.R. Recognizing faces with PCA and ICA. Comput. Vis. Image Underst. 2003, 91, 115–137. [Google Scholar] [CrossRef]
  21. Belkin, M.; Niyogi, P. Laplacian eigenmaps for dimensionality reduction and data representation. Neural Comput. 2003, 15, 1373–1396. [Google Scholar] [CrossRef]
  22. Tenenbaum, J.B.; De Silva, V.; Langford, J.C. A global geometric framework for nonlinear dimensionality reduction. Science 2000, 290, 2319–2323. [Google Scholar] [CrossRef]
  23. Roweis, S.T.; Saul, L.K. Nonlinear dimensionality reduction by locally linear embedding. Science 2000, 290, 2323–2326. [Google Scholar] [CrossRef]
  24. Zhang, Z.; Pasolli, E.; Yang, L.; Crawford, M.M. Multi-metric Active Learning for Classification of Remote Sensing Data. IEEE Geosci. Remote Sens. Lett. 2016, 13, 1007–1011. [Google Scholar] [CrossRef]
  25. Zhang, Z.; Crawford, M.M. A Batch-Mode Regularized Multimetric Active Learning Framework for Classification of Hyperspectral Images. IEEE Trans. Geosci. Remote Sens. 2017, 55, 1–16. [Google Scholar] [CrossRef]
  26. Ul Haq, Q.S.; Tao, L.; Sun, F.; Yang, S. A fast and robust sparse approach for hyperspectral data classification using a few labeled samples. IEEE Trans. Geosci. Remote Sens. 2012, 50, 2287–2302. [Google Scholar] [CrossRef]
  27. Kuo, B.C.; Chang, K.Y. Feature extractions for small sample size classification problem. IEEE Trans. Geosci. Remote Sens. 2007, 45, 756–764. [Google Scholar] [CrossRef]
  28. Zhou, D.; Bousquet, O.; Lal, T.N.; Weston, J.; Schölkopf, B. Learning with local and global consistency. In Proceedings of the Advances in Neural Information Processing Systems, Whistler, BC, Canada, 9–11 December 2003; pp. 321–328. [Google Scholar]
  29. Guo, Z.; Zhang, Z.; Xing, E.P.; Faloutsos, C. Semi-supervised learning based on semiparametric regularization. In Proceedings of the 2008 SIAM International Conference on Data Mining (SIAM), Atlanta, GA, USA, 24–26 April 2008; pp. 132–142. [Google Scholar]
  30. Subramanya, A.; Talukdar, P.P. Graph-based semi-supervised learning. Synth. Lect. Artif. Intell. Mach. Learn. 2014, 8, 1–125. [Google Scholar] [CrossRef]
  31. Zheng, M.; Bu, J.; Chen, C.; Wang, C.; Zhang, L.; Qiu, G.; Cai, D. Graph regularized sparse coding for image representation. IEEE Trans. Image Process. 2011, 20, 1327–1336. [Google Scholar] [CrossRef] [PubMed]
  32. Tian, X.; Gasso, G.; Canu, S. A multiple kernel framework for inductive semi-supervised SVM learning. Neurocomputing 2012, 90, 46–58. [Google Scholar] [CrossRef]
  33. Cai, D.; He, X.; Han, J.; Huang, T.S. Graph regularized nonnegative matrix factorization for data representation. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 1548–1560. [Google Scholar] [PubMed]
  34. Gao, S.; Tsang, I.W.H.; Chia, L.T.; Zhao, P. Local features are not lonely—Laplacian sparse coding for image classification. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010. [Google Scholar]
  35. Liu, G.; Lin, Z.; Yu, Y. Robust subspace segmentation by low-rank representation. In Proceedings of the 27th International Conference on Machine Learning (ICML-10), Haifa, Israel, 21–24 June 2010; pp. 663–670. [Google Scholar]
  36. Candès, E.J.; Li, X.; Ma, Y.; Wright, J. Robust principal component analysis? J. ACM 2011, 58, 11. [Google Scholar] [CrossRef]
  37. Wright, J.; Ganesh, A.; Rao, S.; Peng, Y.; Ma, Y. Robust principal component analysis: Exact recovery of corrupted low-rank matrices via convex optimization. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 7–10 December 2009; pp. 2080–2088. [Google Scholar]
  38. Binge, C.; Zongqi, F.; Xiaoyun, X.; Yong, Z.; Liwei, Z. A Novel Feature Extraction Method for Hyperspectral Image Classification. In Proceedings of the 2016 International Conference on Intelligent Transportation, Big Data & Smart City (ICITBS), Changsha, China, 17–18 December 2016; pp. 51–54. [Google Scholar]
  39. Nie, Y.; Chen, L.; Zhu, H.; Du, S.; Yue, T.; Cao, X. Graph-regularized tensor robust principal component analysis for hyperspectral image denoising. Appl. Opt. 2017, 56, 6094–6102. [Google Scholar] [CrossRef]
  40. Chen, G.; Bui, T.D.; Quach, K.G.; Qian, S.E. Denoising hyperspectral imagery using principal component analysis and block-matching 4D filtering. Can. J. Remote Sens. 2014, 40, 60–66. [Google Scholar] [CrossRef]
  41. Zhang, H.; He, W.; Zhang, L.; Shen, H.; Yuan, Q. Hyperspectral image restoration using low-rank matrix recovery. IEEE Trans. Geosci. Remote Sens. 2014, 52, 4729–4743. [Google Scholar] [CrossRef]
  42. Xu, Y.; Wu, Z.; Wei, Z. Spectral–spatial classification of hyperspectral image based on low-rank decomposition. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 2370–2380. [Google Scholar] [CrossRef]
  43. Fan, F.; Ma, Y.; Li, C.; Mei, X.; Huang, J.; Ma, J. Hyperspectral image denoising with superpixel segmentation and low-rank representation. Inf. Sci. 2017, 397, 48–68. [Google Scholar] [CrossRef]
  44. Zhang, S.; Li, S.; Fu, W.; Fang, L. Multiscale superpixel-based sparse representation for hyperspectral image classification. Remote Sens. 2017, 9, 139. [Google Scholar] [CrossRef]
  45. Sun, L.; Jeon, B.; Soomro, B.N.; Zheng, Y.; Wu, Z.; Xiao, L. Fast Superpixel Based Subspace Low Rank Learning Method for Hyperspectral Denoising. IEEE Access 2018, 6, 12031–12043. [Google Scholar] [CrossRef]
  46. Mei, X.; Ma, Y.; Li, C.; Fan, F.; Huang, J.; Ma, J. Robust GBM hyperspectral image unmixing with superpixel segmentation based low rank and sparse representation. Neurocomputing 2018, 275, 2783–2797. [Google Scholar] [CrossRef]
  47. Tong, F.; Tong, H.; Jiang, J.; Zhang, Y. Multiscale union regions adaptive sparse representation for hyperspectral image classification. Remote Sens. 2017, 9, 872. [Google Scholar] [CrossRef]
  48. Zu, B.; Xia, K.; Du, W.; Li, Y.; Ali, A.; Chakraborty, S. Classification of Hyperspectral Images with Robust Regularized Block Low-Rank Discriminant Analysis. Remote Sens. 2018, 10, 817. [Google Scholar] [CrossRef]
  49. Maier, M.; Luxburg, U.V.; Hein, M. Influence of graph construction on graph-based clustering measures. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 7–10 December 2009; pp. 1025–1032. [Google Scholar]
  50. Zhu, X.; Goldberg, A.B.; Brachman, R.; Dietterich, T. Introduction to Semi-Supervised Learning. Semi-Superv. Learn. 2009, 3, 130. [Google Scholar] [CrossRef]
  51. Zhu, X. Semi-Supervised Learning Literature Survey; Department of Computer Science, University of Wisconsin-Madison: Madison, WI, USA, 2006; Volume 2, p. 4. [Google Scholar]
  52. Stickel, M.E. A Nonclausal Connection-Graph Resolution Theorem-Proving Program; Technical Report; Sri International Menlo Park Ca Artificial Intelligence Center: Menlo Park, CA, USA, 1982. [Google Scholar]
  53. Cortes, C.; Mohri, M. On transductive regression. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 3–6 December 2007; Volume 19, p. 305. [Google Scholar]
  54. Ren, X.; Malik, J. Learning a Classification Model for Segmentation. In Proceedings of the Ninth IEEE International Conference on Computer Vision, Nice, France, 13–16 October 2003; pp. 10–17. [Google Scholar]
  55. Moore, A.P.; Prince, S.J.D.; Warrell, J.; Mohammed, U.; Jones, G. Superpixel lattices. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR 2008), Anchorage, AK, USA, 23–28 June 2008; pp. 1–8. [Google Scholar]
  56. Achanta, R.; Shaji, A.; Smith, K.; Lucchi, A.; Fua, P.; Süsstrunk, S. SLIC superpixels compared to state-of-the-art superpixel methods. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 2274–2282. [Google Scholar] [CrossRef]
  57. Achanta, R.; Shaji, A.; Smith, K.; Lucchi, A.; Fua, P.; Süsstrunk, S. Slic Superpixels; EPFL Technical Report; EPFL: Lausanne, Switzerland, 2010. [Google Scholar]
  58. Zitnick, C.L.; Kang, S.B. Stereo for Image-Based Rendering using Image Over-Segmentation. Int. J. Comput. Vis. 2007, 75, 49–65. [Google Scholar] [CrossRef]
  59. Ren, C.Y.; Reid, I. gSLIC: A Real-Time Implementation of SLIC Superpixel Segmentation; University of Oxford: Oxford, UK, 2011. [Google Scholar]
  60. Gastal, E.S.; Oliveira, M.M. Domain transform for edge-aware image and video processing. ACM Trans. Graph. 2011, 30, 69. [Google Scholar] [CrossRef]
  61. Ren, C.-X.; Dai, D.-Q.; Yan, H. Robust classification using L 2,1-norm based regression model. Pattern Recognit. 2012, 45, 2708–2718. [Google Scholar] [CrossRef]
  62. Nie, F.; Huang, H.; Cai, X.; Ding, C.H. Efficient and robust feature selection via joint L 2, 1-norms minimization. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 6–9 December 2010; pp. 1813–1821. [Google Scholar]
  63. Lin, Z.; Chen, M.; Ma, Y. The augmented lagrange multiplier method for exact recovery of corrupted low-rank matrices. arXiv, 2010; arXiv:1009.5055. [Google Scholar]
  64. Liu, G.; Lin, Z.; Yan, S.; Sun, J.; Yu, Y.; Ma, Y. Robust recovery of subspace structures by low-rank representation. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 171–184. [Google Scholar] [CrossRef] [PubMed]
  65. Cai, D.; He, X.; Han, J. Semi-supervised discriminant analysis. In Proceedings of the IEEE 11th International Confece on IEEE Computer Vision (ICCV), Rio de Janeiro, Brazil, 14–21 October 2007; pp. 1–7. [Google Scholar]
  66. Yan, S.; Wang, H. Semi-supervised Learning by Sparse Representation. In Proceedings of the 2009 SIAM International Confece on Data Mining, Sparks, NV, USA, 30 April–2 May 2009; pp. 792–801. [Google Scholar]
  67. Wright, J.; Yang, A.Y.; Ganesh, A.; Sastry, S.S.; Ma, Y. Robust face recognition via sparse representation. IEEE Trans. Pattern Anal. Mach. Intell. 2009, 31, 210–227. [Google Scholar] [CrossRef]
  68. Zu, B.; Xia, K.; Pan, Y.; Niu, W. A Novel Graph Constructor for Semisupervised Discriminant Analysis: Combined Low-Rank and-Nearest Neighbor Graph. Comput. Intell. Neurosci. 2017, 2017, 9290230. [Google Scholar] [CrossRef] [PubMed]
  69. Peterson, L. K-nearest neighbor. Scholarpedia 2009, 4, 1883. [Google Scholar] [CrossRef]
  70. Baumgardner, M.F.; Biehl, L.L.; Landgrebe, D.A. 220 Band AVIRIS Hyperspectral Image Data Set: June 12, 1992 Indian Pine Test Site 3. 2015. Available online: https://purr.purdue.edu/publications/1947/1 (accessed on 18 January 2018).
  71. Congalton, R.G. A review of assessing the accuracy of classifications of remotely sensed data. Remote Sens. Environ. 1991, 37, 35–46. [Google Scholar] [CrossRef]
  72. Richards, J.A.; Richards, J. Remote Sensing Digital Image Analysis; Springer: Berlin, Germany, 1999; Volume 3. [Google Scholar]
  73. Thompson, W.D.; Walter, S.D. A reappraisal of the kappa coefficient. J. Clin. Epidemiol. 1988, 41, 949–958. [Google Scholar] [CrossRef]
  74. Gwet, K. Kappa statistic is not satisfactory for assessing the extent of agreement between raters. Stat. Methods Inter-Rater Reliab. Assess. 2002, 1, 1–6. [Google Scholar]
Figure 1. Formulation of the proposed SLIC superpixel-based l 2 , 1 -norm robust principal component analysis for HSIs classification.
Figure 1. Formulation of the proposed SLIC superpixel-based l 2 , 1 -norm robust principal component analysis for HSIs classification.
Sensors 19 00479 g001
Figure 2. Simple linear iterative clustering (SLIC) reducing the search regions.
Figure 2. Simple linear iterative clustering (SLIC) reducing the search regions.
Sensors 19 00479 g002
Figure 3. Model diagram of the SURPCA2,1 for hyperspectral image classification.
Figure 3. Model diagram of the SURPCA2,1 for hyperspectral image classification.
Sensors 19 00479 g003
Figure 4. Indian Pines dataset: (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Figure 4. Indian Pines dataset: (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Sensors 19 00479 g004
Figure 5. Pavia University scene; (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Figure 5. Pavia University scene; (a) false-color image; (b) segmentation map; and (c,d) ground truth image and reference data.
Sensors 19 00479 g005
Figure 6. Indian Pines image classification results: (a) robust principal component analysis (RPCA2,1); (b) RPCA; (c) PCA; (d) image fusion and recursive filtering (IFRF); and (e) Origin. OA, overall accuracy.
Figure 6. Indian Pines image classification results: (a) robust principal component analysis (RPCA2,1); (b) RPCA; (c) PCA; (d) image fusion and recursive filtering (IFRF); and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g006
Figure 7. Pavia University scene classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Figure 7. Pavia University scene classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g007
Figure 8. HSIs classification accuracy with varying labeled ratio.
Figure 8. HSIs classification accuracy with varying labeled ratio.
Sensors 19 00479 g008
Figure 9. False-color clean and noisy images of the Indian Pines image.
Figure 9. False-color clean and noisy images of the Indian Pines image.
Sensors 19 00479 g009
Figure 10. Noisy Indian Pines image classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Figure 10. Noisy Indian Pines image classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g010
Figure 11. Noisy Pavia University scene classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Figure 11. Noisy Pavia University scene classification results: (a) RPCA2,1; (b) RPCA; (c) PCA; (d) IFRF; and (e) Origin. OA, overall accuracy.
Sensors 19 00479 g011
Figure 12. Classification accuracy of HSIs with different reduced dimensions.
Figure 12. Classification accuracy of HSIs with different reduced dimensions.
Sensors 19 00479 g012
Table 1. Training and testing samples for the three hyperspectral images.
Table 1. Training and testing samples for the three hyperspectral images.
ClassIndian Pines ImagePavia University SceneSalinas Image
TrainTestSample No.TrainTestSample No.TrainTestSample No.
C173946205642666311419952009
C2631365142856518,08418,6492037063726
C33979183069203020991319631976
C41522223797296730641113831394
C52545848346129913451626622678
C635695730156487350292139383959
C77212845128513302035593579
C825453478116356636825111,22011,271
C961420349139473061736203
C1044928972---1932593278
C1110423512455---1010581068
C1229564593---1319141927
C1314191205---9907916
C145612091265---1010601070
C1521365386---3572337268
C1698493---1317941807
Total702954710,249176241,01442,77630553,82454,129
Table 2. Indian Pines image classification results.
Table 2. Indian Pines image classification results.
MethodRPCA2,1RPCAPCAIFRFOrigionRPCA2,1RPCAPCAIFRFOrigin
ClassifierNNSVM
C1110.98700.98090.805111110.9473
C20.96860.94420.93800.94870.49610.96760.97010.92950.94820.5169
C30.96670.95240.97180.93420.65720.96590.96790.94260.95740.3793
C40.95780.96980.95890.91220.39640.98190.91330.93830.94200.5671
C50.98680.94630.93840.96870.82250.99330.98560.98210.98680.8809
C60.98370.98330.93940.94830.7568110.99860.99860.8476
C70.86860.72540.61640.81070.678610.937510.98860.9188
C811110.948611110.9367
C90.98000.78120.84960.74690.504211110.8042
C100.93420.91390.92150.87420.67770.96470.96180.97430.94710.4916
C110.97210.97000.97480.97490.69330.96720.96040.96260.96770.5560
C120.96020.90240.97530.93440.68330.98540.99080.96580.97010.6454
C130.970510.97480.99350.92401110.99870.9909
C140.99520.98950.99390.99150.92170.99540.99960.99750.99750.9190
C150.96240.97110.97680.93790.66660.99160.99370.99580.98970.7551
C160.99050.98810.98810.98810.98710.98660.98590.97120.98460.9825
OA0.97060.95850.95940.95140.70770.97860.97590.96820.97130.6536
AA0.96860.93990.93780.93410.72620.98750.97920.97870.97980.7587
Kappa0.96640.95270.95360.94460.66330.97550.97240.96360.96720.6000
Table 3. Pavia University scene classification results.
Table 3. Pavia University scene classification results.
MethodRPCA2,1RPCAPCAIFRFOrigionRPCA2,1RPCAPCAIFRFOrigin
ClassifierNNSVM
C10.95810.96300.96320.95810.89690.97710.97450.96980.96570.8119
C20.99250.99420.99350.99440.84910.99570.9960.99560.99510.8676
C30.94650.94200.92120.95430.68360.97580.96780.97150.95780.6425
C40.99230.98410.98650.98800.93600.99180.98890.99380.98950.8802
C50.99930.99890.99570.99850.99290.9170.93770.94330.93550.9972
C60.99660.99530.99210.99810.72280.99650.99630.99530.99770.7286
C70.91770.90900.89210.88220.73850.97510.96890.96420.9630.6193
C80.91690.90820.91820.91350.79900.96560.95890.95750.95740.7057
C90.93530.93020.93690.950910.9640.95770.95460.95750.9996
OA0.97510.97440.97340.97480.84250.98490.98390.98320.98150.8238
AA0.96170.95830.95550.95980.84650.97320.97190.97170.96880.8058
Kappa0.96700.96600.96470.96660.78690.980.97870.97770.97540.7628
Table 4. Different graphs’ running time on real-word hyperspectral images (HSIs) (unit:s). NN, nearest neighbor; SVM, support vector machine.
Table 4. Different graphs’ running time on real-word hyperspectral images (HSIs) (unit:s). NN, nearest neighbor; SVM, support vector machine.
MethodRPCA2,1RPCAPCAIFRFOrigionRPCA2,1RPCAPCAIFRFOrigin
ClassifierNNSVM
Indian Pines image16.7321.625.165.315.6927.9434.5314.3916.9017.34
University of Pavia83.89100.3154.2856.9247.11115.84135.8688.5290.26116.61
Salinas image15.5518.144.244.273.2228.5632.6114.3914.3215.29
Table 5. Classification results with Gaussian noise on three HSIs.
Table 5. Classification results with Gaussian noise on three HSIs.
Images RPCA2,1RPCAPCAIFRFOrigin
Indian Pines imageOA0.9004 ± 0.01030.8615 ± 0.01370.8736 ± 0.00670.86261 ± 0.09370.5008 ± 0.006
AA0.9198 ± 0.01790.8481 ± 0.02610.8573 ± 0.0240.8367 ± 0.02310.4530 ± 0.0256
Kappa0.8863 ± 0.0110.8426 ± 0.01430.8561 ± 0.02570.8434 ± 0.007630.4230 ± 0.0069
University of Pavia imageOA0.9261 ± 0.00410.9156 ± 0.0040.9116 ± 0.00570.9182 ± 0.00350.6721 ± 0.0079
AA0.9212 ± 0.00540.9085 ± 0.00660.9055 ± 0.01070.9105 ± 0.00770.6162 ± 0.0088
Kappa0.9012 ± 0.00550.8871 ± 0.00550.8815 ± 0.00780.8906 ± 0.00480.5527 ± 0.0097
Salinas imageOA0.9329 ± 0.00780.911 ± 0.00620.9125 ± 0.00720.9095 ± 0.01080.6658 ± 0.0101
AA0.9523 ± 0.00510.9268 ± 0.00540.9294 ± 0.00890.9247 ± 0.01020.7088 ± 0.0098
Kappa0.9253 ± 0.00860.901 ± 0.00690.9027 ± 0.0080.8994 ± 0.0120.625 ± 0.0106
Table 6. SURPCA2,1 graph’s classification accuracy with different segmentation numbers.
Table 6. SURPCA2,1 graph’s classification accuracy with different segmentation numbers.
ImagesNo. m of SuperpixelsOAAAKappaTime (s)
Indian Pines image1040.9633 ± 0.00720.9507 ± 0.0270.9581 ± 0.009112.43
2260.9703 ± 0.0060.9687 ± 0.0320.9661 ± 0.006217.96
3290.9721 ± 0.00530.9657 ± 0.02540.9682 ± 0.006921.80
University of Pavia image1950.9697 ± 0.00350.9473 ± 0.00610.9598 ± 0.004775.15
3860.9711 ± 0.00430.9564 ± 0.00840.9616 ± 0.005878.33
5940.9753 ± 0.00260.9614 ± 0.00460.9672 ± 0.003581.20
8130.975 ± 0.00180.9596 ± 0.00530.9668 ± 0.002485.97
Salinas image1870.9666 ± 0.00590.9743 ± 0.00640.9629 ± 0.006587.71
3890.978 ± 0.00420.9813 ± 0.0030.9755 ± 0.004792.96
5930.9823 ± 0.00370.9826 ± 0.0030.9804 ± 0.004198.91

Share and Cite

MDPI and ACS Style

Zu, B.; Xia, K.; Li, T.; He, Z.; Li, Y.; Hou, J.; Du, W. SLIC Superpixel-Based l2,1-Norm Robust Principal Component Analysis for Hyperspectral Image Classification. Sensors 2019, 19, 479. https://doi.org/10.3390/s19030479

AMA Style

Zu B, Xia K, Li T, He Z, Li Y, Hou J, Du W. SLIC Superpixel-Based l2,1-Norm Robust Principal Component Analysis for Hyperspectral Image Classification. Sensors. 2019; 19(3):479. https://doi.org/10.3390/s19030479

Chicago/Turabian Style

Zu, Baokai, Kewen Xia, Tiejun Li, Ziping He, Yafang Li, Jingzhong Hou, and Wei Du. 2019. "SLIC Superpixel-Based l2,1-Norm Robust Principal Component Analysis for Hyperspectral Image Classification" Sensors 19, no. 3: 479. https://doi.org/10.3390/s19030479

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