Graph Autoencoder-Based Unsupervised Feature Selection With Broad and Local Data Structure Preservation
Graph Autoencoder-Based Unsupervised Feature Selection With Broad and Local Data Structure Preservation
Abstract
Feature selection is a dimensionality reduction technique that selects a subset of representative features from high-
dimensional data by eliminating irrelevant and redundant features. Recently, feature selection combined with sparse
learning has attracted significant attention due to its outstanding performance compared with traditional feature selec-
tion methods that ignores correlation between features. These works first map data onto a low-dimensional subspace
and then select features by posing a sparsity constraint on the transformation matrix. However, they are restricted by
design to linear data transformation, a potential drawback given that the underlying correlation structures of data are
often non-linear. To leverage a more sophisticated embedding, we propose an autoencoder-based unsupervised feature
selection approach that leverages a single-layer autoencoder for a joint framework of feature selection and manifold
learning. More specifically, we enforce column sparsity on the weight matrix connecting the input layer and the hid-
den layer, as in previous work. Additionally, we include spectral graph analysis on the projected data into the learning
process to achieve local data geometry preservation from the original data space to the low-dimensional feature space.
Extensive experiments are conducted on image, audio, text, and biological data. The promising experimental results
Sparsity
1. Introduction
In recent years, high-dimensional data can be found in many areas such as computer vision [1–3], pattern recog-
nition [4–7], data mining [8], etc. High dimensionality enables data to include more information. However, learning
high-dimensional data often suffer from several issues. For example, with a fixed number of training data, a large
data dimensionality can cause the so-called Hughes phenomenon, i.e., a reduction in the generalization of the learned
dimensional data tend to include significant redundancy in adjacent features, or even noise, which leads to large
amounts of useless or even harmful information being processed, stored, and transmitted [10, 11]. All these issues
present challenges to many conventional data analysis problems. Moreover, several papers in the literature have shown
that the intrinsic dimensionality of high-dimensional data is actually small [7, 12–14]. Thus, dimensionality reduction
is a popular preprocessing step for high-dimensional data analysis, which decreases time for data processing and also
Feature selection [15–20] is a set of frequently used dimensionality reduction approaches that aim at selecting
a subset of features. Feature selection has the advantage of preserving the same feature space as that of raw data.
Feature selection methods can be categorized into groups based on different criteria summarized below; refer to [21]
• Label Availability. Based on the availability of label information, feature selection algorithms can be classified
into supervised [15–17], semi-supervised [18–20], and unsupervised [22–38] methods. Since labeled data are
usually expensive and time-consuming to acquire [39, 40], unsupervised feature selection has been gaining
more and more attention recently and is the subject of our focus in this work.
• Search Strategy. In terms of selection strategies, feature selection methods can be categorized into wrapper,
filter, and embedded methods. Wrapper methods [41, 42] are seldom used in practice since they rely on a
repetition of feature subset searching and selected feature subset evaluation until some stopping criteria or
some desired performance are reached, which requires an exponential search space and thus is computationally
prohibitive when feature dimensionality is high. Filter feature selection methods, e.g. Laplacian score [22] and
SPEC [23], assign a score (measuring task relevance, redundancy, etc.) to each feature and select those with
the best scores. Though convenient to computation, these methods are often tailored specifically for a given
task and may not provide an appropriate match to the specific application of interest [21]. Embedded methods
combine feature selection and model learning and provide a compromise between the two earlier extremes, as
they are more efficient than wrapper methods and more task-specific than filter methods. In this paper, we focus
In recent years, feature selection algorithms aiming at selecting features that preserve intrinsic data structure (such
as subspace or manifold structure) [24–38] have attracted significant attention due to their good performance and
interpretability [21]. In these methods, data are linearly projected onto new spaces through a transformation matrix,
with fitting errors being minimized along with some sparse regularization terms. Feature importance is usually scored
2
using the norms of corresponding rows/columns in the transformation matrix. In some methods [28–33, 36–38],
the local data structure, which is usually characterized by nearest neighbor graphs, is also preserved in the low-
dimensional projection space. A more detailed discussion on this type of methods is in Section 2.1. One basic
assumption of these methods is that the data to be processed lie in or near a completely linear low-dimensional
manifold, which is then modeled as a linear subspace.1 However, this is not always true in practice, in particular with
In the case when data lies on or close to more generalized or non-linear manifolds, many approaches for di-
mensionality reduction have been proposed that leverage the data local geometry using neighborhood graphs, such
as ISOMAP [43], Laplacian eigenmaps [44], locally linear embedding [45], etc., but few developments have been
reported in feature selection. In this paper, we propose a novel algorithm for graph and autoencoder-based feature
selection (GAFS). The reason we choose an autoencoder for the underlying manifold learning is because of its broader
goal of data reconstruction, which is a good match in spirit for an unsupervised feature selection framework: we expect
to be able to infer the entire data vector from just a few of its dimensions. In this method, we integrate three objective
functions into a single optimization framework: (i) we use a single-layer autoencoder to reconstruct the input data;
(ii) we use an `2,1 -norm penalty on the columns of the weight matrix connecting the autoencoder’s input layer and
hidden layer to provide feature selection; and (iii) we preserve the local geometric structure of the data through to the
corresponding hidden layer activations. To the best of our knowledge, we are the first to combine unsupervised feature
selection with an autoencoder design and the preservation of local data structure. Extensive experiments are conducted
on image data, audio data, text data, and biological data. Many experimental results are provided to demonstrate the
outstanding performance achieved by the proposed method compared with other state-of-the-art unsupervised feature
selection algorithms.
• We propose a novel unsupervised feature selection framework which is based on an autoencoder and graph data
regularization. By using this framework, the information of the underlying data subspace can be leveraged,
• We present an efficient solver for the optimization problem underlying the proposed unsupervised feature selec-
tion scheme. Our approach relies on an iterative scheme based on the gradient descent of the proposed objective
function.
1 People also refer to linear manifold as subspace or linear subspace in the literature. In the sequel, we refer to such a linear manifold or subspace
3
• We provide multiple numerical experiments that showcase the advantages of the flexible models used in our
feature selection approach with respect to the state-of-the-art approaches from the literature.
The rest of this paper is organized as follows. Section 2 overviews related work. The proposed framework and the
corresponding optimization scheme are presented in Section 3. Experimental results and the corresponding analysis
2. Related Work
In this section, we provide a review of literature related to our proposed method and introduce the paper’s notation
standard. Datasets are denoted by X = [X(1) , X(2) , · · · , X(n) ] ∈ Rd×n , where X(i) ∈ Rd is the ith sample in X for
i = 1, 2, · · · , n, and where d and n denote data dimensionality and number of data points in X, respectively. For a
matrix X, X(q) denotes the qth column of the matrix, while X(p,q) denotes the entry of the matrix at the pth row and qth
column.
b a p/r 1/p
X X
kWkr,p = |W | .
(i, j) r
(1)
j=1 i=1
Two common norm choices in optimization are the `2,1 -norm and the Frobenius norm (e.g., r = p = 2). Note that
unlike most of the literature, our outer sum is performed over the `r -norms of the matrix columns instead of its rows;
a
X
Tr(L) = L(i,i) , (2)
i=1
We use 1 and 0 to denote an all-ones and all-zeros matrix or vector with of the appropriate size, respectively.
Many unsupervised feature selection methods based on subspace structure preservation have been proposed in the
past decades. For classes missing labels, unsupervised feature selection methods select features that are representative
of the underlying subspace structure of the data [24]. The basic idea is to use a transformation matrix to project data to
a new space and guide feature selection based on the sparsity of the transformation matrix [25]. To be more specific,
4
the generic framework of these methods is based on the optimization
where Y = [Y(1) , Y(2) , · · · , Y(n) ] ∈ Rm×n (m < d) is an embedding matrix in which Y(i) ∈ Rm for i = 1, 2, · · · , n
denotes the representation of data point X(i) in the obtained low-dimensional subspace. L(·) denotes a loss function,
and R(·) denotes a regularization function on the transformation matrix W ∈ Rm×d . The methods differ in their choice
of embedding Y and loss and regularization functions; some examples are presented below.
Multi-cluster feature selection (MCFS) [26] and minimum redundancy spectral feature selection (MRSF) [27] are
two long-standing and well-known subspace learning-based unsupervised feature selection methods. In MCFS, the
embedding Y ∈ Rm×n of each data X is first learned based on spectral clustering. To be more concrete, a graph is
first constructed on training data. Then spectral clustering is performed on data points using the top eigenvectors of
graph Laplacian. We refer readers to [26] for more details on this spectral clustering procedure. Details on the graph
Laplacian are discussed in Section 3.1. After that, all data points are regressed to the learned embedding through a
transformation matrix W ∈ Rm×d . The loss function is set to the Frobenius norm of the linear transformation error and
the regularization function is set to the `1,1 norm of the transformation matrix, which promotes sparsity. Thus, MCFS
A score for each feature is measured by the maximum absolute value of the corresponding column of the transforma-
tion matrix:
where p = 1, 2, · · · , d. This score is then used in a filter-based feature selection scheme. MRSF is an extension of
MCFS that changes the regularization function to an `2,1 -norm that enforces column sparsity on the transformation
matrix. Ideally, the selected features should be representative enough to keep the loss value close to that obtained
when using all features. In order to achieve feature selection, we expect that W holds a sparsity property with its
columns, which means only a subset of the columns are nonzeros. We use the `2 -norm of a W column to measure
the importance of the corresponding feature, leading to an `2,1 -norm regularization function. Furthermore, MRSF
ranks the importance of each feature according to the `2 -norm of the corresponding column of the transformation
matrix. Compared with MCFS, the use of `2,1 -norm in MRSF can provide the learned subspace with consistent
5
column sparseness. MRSF can be formulated as
where kWk2,1 is the `2,1 −norm of W. A score is assigned to each feature based on the following scheme
Both MCFS and MRSF are able to select features that provide a suitable subspace approximation to the spectral
clustering embedding that detects cluster structure. However, the performance of these two methods is often degraded
by the separate nature of subspace learning and feature selection [37]. In order to address this problem, many ap-
proaches on joint subspace learning and feature selection have been proposed. For example, Gu et. al. [28] proposed
a joint framework that combines subspace learning and feature selection. In this framework, data are linearly pro-
jected to a low-dimensional subspace with a transformation matrix, and the local data structure captured by a nearest
neighbor graph is preserved in data embeddings on low-dimensional subspace. Meanwhile, an `2,1 −norm penalty is
applied to the transformation matrix to guide feature selection simultaneously. That is, subspace learning and feature
selection are not two separate steps but combined into a single framework. Studies like [29–33] made further modi-
fications to [28]: besides combining subspace learning and feature selection into a single framework, these methods
also exploit the discriminative information of the data for unsupervised feature selection. For example, in unsuper-
vised discriminative feature selection (UDFS) [29], data instances are assumed to come from c classes. Furthermore,
a linear classifier W ∈ Rc×d is assumed to project data X onto a c-dimensional subspace which captures the discrimi-
native information of data, which can be written as G = WX, where G ∈ Rc×n denotes the data representation of X on
low-dimensional subspace. Furthermore, for each data point X(i) , a local set Nk (X(i) ) is constructed, which contains
1 , X2 , · · · , Xk . Denoting Xi = [X , X1 , X2 , · · · , Xk ] ∈ R
X(i) and its k nearest neighbors X(i) (i) (i) (i) (i) (i) (i) d×(k+1)
as the local data
matrix containing X(i) and its k nearest neighbors, we define the local total scatter matrix Sti = X̃i X̃Ti ∈ Rd×d and
interclass scatter matrix Sbi = X̃i GTi Gi X̃Ti ∈ Rd×d , where Gi = [G(i) , G1(i) , G(i)
2 , · · · , Gk ] ∈ R
(i) c×(k+1)
and X̃i = Xi Hk+1 .
Hk+1 = Ik+1 − 1
k+1 11∈ R(k+1)×(k+1) . We can also define a selection matrix Pi ∈ {0, 1}n×(k+1) so that Gi = GPi . The
T
h i −1
local discriminative score DS i for X(i) is DS i = Tr (Sti + λId )−1 Sbi = Tr WXPi X̃Ti X̃i X̃Ti + λId X̃i PTi XT WT ,
where λ is a parameter to make the term X̃X̃T + λId invertible. A larger DS i value means a higher discriminative ca-
pability W has with respect to X(i) . The objective of UDFS is to train a W corresponding to the highest discriminative
6
scores for data X. Therefore the follwing objective function is optimized
n n
X h i o
W∗ =arg minWWT =I Tr Gi Hk+1 GTi − DS i + γkWk2,1
i=1 (8)
=arg minWWT =I Tr(WMW ) + γkWk2,1 ,
T
P −1
where M = X n
i=1 P H
i k+1 X̃ T
X̃
i i + λIk+1 H P
k+1 i
T
XT and γ is a balancing parameter. The orthogonal constraint
is to avoid both arbitrary scaling and the trivial solutions of all zeros. We refer readers to [29] for more details on
UDFS. Though unsupervised, one drawback of these discriminative exploitation feature selection methods is that the
Instead of projecting data onto a low-dimensional subspace, some approaches consider combining unsupervised
feature selection methods with self-representation. In these methods, each feature is assumed to be representable as a
linear combination of all (other) features, i.e., X = WX + E, where W ∈ Rd×d is a representation matrix and E ∈ Rd×n
denotes a reconstruction error. That is, the data are linearly projected into the same data space so that the relationships
between features can be gleaned from the transformation matrix. This type of method can be regarded as a special
case of subspace learning-based feature selection methods where the embedding subspace is equal to the original
space. Zhu et. al. [34] proposed a regularized self-representation (RSR) model for unsupervised feature selection that
sets both the loss function and the regularization function to `2,1 -norms on the representation error E (for robustness
to outlier samples) and transformation matrix W (for feature selection), respectively. RSR can therefore be written as
RSR has been extended to non-convex RSR [35], where the regularization function is instead set to an `2,p -norm for
0 < p < 1. Unsupervised graph self-representation sparse feature selection (GSR SFS) [36] further extends [35]
by changing the loss function to a Frobenius norm, as well as by considering local data structure preservation on
embedding WX through spectral graph analysis. GSR SFS can be written in the following formulation
1
min ||X − WX||2F + λ1 Tr(XT WT LWX) + λ2 ||W||2,1 , (10)
W 2
where L is the graph Laplacian matrix, which will be elaborated in Section 3.1. Self-representation based dual-
graph regularized feature selection clustering (DFSC) [37] considers the error of self-representation for both the
columns and the rows of X (i.e., both for features and data samples). Moreover, spectral graph analysis on both
domains is considered. Subspace clustering guided unsupervised feature selection (SCUFS) [38] combines both
7
self-representation and subspace clustering with unsupervised feature selection. In addition, SCUFS also exploits
A single-layer autoencoder is an artificial neural network that aims to learn a function h(x; Θ) ≈ x with a single
hidden layer, where x ∈ Rd is the input data, h(·) is a nonlinear function, and Θ is a set of parameters. To be more
y = σ(W1 x + b1 ), (11)
where W1 ∈ Rm×d is a weight matrix, b1 ∈ Rm is a bias vector, and σ(·) is an elementary nonlinear activation
function. Commonly used activation functions include the sigmoid function, the hyperbolic tangent function,
• Decoding: mapping the compressed data representation y to a vector in the original data space X̄ ∈ Rd :
X̄ = σ(W2 y + b2 ), (12)
where W2 ∈ Rd×m and b2 ∈ Rd are the corresponding weight matrix and bias vector, respectively.
The optimization problem brought by the autoencoder is to minimize the difference between the input data and the
reconstructed/output data. To be more specific, given a set of data X = [X(1) , X(2) , · · · , X(n) ], the parameters W1 , W2 ,
b1 , and b2 are adapted to minimize the reconstruction error ni=1 kX(i) − X̄(i) k22 , where X̄(i) is the output of autoencoder
P
to the input X(i) . The general approach to minimize the reconstruction error is by selecting the parameter values via
The data reconstruction capability of the autoencoder makes it suitable to capture the essential information of
the data while discarding information that is not useful or redundant. Therefore, it is natural to assume that the
compressed representation in the hidden layer of a single-layer autoencoder can capture the manifold structure of the
input data when such manifold structure exists and is approximated well by the underlying weighting and nonlinearity
operations. There are many variations of autoencoders, e.g., sparse autoencoder, denoising autoencoder, variational
autoencoder, contractive autoencoder, etc. In this paper we only consider the baseline (standard) autoencoder model,
which will be elaborated in Section 3. We will explore the combination of unsupervised feature selection and other
In this section, we introduce our proposed graph autoencoder-based unsupervised feature selection (GAFS). Our
proposed framework performs broad data structure preservation through a single-layer autoencoder and also preserves
local data structure through spectral graph analysis. In contrast to existing methods that exploit discriminative infor-
mation for unsupervised feature selection by imposing orthogonal constraints on the transformation matrix [29] or
low-dimensional data representation [30, 31], GAFS does not include such constraints. More specifically, we do not
add orthogonal constraints on the transformation matrix because feature weight vectors are not necessarily orthogonal
with each other in real-world applications [47], allowing GAFS to be applicable to a larger set of applications [25].
Furthermore, methods posing orthogonal constraints on low-dimensional data representations require accurate esti-
mates of the number of classes in order to obtain reliable label indicators for those algorithms; such estimation is
The objective function of GAFS includes three parts: a term based on a single-layer autoencoder promoting broad
data structure preservation; a regularization term promoting feature selection; and a term based on spectral graph
analysis promoting local data structure preservation. As mentioned in Section 2.2, a single-layer autoencoder aims
at minimizing the reconstruction error between output and input data by optimizing a reconstruction error-driven loss
function:
n
1 X (i) 1
L(Θ) = kX − h(X(i) ; Θ)k22 = kX − h(X; Θ)k2F , (13)
2n i=1 2n
where Θ = [W1 , W2 , b1 , b2 ], h(X(i) ; Θ) = σ W2 · σ(W1 X(i) + b1 ) + b2 . We use the sigmoid function as the activa-
Since W1 is a weight matrix applied directly on the input data, each column of W1 can be used to measure the
importance of the corresponding data feature. Therefore, R(Θ) = kW1 k2,1 can be used as a regularization function
to promote feature selection as detailed in Section 2.1. The objective function for the single-layer autoencoder based
unsupervised feature selection can be obtained by combining this regularization function with the loss function of
1
min kX − h(X; Θ)k2F + λkW1 k2,1 , (14)
Θ 2n
9
Local geometric structures of the data often contain discriminative information of neighboring data point pairs [26].
They assume that nearby data points should have similar representations. It is often more efficient to combine both
broad and local data information during low-dimensional subspace learning [48]. In order to characterize the local
data structure, we construct a k-nearest neighbor (kNN) graph G on the data space. The edge weight between two
connected data points is determined by the similarity between those two points. In this paper, we choose cosine dis-
tance as similarity measurement due to its simplicity. Therefore the adjacency matrix A for the graph G is defined
as T
X(i) X( j)
if X(i) ∈ Nk (X( j) ) or X( j) ∈ Nk (X(i) ),
=
kX(i) k kX( j) k
A(i, j)
2 2 (15)
0
otherwise,
T
where Nk (X(i) ) denotes the k-nearest neighborhood set for X(i) , and X(i) refers to the transpose of X(i) . The Laplacian
matrix L of the graph G is defined as L = D − A, where D is a diagonal matrix whose ith element on the diagonal is
In order to preserve the local data structure in the learned subspace (i.e., if two data points X(i) and X( j) are
close in original data space then the corresponding low-dimensional representations Y(i) and Y( j) are also close in the
n n
1 X X (i)
G(Θ) = kY − Y( j) k22 A(i, j)
2 i=1 j=1
n n
1 X X (i) T (i) T T T
= (Y Y − Y(i) Y( j) − Y( j) Y(i) + Y( j) Y( j) )A(i, j)
2 i=1 j=1
(16)
n
X n X
n
T
X T
= Y(i) Y(i) D(i,i) − Y(i) Y( j) A(i, j)
i=1 i=1 j=1
where Tr(·) denotes the trace operator, Y(i) (Θ) = σ(W1 x(i) + b1 ) for i = 1, 2, · · · , n (and we often drop the dependence
on Θ for readability), and Y(Θ) = [Y(1) (Θ), Y(2) (Θ), · · · , Y(n) (Θ)].
Therefore, by combining the single-layer autoencoder based feature selection objective (14) and the local data
structure preservation into consideration, the resulting objective function of GAFS can be written in terms of the
10
Algorithm 1 GAFS Algorithm
Inputs: High-dimensional dataset X = [X(1) , X(2) , · · · , X(n) ] ∈ Rd×n ; neighborhood size k ; hidden layer size m;
balance parameters λ and γ; number of features to keep nF .
Outputs: Selected feature index set {r1 , r2 , · · · rnF }.
4: Compute the scores for all features GAFS (p) = kW(p) 1 k2 for p = 1, 2, · · · , d;
5: Sort these scores and return the indices of the nF features with largest score values.
where λ and γ are two balance parameters. Filter-based feature selection is then performed using the score function
3.2. Optimization
The objective function of GAFS shown in (17) does not have a closed-form solution. By following [49], we use a
limited memory Broyden-Fletcher-Goldfarb-Shanno (L-BFGS) algorithm to do the optimization. Compared with the
predominant stochastic gradient descent methods used in neural network training, the L-BFGS algorithm can provide
great simplification in parameter tuning and parallel computation. For example, the dimensionality of the parameter
Θ is the sum of the dimensionalities of W1 ∈ Rm×d , W2 ∈ Rd×m , b1 ∈ Rm , and b2 ∈ Rd , which is 2md + d + m. Then
compared with conventional BFGS algorithm, which requires the computing and storing of (2md+d+m)×(2md+d+m)
Hessian matrices, the L-BFGS algorithm saves a few vectors2 that represent the approximations implicitly. Therefore,
the computational complexity of L-BFGS algorithm are nearly linear in 2md + d + m, which makes it suitable for
optimization problems with large datasets. To be more specific, L-BFGS algorithm save the past l updates of Θ and
corresponding gradients. Therefore, denoting the number of iterations in the optimization by t, the corresponding
computational complexity of L-BFGS is O(tlmd). We refer readers to [50] for more details on L-BFGS algorithm.
In this paper, we implement the L-BFGS algorithm using the minFunc toolbox [51] to solve the GAFS optimization
problem. We set number of iterations t to be 400 and number of storing updates l to be 100. The solver requires the
11
The gradients for the loss term L(Θ) can be obtained through a back-propagation algorithm. We skip the details
for the derivation of the gradients of the error term, which are standard in the formulation of backpropagation for an
∂L(Θ) 1
= ∆ 2 XT ,
∂W1 n
∂L(Θ) 1
= ∆ 3 YT ,
∂W2 n
n
∂L(Θ) 1 X (i) 1 (18)
= ∆2 = ∆2 1,
∂b1 n i=1 n
n
∂L(Θ) 1 X (i) 1
= ∆3 = ∆3 1.
∂b2 n i=1 n
point for the hidden layer and the output layer, respectively,
d
X (q,p)
∆(q,i)
2
(p,i)
= W2 ∆3 · Y(q,i) · (1 − Y(q,i) ),
p=1 (19)
∆3(p,i) = (X̄(p,i) − X(p,i) ) · X̄(p,i) · (1 − X̄(p,i) ),
for p = 1, 2, · · · , d, q = 1, 2, · · · , m, and i = 1, 2, · · · , n, and where X̄ denotes the reconstructed data output of the
∆3 = (X̄ − X) • X̄ • (1 − X̄),
(20)
∆2 = (WT2 ∆3 ) • Y • (1 − Y),
The regularization term R(Θ) = kW1 k2,1 and its derivative do not exist for its ith column W(i)
1 when W1 = 0 for
(i)
i = 1, 2, · · · , d. In this case,
∂R(Θ)
= W1 U, (21)
∂W1
−1
kW1 k2 + , kW1 k2 , 0,
(i) (i)
U(i,i) =
(22)
0,
otherwise.
where is a small constant added to avoid overflow [37]. Since elements in kW1 k2,1 are not differentiable if their
12
values are 0, we calculate the subgradient for each element in W1 in that case. That is, for each element in W1 , the
subgradient at 0 can be an arbitrary value in the interval [−1, 1], and so we set the gradient to 0 for computational
∂R(Θ)
= λW1 U,
∂W1
∂R(Θ)
= 0,
∂W2
(23)
∂R(Θ)
= 0,
∂b1
∂R(Θ)
= 0,
∂b2
The gradients of the graph term G(Θ) = γTr(YLYT ) can be obtained in a straightforward fashion as follows:
∂L(Θ) ∂Tr(γYLYT ) ∂Y
= · = 2γ (YL • Y • (1 − Y)) XT ,
∂W1 ∂Y ∂W1
∂L(Θ) ∂Tr(γYLYT ) ∂Y
= · = 2γ (YL • Y • (1 − Y)) 1,
∂b1 ∂Y ∂b1 (24)
∂L(Θ)
= 0,
∂W2
∂L(Θ)
= 0.
∂b2
To conclude, the gradients of the GAFS objective function with respect to Θ = [W1 , W2 , b1 , b2 ] can be written as
∂F (Θ) 1
= ∆2 XT + λW1 U + 2γ (YL • Y • (1 − Y)) XT ,
∂W1 n
∂F (Θ) 1
= ∆ 3 YT ,
∂W2 n
(25)
∂F (Θ) 1
= ∆2 1 + 2γ (YL • Y • (1 − Y)) 1,
∂b1 n
∂F (Θ) 1
= ∆3 1
∂b2 n
In this subsection, we provide the computational complexity analysis of the proposed GAFS algorithm. The time
complexity for calculating the similarity values for a single instance in dataset X ∈ Rd×n is O(dn), where n is the
number of instances in the dataset and d is data dimensionality. Therefore, the computational complexity of kNN
As mentioned in Section 3.2, the time complexity of using L-BFGS algorithm to optimize (17) is O(tlmd), where
t is the number of iterations for parameter updating and l is the number of steps stored in memory. If the hidden
13
layer size of the autoencoder we use is m, then in each iteration, parameter updating requires an operation of time
complexity O(mdn2 ), which leads to a time complexity of O(tmdn2 ) for t optimization iterations. Therefore, the time
After we obtain W1 , the computation of score for each feature requires a O(dn) operation. After that, we use a
quick sort algorithm with time complexity O(nlogn) to sort the obtained scores.
Therefore, the overall time complexity of GAFS is O(tmdn2 + tlmd). It is obvious that the time complexity of
4. Experiments
In this section, we evaluate the feature selection performance of GAFS in terms of both supervised and unsuper-
vised tasks, e.g. clustering and classification, on several benchmark datasets. We also compare GAFS with other
state-of-the-art unsupervised feature selection algorithms. To be more specific, we first select p representative fea-
tures and then perform both clustering and classification on those selected features. The performance of clustering
We perform experiments on 10 benchmark datasets,3 including 5 image datasets (MNIST, COIL20, Yale, Cal-
tech101, CUB200), 3 text datasets (PCMAC, BASEHOCK, RELATHE), 1 audio dataset (Isolet), and 1 biological
dataset (Prostate GE). For all datasets except Caltech101 and CUB200, we use the original features for feature se-
lection. For both Caltech101 and CUB200, we do not use pixels as features due to the high dimensionality of each
image and the differences between image sizes. Because of the significant success of deep convolutional neural net-
work (CNN) features on computer vision, we also adopt CNN features in our experiments for both Caltech101 and
CUB200. To be more specific, we use the Keras tool [52] with the pre-trained VGG-19 model [53]. We use the
4096-dimensional output of the second fully connected layer as the feature vector.
In order to eliminate the side effects caused by imbalanced classes, for each dataset we set the number of instances
from each class to be the same for both training and testing sets. For example, when an experiment is conducted on
Yale, for each class 6 instances are used for training and 5 instances are used for testing. The Caltech101 dataset
contains both a “Faces” and “Faces easy” class, with each consisting of different versions of the same human face
images. However, the images in “Faces” contain more complex backgrounds. To avoid confusion between these
14
Dataset Features Training Instances Testing Instances Classes Type
MNIST 784 1000 27100 10 Hand Written Digit Image
COIL20 1024 720 720 20 Object Image
Yale 1024 90 75 15 Human Face Image
PCMAC 3289 960 960 2 Text
BASEHOCK 4862 994 994 2 Text
RELATHE 4322 648 648 2 Text
Prostate GE 5966 50 50 2 Biology
Isolet 617 780 780 26 Audio
Caltech101 4096 2000 1000 100 Natural Image
CUB200 4096 7800 1950 195 Natural Image
two similar classes of images, we drop the “Faces easy” class from consideration. Therefore, we keep 100 classes
for Caltech101. For CUB200, we removed 5 classes with sample sizes smaller than 50, with 195 remaining for
We perform both supervised (i.e., classification) and unsupervised (i.e., clustering) tasks on datasets formulated
by the selected features in order to evaluate the effectiveness of feature selection algorithms. For classification, we
employ softmax classifier due to its simplicity and compute the classification accuracy as the evaluation metric for
feature selection effectiveness. For clustering, we use k-means clustering on the selected features and use two different
evaluation metrics to evaluate the clustering performance of all methods. The first is clustering accuracy (ACC),
defined as
n
1X
ACC = δ(gi , map(ci )),
n i=1
where n is the total number of data samples, δ(a, b) = 1 when a = b and 0 when a , b, map(·) is the optimal
mapping function between cluster labels and class labels obtained using the Hungarian algorithm [54], and ci and gi
are the clustering and ground truth labels of a given data sample xi , respectively. The second is normalized mutual
where C and G are clustering labels and ground truth labels, respectively, MI(C, G) is the mutual information between
C and G, and H(C) and H(G) denote the entropy of C and G, respectively. More details about NMI are available
in [55]. For both ACC and NMI, 20 clustering processes are repeated with random initialization for each case follow-
ing the setup of [26] and [29], and we report the corresponding mean values of ACC and NMI.
15
Method Time Complexity
GAFS O(tmdn2 + tlmd)
LapScore O(dn2 )
SPEC O(rn3 + dn2 )
MRSF O(mn3 + dn2 )
UDFS O(n2 + td3 )
RSR O(td2 n + td3 )
Table 2: Computational Complexity of GAFS and Five Comparing Methods. In this table, d denotes data dimensionality, n denotes number of
samples, t denotes number of iterations for optimization. For SPEC, r is a parameter that controls the use of graph Laplacian matrix L. We refer
readers to [23] for more details on the definition of r. For MRSF, m denotes subspace dimensionality.
In our experiment, we compare GAFS with LapScore4 [22], SPEC5 [23], MRSF6 [27], UDFS7 [29], and RSR8 [34].
Among these methods, LapScore and SPEC are filter feature selection methods which are based on data similarity.
LapScore uses spectral graph analysis to set a score for each feature. SPEC is an extension to LapScore and can be
applied to both supervised and unsupervised scenarios by varying the construction of graph. Details on MRSF, UDFS,
and RSR can be found in Section 2.1. Details on the computational complexity of GAFS and these five methods are
listed in Table 2. Besides the five methods, we also compare GAFS with the performance of using all features as the
baseline.
Both GAFS and the compared algorithms include parameters to adjust. In this experiment, we fix some parameters
and tune others according to a “grid search” strategy. For all algorithms, we select p ∈ {2%, 4%, 6%, 8%, 10%, 20%,
30%, 40%, 50%, 60%, 70%, 80%} of all features for each dataset. For all graph-based algorithms, the number of near-
est neighbor in a kNN graph is set to 5. For all algorithms projecting data onto a low-dimensional space, the space di-
mensionality is set in the range of m ∈ {10, 20, 30, 40}. In GAFS, the range for the hidden layer size is set to match that
of the subspace dimensionality m,9 while the balance parameters are given ranges λ ∈ {10−4 , 10−3 , 10−2 , 10−1 , 1} and
γ ∈ {0, 10−4 , 5×10−4 , 10−3 , 5×10−3 }, respectively. For UDFS, we use the range γ ∈ {10−9 , 10−6 , 10−3 , 1, 103 , 106 , 109 },
and λ is fixed to 103 . For RSR, we use the range λ ∈ {10−3 , 5 × 10−3 , 10−2 , 5 × 10−2 , 10−1 , 5 × 10−1 , 1, 5, 10, 102 }.
For each specific value of p on a certain dataset, we tune the parameters for each algorithm in order to achieve
the best results among all possible combinations. For classification, we report the highest classification accuracy. For
clustering, we report the highest average values for both ACC and NMI from 20 repetitions.
4 Available at http://www.cad.zju.edu.cn/home/dengcai/Data/code/LaplacianScore.m
5 Available at https://github.com/matrixlover/LSLS/blob/master/fsSpectrum.m
6 Available at https://sites.google.com/site/alanzhao/Home
7 Available at http://www.cs.cmu.edu/ yiyang/UDFS.rar
8 Available at https://github.com/guangmingboy/githubs doc
9 We will alternatively use the terminologies subspace dimensionality and hidden layer size in descriptions of GAFS.
16
4.4. Parameter Sensitivity
We study the performance variation of GAFS with respect to the hidden layer size m and the two balance param-
eters λ and γ. We show the results on all the 8 datasets in terms of ACC.
We first study the parameter sensitivity of GAFS with respect to the subspace dimensionality m. Besides the
aforementioned manifold dimensionality range m ∈ {10, 20, 30, 40}, we also conducted experiments with hidden
layer size values of m ∈ {100, 200, 300, 400} to investigate the performance change for a larger range of reduced
dimensionality values. The results in Fig. 1 show that the performance of GAFS is not too sensitive to hidden layer size
on the given datasets, with the exception of Yale, where the performance with hidden layer size of m ∈ {10, 20, 30, 40}
is apparently better than that with reduced dimensionality m ∈ {100, 200, 300, 400}, while the performance variations
are small in the latter set. One possible reason behind this behavior is that for a human face image dataset like
Yale, the differences between data instances can be subtle since they may only lie in a small area of relevance such
as eyes, mouth, nose, etc. Therefore, in this case a small subspace dimensionality can be enough for information
preservation, while a large subspace dimensionality may introduce redundant information that may harm feature
selection performance.
We also study the parameter sensitivity of GAFS with respect to the balance parameters λ and γ, under a fixed
percentage of selected features and hidden layer size. We set p = 20%, as Fig. 1 shows that the performance stabilizes
starting at that value of p. For subspace dimensionality, we choose m = 10 since Fig. 1 shows that the performance
of GAFS is not sensitive to the value of m. The performance results are shown in Fig. 2, where we find that different
datasets present different trends on the ACC values with respect to λ and γ. However, we also find that the perfor-
mance differences on PCMCA, BASEHOCK, and RELATHE are not greater than 0.8%, 0.8%, and 0.4%, respectively.
Therefore we cannot make any conclusion on the influence from two balance parameters on ACC based on these 3
datasets. For the parameter λ, which controls the column sparsity of W1 , we can find that for Yale the performance
monotonically improves as the value of λ increases for each fixed value of γ, even though the number of selected
features m is fixed. We believe this is further evidence that a small number of selected features receiving large score
(corresponding to large λ) is sufficient to obtain good learning performance, while having a large number of highly
scoring features (corresponding to small λ) may introduce irrelevant features to the selection. We also find a similar
behavior for Prostate GE and Isolet. For both MNIST and COIL20, we can find that the overall performance is best
when λ = 10−2 and both smaller and larger values of λ degrade the performance. This is because the diversity among
instances of these two datasets is large enough: a large value of λ may remove informative features, while a small
value of λ prevents the exclusion of small, irrelevant, or redundant features. For the parameter γ, which controls local
data structure preservation, we can find that both large values and small values of γ degrade performance. On one
17
55
65
65
50
60 60
55 60 45
55
ACC (%)
ACC (%)
ACC (%)
ACC (%)
50 40
55
45 35
m = 10 m = 10 m = 10 50 m = 10
m = 20 50 m = 20 m = 20 m = 20
40 m = 30 m = 30 m = 30 m = 30
30
m = 40 m = 40 m = 40 m = 40
35 m = 100 45 m = 100 m = 100 45 m = 100
m = 200 m = 200 25 m = 200 m = 200
m = 300 m = 300 m = 300 m = 300
30
m = 400 m = 400 m = 400 m = 400
40 20
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
56 60
54 65 55
55
ACC (%)
ACC (%)
ACC (%)
ACC (%)
52 50
50 60 45
m = 10 m = 10 m = 10 m = 10
50 m = 20 m = 20 m = 20 m = 20
48 40
m = 30 m = 30 m = 30 m = 30
m = 40 m = 40 m = 40 m = 40
46 55 35
m = 100 m = 100 m = 100 m = 100
45 m = 200 m = 200 m = 200 m = 200
44 30
m = 300 m = 300 m = 300 m = 300
m = 400 42 m = 400 m = 400 25 m = 400
50
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
30
60
ACC (%)
ACC (%)
55 25
50 m = 10 m = 10
m = 20 20 m = 20
m = 30 m = 30
45
m = 40 m = 40
m = 100 15 m = 100
40 m = 200 m = 200
m = 300 m = 300
m = 400 m = 400
35 10
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%)
18
(a) MNIST (b) COIL20 (c) Yale (d) PCMAC
hand, we can conclude that local data structure preservation does help improve feature selection performance to a
certain degree. On the other hand, large weights on local data structure preservation may also harm feature selection
performance.
We randomly select five samples from the Yale dataset to illustrate the choices made by different feature selection
algorithms. For each sample, p ∈ {10%, 20%, 30%, 40%, 50%, 60%, 70%, 80%, 100%} features are selected. Figure
3 shows images corresponding to the selected features (i.e., pixels) for each sample and value of p, with unselected
pixels shown in white. The figure shows that GAFS is able to capture the most discriminative parts on human face
We present the classification accuracy, ACC, and NMI results of GAFS and the comparison feature selection
algorithms on all datasets in Fig. 4, Fig. 5, and Fig. 6, respectively. From these figures, we can find that GAFS
19
Figure 3: Feature selection illustration on Yale. Each row corresponds to a sample human face image and each column refers to percentages of
features selected p ∈ {10%, 20%, 30%, 40%, 50%, 60%, 70%, 80%, 100%} from left to right.
performs better than other compared algorithms in most cases. There exist some cases that GAFS does not provide
the best performance (e.g. PCMAC in classification tasks), but it defeats all its competitors in clustering tasks on
PCMAC. We can also observe that GAFS can defeat most competing methods in most cases for both classification
and clustering. Therefore, we can say that GAFS provides the best overall performance among the methods that
we consider in those figures. Providing a justification for the degradation in performance can be complicated because
many factors such as the number of features, evaluation metric, dataset properties, etc. can affect the final performance.
Comparing the performance of GAFS with that of using all features, which is represented by a black dashed line in
each figure, we can find that GAFS can always achieve better performance with far less features. Meanwhile, with
fewer features, the computational load in corresponding classification and clustering tasks can be decreased. These
results demonstrate the effectiveness of GAFS in terms of removing irrelevant and redundant features in classification
In this section, we study the convergence performance of our proposed algorithm. The convergence curves of
GAFS on all datasets are shown in Fig. 7. Each figure displays the objective function value as a function of the
number of iterations under 4 parameter combinations. The maximum number of iterations in each figure is 400. In
20
100 70
80 90
90
85
Classification Accuracy Rate (%)
60
70
80 80
60 50
70 75
GAFS GAFS GAFS GAFS
50 LapScor LapScor 40 LapScor 70 LapScor
MRSF 60 MRSF MRSF MRSF
40 RSR RSR RSR 65 RSR
SPEC 50 SPEC 30 SPEC SPEC
UDFS UDFS UDFS 60 UDFS
30 All Features All Features All Features All Features
40
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
90 85 80
85 85 70
80
80
GAFS GAFS GAFS 60 GAFS
80
75 LapScor 75 LapScor LapScor LapScor
MRSF MRSF MRSF MRSF
RSR 50
70 RSR 75 RSR RSR
SPEC 70 SPEC SPEC SPEC
65 UDFS UDFS UDFS 40 UDFS
All Features All Features 70 All Features All Features
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
80
45
75
GAFS 40 GAFS
LapScor LapScor
70 MRSF MRSF
35
RSR RSR
65 SPEC SPEC
UDFS 30 UDFS
All Features All Features
60
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%)
21
55 45 54
55
50
50
40 53
45
45
40
ACC (%)
ACC (%)
ACC (%)
ACC (%)
52
40
GAFS GAFS 35 GAFS GAFS
35
LapScor 35 LapScor LapScor LapScor
30 51
MRSF MRSF MRSF MRSF
RSR 30 RSR 30 RSR RSR
25
SPEC SPEC SPEC 50 SPEC
UDFS 25 UDFS UDFS UDFS
20
All Features All Features 25 All Features All Features
20 49
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
ACC (%)
ACC (%)
ACC (%)
53 63
GAFS GAFS GAFS 40 GAFS
52
52 LapScor LapScor 62 LapScor 35 LapScor
MRSF MRSF MRSF MRSF
51
51 RSR RSR 61 RSR 30 RSR
SPEC SPEC SPEC SPEC
50 60 25
50 UDFS UDFS UDFS UDFS
All Features All Features All Features 20 All Features
59
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
60 28
55 26
ACC (%)
ACC (%)
50 24
GAFS GAFS
LapScor 22 LapScor
45
MRSF MRSF
RSR 20 RSR
40
SPEC 18 SPEC
35 UDFS UDFS
All Features 16 All Features
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%)
22
3.5
50
62
75
3
45
60
40 70 2.5
58
35 2
NMI (%)
NMI (%)
NMI (%)
NMI (%)
65
GAFS GAFS 56 GAFS GAFS
30 1.5
LapScor 60 LapScor LapScor LapScor
25 MRSF MRSF 54 MRSF MRSF
1 RSR
RSR RSR RSR
SPEC 55 SPEC SPEC SPEC
20 52 0.5
UDFS UDFS UDFS UDFS
15 All Features 50 All Features All Features All Features
50 0
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
3 70
10
6
2.5 65
NMI (%)
NMI (%)
NMI (%)
NMI (%)
8
GAFS 2 GAFS GAFS 60 GAFS
4 LapScor LapScor LapScor LapScor
1.5 6 55
MRSF MRSF MRSF MRSF
RSR 1 RSR RSR RSR
2 SPEC SPEC SPEC 50 SPEC
4
UDFS 0.5 UDFS UDFS UDFS
All Features All Features 45 All Features
All Features
0 0
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%) p (%) p (%)
68
80
66
NMI (%)
NMI (%)
75 GAFS GAFS
LapScor 64
LapScor
MRSF MRSF
70 RSR 62 RSR
SPEC SPEC
UDFS UDFS
65 All Features 60 All Features
10 20 30 40 50 60 70 80 10 20 30 40 50 60 70 80
p (%) p (%)
23
some cases the curves do not reach the maximum number of iterations because they meet the stopping criterion, i.e.,
the relative difference of objective function values between two iterations is less than 10−5 . We can find that the
overall convergence rates on MNIST, COIL20, Yale, and Isolet are slower than other datasets. The reason may be
the redundancy between features. For PCMAC, BASEHOCK, RELATHE, and Prostate GE, the input features have
little connections between each other. Though both Caltech101 and CUB200 are natural image datasets, we employ
VGG19 to generate features, which also reduces redundancy among features. But for MNIST, COIL20, Yale, and
Isolet, we use the original visual and audio features for feature selection. The high spatial or temporal redundancy
For most datasets, the choice of parameters does not affect convergent results. However, for MNIST, COIL20,
Yale, and Isolet, the condition of λ = 0, which implies the abandon of `2,1 −norm term, can lead to a faster convergence
rate. This may be due to the use of subgradients during optimization. Since we set the gradient value to be 0 when the
elements in the corresponding column of W1 are all zeros. The setup of gradients can lead to suboptimality during
optimization, which may reduce the speed of convergence. However, when λ , 0 (λ = 10−2 in this illustration),
the objective function can be optimized to smaller values. This indicates that the introduction of `2,1 -norm leads to
In this section we study the training costs of GAFS as well as competing methods. We record the training time
for each method as well as the corresponding feature selection performance. Due to limited space, we only show the
results generated from the MNIST dataset mentioned in Section 4.1. We use classification accuracy on 10% of all
features as the evaluation metric. For Laplacian Score, SPEC, and MRSF, we report the training time and classification
accuracy. For GAFS, RSR, and UDFS, we fixed the number of iterations in the optimization procedure from 20 to 400
with a step of 20, while also limiting execution times to a maximum of 50 seconds. We recorded training time for each
number of iterations and the corresponding classification rates. The results are displayed in Fig. 8. Though Laplacian
Score and SPEC have the smallest training times, they cannot provide comparable classification performance. The
performance of GAFS starts to stabilize when the training time is around 5 seconds, which corresponds to 60 iterations.
After that, GAFS consistently provides the best performance among all methods. The performance of RSR is better
than GAFS for small training times, but its upper limit in terms of classification accuracy is lower than that of GAFS.
MRSF provideds satisfactory classification performance (72.44%) with a short training time (4.70s). However, it is
24
35
λ=1e−2,γ=5e−4 λ=1e−2,γ=5e−4 λ=1e−2,γ=5e−4 λ=1e−2,γ=5e−4
80 50
λ=1e−2,γ=0 λ=1e−2,γ=0 λ=1e−2,γ=0 λ=1e−2,γ=0
λ=0,γ=5e−4 λ=0,γ=5e−4 λ=0,γ=5e−4 300
λ=0,γ=5e−4
45 30
70 λ=0,γ=0 λ=0,γ=0 λ=0,γ=0 λ=0,γ=0
Objective Function Value
50
15 10
20
10
50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400
Number of Iterations Number of Iterations Number of Iterations Number of Iterations
200 300 50 80
50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400
Number of Iterations Number of Iterations Number of Iterations Number of Iterations
70 300
60 250
50
200
40
150
30
100
20
50
10
50 100 150 200 250 300 350 400 50 100 150 200 250 300 350 400
Number of Iterations Number of Iterations
75
Classification Accuracy Rate (%)
70
65
GAFS
LapScor
60 MRSF
RSR
SPEC
UDFS
55
0 10 20 30 40 50
Time (Second)
Figure 8: Classification performance on the MNIST dataset as a function of training time for GAFS and competing feature selection algorithms for
p = 10%.
25
5. Conclusion
In this paper, we proposed a graph and autoencoder-based unsupervised feature selection (GAFS) method. Unlike
similar existing techniques that combine sparse learning and feature selection, the proposed method projects the
data to a lower-dimensional space using a single-layer autoencoder, in contrast to the linear transformation used by
most existing methods. With our proposed framework, we bypass the limitation of existing methods with linear
dimensionality reduction schemes, which may lead to performance degradation for datasets with richer structure that
is predominant in modern datasets. Experimental results demonstrate the advantages of GAFS versus methods in the
The work we present here is our first attempt to leverage autoencoders for unsupervised feature selection purposes.
Therefore, we use the most standard setting for the construction of the autoencoder, e.g., there is no desired or partic-
ular structure to the activations or the reconstruction error. In the future, we plan to explore the effectiveness of more
elaborate versions of an autoencoder for feature selection purposes. Furthermore, by employing label information, we
References
[1] J. Wright, Y. Ma, J. Mairal, G. Sapiro, T. S. Huang, S. Yan, Sparse representation for computer vision and pattern recognition, Proc. the IEEE
98 (6) (2010) 1031–1044.
[2] P. Turaga, A. Veeraraghavan, R. Chellappa, Statistical analysis on stiefel and grassmann manifolds with applications in computer vision, in:
IEEE Conf. Comput. Vis. Pattern Recognit., 2008, pp. 1–8.
[3] O. Arandjelovic, G. Shakhnarovich, J. Fisher, R. Cipolla, T. Darrell, Face recognition with image sets using manifold density divergence, in:
IEEE Int. Conf. Comput. Vis. Pattern Reconit., Vol. 1, 2005, pp. 581–588.
[4] D. Wang, X. Gao, X. Wang, L. He, Semantic topic multimodal hashing for cross-media retrieval, in: Int. Joint Conf. Artif. Intell., 2015, pp.
3890–3896.
[5] D. Wang, X. Gao, X. Wang, Semi-supervised constraints preserving hashing, Neurocomputing 167 (2015) 230–242.
[6] D. Wang, X. Gao, X. Wang, L. He, B. Yuan, Multimodal discriminative binary embedding for large-scale cross-modal retrieval, IEEE Trans.
Image Proc. 25 (10) (2016) 4540–4554.
[7] D. Wang, X. Gao, X. Wang, Semi-supervised nonnegative matrix factorization via constraint propagation, IEEE Trans. Cybern. 46 (1) (2016)
233–244.
[8] R. Agrawal, J. Gehrke, D. Gunopulos, P. Raghavan, Automatic subspace clustering of high dimensional data for data mining applications,
Vol. 27, ACM, 1998.
[9] M. Pal, G. M. Foody, Feature selection for classification of hyperspectral data by SVM, IEEE Trans. Geosci. Remote Sens. 48 (5) (2010)
2297–2307.
[10] H. Liu, X. Wu, S. Zhang, Feature selection using hierarchical feature clustering, in: Proc. ACM Int. Conf. Info. Knowl. Manag., 2011, pp.
979–984.
26
[11] L. O. Jimenez, D. A. Landgrebe, Supervised classification in high-dimensional space: geometrical, statistical, and asymptotical properties of
multivariate data, IEEE Trans. Syst., Man, Cybern., Syst. Part C 28 (1) (1998) 39–54.
[12] X. Lu, Y. Wang, Y. Yuan, Sparse coding from a Bayesian perspective, IEEE Trans. Neural Netw. Learn. Syst. 24 (6) (2013) 929–939.
[13] X. Zhu, S. Zhang, Z. Jin, Z. Zhang, Z. Xu, Missing value estimation for mixed-attribute data sets, IEEE Trans. Knowl. Data Eng. 23 (1)
(2011) 110–121.
[14] Y. Yang, Z. Ma, F. Nie, X. Chang, A. G. Hauptmann, Multi-class active learning by uncertainty sampling with diversity maximization, Int. J.
Comput. Vis. 113 (2) (2015) 113–127.
[15] L. Song, A. Smola, A. Gretton, K. M. Borgwardt, J. Bedo, Supervised feature selection via dependence estimation, in: Int. Conf. Mach.
Learn., 2007, pp. 823–830.
[16] J. M. Sotoca, F. Pla, Supervised feature selection by clustering using conditional mutual information-based distances, Pattern Recognit. 43 (6)
(2010) 2068–2081.
[17] M. Thoma, H. Cheng, A. Gretton, J. Han, H.-P. Kriegel, A. Smola, L. Song, P. S. Yu, X. Yan, K. Borgwardt, Near-optimal supervised feature
selection among frequent subgraphs, in: Proc. SIAM Int. Conf. Data Mining, 2009, pp. 1076–1087.
[18] Z. Zhao, H. Liu, Semi-supervised feature selection via spectral analysis, in: Proc. SIAM Int. Conf. Data Mining, 2007, pp. 641–646.
[19] Z. Xu, I. King, M. R.-T. Lyu, R. Jin, Discriminative semi-supervised feature selection via manifold regularization, IEEE Trans. Neural Netw.
21 (7) (2010) 1033–1047.
[20] X. Kong, P. S. Yu, Semi-supervised feature selection for graph classification, in: Proc. ACM SIGKDD Int. Conf. Knowl. Dis. Data Mining,
2010, pp. 793–802.
[21] J. Li, K. Cheng, S. Wang, F. Morstatter, R. P. Trevino, J. Tang, H. Liu, Feature selection: A data perspective, arXiv preprint arXiv:1601.07996.
[22] X. He, D. Cai, P. Niyogi, Laplacian score for feature selection, in: Adv. Neural Inf. Proc. Syst., 2005, pp. 507–514.
[23] Z. Zhao, H. Liu, Spectral feature selection for supervised and unsupervised learning, in: Proc. Int. Conf. Mach. Learn., 2007, pp. 1151–1157.
[24] L. Du, Y.-D. Shen, Unsupervised feature selection with adaptive structure learning, in: Proc. ACM SIGKDD Int. Conf. Knowl. Dis. Data
MiningConference on Knowledge Discovery and Data Mining, 2015, pp. 209–218.
[25] N. Zhou, Y. Xu, H. Cheng, J. Fang, W. Pedrycz, Global and local structure preserving sparse subspace learning: An iterative approach to
unsupervised feature selection, Pattern Recognit. 53 (2016) 87–101.
[26] D. Cai, C. Zhang, X. He, Unsupervised feature selection for multi-cluster data, in: Proc. ACM SIGKDD Int. Conf. Knowl. Dis. Data Mining,
2010, pp. 333–342.
[27] Z. Zhao, L. Wang, H. Liu, Efficient spectral feature selection with minimum redundancy, in: Proc. Assoc. Adv. Artif. Intell., 2010, pp.
673–678.
[28] Q. Gu, Z. Li, J. Han, Joint feature selection and subspace learning, in: Proc. Int. Joint Conf. Artif. Intell., 2011, pp. 1294–1299.
[29] Y. Yang, H. T. Shen, Z. Ma, Z. Huang, X. Zhou, `2,1 -norm regularized discriminative feature selection for unsupervised learning, in: Proc.
Int. Joint Conf. Artif. Intell., 2011, pp. 1589–1594.
[30] C. Hou, F. Nie, D. Yi, Y. Wu, Feature selection via joint embedding learning and sparse regression, in: Proc. Int. Joint Conf. Artif. Intell.,
2011, pp. 1324–1329.
[31] C. Hou, F. Nie, X. Li, D. Yi, Y. Wu, Joint embedding learning and sparse regression: A framework for unsupervised feature selection, IEEE
Trans. Cybern. 44 (6) (2014) 793–804.
[32] Z. Li, J. Liu, Y. Yang, X. Zhou, H. Lu, Clustering-guided sparse structural learning for unsupervised feature selection, IEEE Trans. Knowl.
Data Eng 26 (9) (2014) 2138–2150.
[33] Z. Li, J. Liu, J. Tang, H. Lu, Robust structured subspace learning for data representation, IEEE Trans. Pattern Anal. Mach. Intell. 37 (10)
27
(2015) 2085–2098.
[34] P. Zhu, W. Zuo, L. Zhang, Q. Hu, S. C. Shiu, Unsupervised feature selection by regularized self-representation, Pattern Recognit. 48 (2)
(2015) 438–446.
[35] P. Zhu, W. Zhu, W. Wang, W. Zuo, Q. Hu, Non-convex regularized self-representation for unsupervised feature selection, Image Vis. Comput.
60 (2017) 22–29.
[36] R. Hu, X. Zhu, D. Cheng, W. He, Y. Yan, J. Song, S. Zhang, Graph self-representation method for unsupervised feature selection, Neurocom-
puting 220 (2017) 130–137.
[37] R. Shang, Z. Zhang, L. Jiao, C. Liu, Y. Li, Self-representation based dual-graph regularized feature selection clustering, Neurocomputing 171
(2016) 1241–1253.
[38] P. Zhu, W. Zhu, Q. Hu, C. Zhang, W. Zuo, Subspace clustering guided unsupervised feature selection, Pattern Recognit. 66 (2017) 364–374.
[39] J. Tang, S. Yan, R. Hong, G.-J. Qi, T.-S. Chua, Inferring semantic concepts from community-contributed images and noisy tags, in: Proc.
ACM Int. Conf. Multimedia, 2009, pp. 223–232.
[40] Z. Li, J. Liu, X. Zhu, T. Liu, H. Lu, Image annotation using multi-correlation probabilistic matrix factorization, in: Proc. ACM Int. Conf.
Multimedia, 2010, pp. 1187–1190.
[41] I. Guyon, A. Elisseeff, An introduction to variable and feature selection, J. Mach. Learn. Res. 3 (2003) 1157–1182.
[42] R. Kohavi, G. H. John, Wrappers for feature subset selection, Artif. Intelli. 97 (1) (1997) 273–324.
[43] J. B. Tenenbaum, V. De Silva, J. C. Langford, A global geometric framework for nonlinear dimensionality reduction, Science 290 (22) (2000)
2319–2323.
[44] M. Belkin, P. Niyogi, Laplacian eigenmaps for dimensionality reduction and data representation, Neural Comput. 15 (6) (2003) 1373–1396.
[45] S. T. Roweis, L. K. Saul, Nonlinear dimensionality reduction by locally linear embedding, Science 29 (5500) (2000) 2323–2326.
[46] J. Schmidhuber, Deep learning in neural networks: An overview, Neural Netw. 61 (2015) 85–117.
[47] M. Qian, C. Zhai, Robust unsupervised feature selection, in: Proc. Int. Joint Conf. Artif. Intell., 2013, pp. 1621–1627.
[48] L. Bottou, V. Vapnik, Local learning algorithms, Neural Comput. 4 (6) (1992) 888–900.
[49] Q. V. Le, J. Ngiam, A. Coates, A. Lahiri, B. Prochnow, A. Y. Ng, On optimization methods for deep learning, in: Proc. Int. Conf. Mach.
Learn., 2011, pp. 265–272.
[50] D. C. Liu, J. Nocedal, On the limited memory BFGS method for large scale optimization, Math. Program. 45 (1) (1989) 501–528.
[51] M. Schmidt, minFunc: Unconstrained differentiable multivariate optimization in matlab, Available at: http://www.cs.ubc.ca/
~schmidtm/Software/minFunc.html (2005).
[52] F. Chollet, et al., Keras, https://github.com/fchollet/keras (2015).
[53] K. Simonyan, A. Zisserman, Very deep convolutional networks for large-scale image recognition, arXiv preprint arXiv:1409.1556.
[54] H. W. Kuhn, The Hungarian method for the assignment problem, Nav. Res. Logis. 2 (1–2) (1955) 83–97.
[55] A. Strehl, J. Ghosh, Cluster ensembles – A knowledge reuse framework for combining multiple partitions, J. Mach. Learn. Res. 3 (Mar)
(2002) 583–617.
28