Next Article in Journal
A Novel Sub-Bottom Profiler and Signal Processor
Next Article in Special Issue
Multi-GPU, Multi-Node Algorithms for Acceleration of Image Reconstruction in 3D Electrical Capacitance Tomography in Heterogeneous Distributed System
Previous Article in Journal
Modeling Indoor Relative Humidity and Wood Moisture Content as a Proxy for Wooden Home Fire Risk
Previous Article in Special Issue
Anti-Interference Deep Visual Identification Method for Fault Localization of Transformer Using a Winding Model
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Exploring Inter-Instance Relationships within the Query Set for Robust Image Set Matching

1
School of Information Engineering, Zhengzhou University, Zhengzhou 450001, China
2
School of Electrical and Control Engineering, Henan University of Urban Construction, Pingdingshan 467036, China
3
School of Information Technology and Electrical Engineering, The University of Queensland, Brisbane 4072, Australia
4
School of Control Science and Engineering, Shandong University, Jinan 250100, China
*
Author to whom correspondence should be addressed.
Sensors 2019, 19(22), 5051; https://doi.org/10.3390/s19225051
Submission received: 9 October 2019 / Revised: 9 November 2019 / Accepted: 11 November 2019 / Published: 19 November 2019
(This article belongs to the Special Issue Sensors Signal Processing and Visual Computing 2019)

Abstract

:
Image set matching (ISM) has attracted increasing attention in the field of computer vision and pattern recognition. Some studies attempt to model query and gallery sets under a joint or collaborative representation framework, achieving impressive performance. However, existing models consider only the competition and collaboration among gallery sets, neglecting the inter-instance relationships within the query set which are also regarded as one important clue for ISM. In this paper, inter-instance relationships within the query set are explored for robust image set matching. Specifically, we propose to represent the query set instances jointly via a combined dictionary learned from the gallery sets. To explore the commonality and variations within the query set simultaneously to benefit the matching, both low rank and class-level sparsity constraints are imposed on the representation coefficients. Then, to deal with nonlinear data in real scenarios, the‘kernelized version is also proposed. Moreover, to tackle the gross corruptions mixed in the query set, the proposed model is extended for robust ISM. The optimization problems are solved efficiently by employing singular value thresholding and block soft thresholding operators in an alternating direction manner. Experiments on five public datasets demonstrate the effectiveness of the proposed method, comparing favorably with state-of-the-art methods.

1. Introduction

Image set matching (ISM) or image set classification, which regards one set of images as a sample, has recently attracted considerable attention due to its widespread applications such as video-based face recognition, multi-view object recognition, dynamic scene classification [1,2,3,4,5,6,7,8,9,10]. Compared with traditional single image based classification, ISM has the merit of incorporating information from multiple images of one set to provide all-sided description for a subject and thus achieve better matching accuracy.
Most of the existing ISM methods roughly fall into two categories, parametric and non-parametric. Parametric methods [11,12] try to model image sets with certain statistical distributions and then evaluate the similarities among those distributions. Non-parametric methods tend to assume that the image sets have underlying linear or nonlinear geometric structures and construct global set models, such as subspaces [2,13,14], manifolds [6,15,16] and affine/convex hulls [8,9,17,18,19,20,21], etc. Non-parametric methods have shown superior performance in the cases when the data distributions do not meet the models estimated by the parametric methods. Recently, some methods [1,10,22,23] have presented various further improvements following conventional non-parametric methods. Ref [22] proposes Nonlinear Subspace Feature Enhancement (NSFE) for nonlinearly embedding image sets into a space where they adhere to a more discriminative subspace structure. Ref. [23] combines multiple manifolds as the features of the original image sets, utilizing well-studied Riemannian kernels to map the original Riemannian spaces into high dimensional Hilbert spaces. In [1], aiming at alleviating the handicap that over-large affine hull usually fails in mathcing when two hulls is overlapped, Learning of Reduced Prototypes and Local Metric (LRPLM) is proposed to acquire powerful discriminative ability. Ref. [10] uses the mean vector, subspace and covariance matrix which lie on different spaces (Euclidean or manifold) to jointly represent an image set, and develops a multimodel fusion metric learning (MMFML) framework to reduce the dissimilarity between the heterogeneous spaces.
Many of the methods mentioned above, however, describe the query and gallery sets separately, and then measure the query-to-gallery distances/similarities using nearest neighbor or subspace classifiers. Firstly, they do not explore the relationships among the gallery sets which are helpful for improving ISM accuracy. Secondly, such a way of modeling separately followed by matching the models is less straightforward, or even unfair in terms of distance measurement. Finally, existing methods often depend heavily on the extracted features, i.e., different feature extraction techniques make big difference to the final matching performance. In recent years, deep learning-based image set classification methods [3,7,24,25,26] are proposed where feature extraction plays a significant role in the deep neural networks. Ref. [27] models a set of Convolutional Neural Network (CNN) features (as inputs) by a convex cone and measure the geometric similarity of convex cones for image set classification. Even some deep learning-based methods need to use extra hand-crafted features, e.g., in the method of Deep Reconstruction Models (DRM) [3], the first step of learning DRM is to compute Local Binary Pattern (LBP) features [28].
Sparse Representation has been very popular in many fields such as image classification [29,30], dictionary learning [31], color image restroation [32], recovery of remote sensing contaminated products [33], missing information reconstruction of remote-sensing images [34,35]. Sparse representation classification (SRC) [29] and Collaborative Representation Classification (CRC) [30] are two well-known classifiers which can bridge the testing sample and the training samples together under a unified framework, achieving impressive performance for single image based classification. In the unified framework, SRC or CRC implicitly describes the relationships (competition and collaboration) among the training samples while measuring directly the distances/similarities between testing and training samples. Furthermore, such methods are not sensitive to the feature extraction techniques, i.e., whatever kind of extracted feature is fed to the models based on SRC or CRC leads to good performances. Studies [36,37] either utilize the mean of the images within the query set or choose a candidate image by clustering the query set to conduct basic (single image based) SRC for image set based applications, but the basic SRC used can not exploit the rich information involved in image sets, especially in the query sets.
To accurately measure the distances between the query and gallery sets, some methods attempt to project all the sets into a collaborative or joint sparse representation framework for image set classification [19,38,39] and multimodal/multi-task recognition [40,41]. Image set based collaborative representation and classification (ISCRC) [19] describes the query set as a convex or regularized hull and represents the hull collaboratively over all the gallery sets. Group Collaborative Representation (GCR) [39] takes advantage of the relationships among gallery image sets to capture the inter-set and intra-set variations, and determines the characteristic subspaces of all the gallery sets. Methods [38,40,41] jointly represent the query set (or multiple testing features) over the gallery sets (or multiple training features) with different constraints imposed on the representation coefficients. These methods mainly explore the relationships (competition and collaboration) among different gallery sets, and even correlations and variations within gallery sets, without carefully looking into the inter-instance relationships within the query set. However, the commonality and variations within the query set are also important clues for accurate ISM tasks. In addition, existing methods are not robust to corruptions of large magnitude mixed in the query sets. Once the query sets are grossly corrupted by outliers or partial perturbations of large magnitude (e.g., occlusions), the performances of many methods will degrade drastically.
Motivated by the above insights, in this paper, we propose a new joint representation model to highlight the inter-instance relationships within the query set for improving ISM. To emphasize the inter-class discrimination among gallery sets, a class-level sparsity constraint is imposed. While for the gallery set, it is exactly the class-level sparsity constraint that implicitly connives even enlarges the variations across the instances within the query set. Therefore a constraint is imposed on the representation model by low rank regularization, to eclectically embody the commonality among instances within the query set. The combination of the two constraints explores fully both the inter-set and intra-set relationships among the query and gallery sets. The main contributions of this paper are summarized as follows:
  • A joint sparse representation model with class-level sparsity constraint is chosen for ISM problem and then a low rank regularization is added to reveal thoroughly the intra-set and inter-set relationships to improve the ISM performance. To deal with nonlinear data in real scenarios, the kernelized variant of our method is presented.
  • For the problem of grossly corrupted data encountered in real scenarios, which is rarely mentioned in existing ISM methods, the proposed model is extended to its robust versions to tackle different types of gross corruptions.
  • The optimization challenge is solved efficiently by employing singular value thresholding and block soft thresholding operators in an alternating direction manner. The optimization algorithms for the kernelized and extended versions are modified accordingly.
  • Experiments on five public datasets demonstrate that the proposed method compares favorably with competing state-of-the-art methods.
The remaining of this paper is organized as follows. Section 2.1 reviews some related work, comparing and analyzing several different joint representation models. Section 3 proposes the improved joint representation model and its kernelized version, and describes the optimization procedures for solving the objective functions. Robust extension of the proposed model and the corresponding optimization are presented in Section 4. Experimental results and analyses are showed in Section 5. Section 6 concludes this paper.

2. Preliminary–Related Work

2.1. Joint Representation

Joint representation with sparsity induced by l 1 -norm, which is extended from SRC [29], inherits the latent discriminability resulting from the sparsity of representation coefficients. There are many images in each query set for ISM problem, hence we can consider to use this joint sparse representation to bridge query and gallery sets together. Specifically, the joint sparse representation model can represent the images within the query set via training images with joint sparsity constraint imposed on the representation coefficients. As shown in Figure 1a, given feature matrix X = [ X 1 , X c , , X C ] from gallery sets of C classes, where X c R d × n c stands for n c images of class c { 1 , , C } . Each image is represented with d dimension feature. The feature matrix Y R d × n q of n q images in a query set can be represented as linear combination of the gallery set features X, namely Y = X W . Then the joint representation coefficient W can be obtained by solving the following problem:
W ^ = arg W min 1 2 Y X W F 2 + λ W 1
where λ is a positive parameter, F denotes Frobenius norm of a matrix and W 1 means the l 1 -norm sparsity constraint that is imposed on the joint representation coefficients. This l 1 -norm regularized model, whose representation coefficients are illustrated in Figure 2a, is just a trivial extension of basic sparse representation model. The naive sparsity constraint embodies latent discrimination to some degree, without reflecting clearly any intra-set or inter-set relationships. For ISM problem, inter-instance relationships within the query set is one important clue for ISM, so that more meaningful constraints should be considered to reveal real between-data relationships.

2.2. Joint Representation with Row-Level Sparsity

Recently, a joint representation model with row-level sparsity constraint has been proposed in the field of multimodal biometric recognition [40], which is formulated as follows:
W ^ = arg W min 1 2 Y X W F 2 + λ W 1 , 2
where W 1 , 2 is a mixed norm defined as W 1 , 2 = k = 1 n W k 2 , and W k is the K-th row vector of W. The l 1 , 2 -norm is a convex relaxation of l 0 , 2 -norm, which applies l 2 -norm on each row of and then applies l 0 -norm on the resulting vector. The representation coefficients acquired by solving Equation (2) will present the row-level sparsity, as shown in Figure 2b. The nonzero rows show that the nonzero values in different coefficient column vectors share the same group of indices, meaning that every column vector of Y gets expressed as the linear combination of the same group of atoms (column vectors) of X. When applying this model for ISM, the coefficient column vectors representing different images within the query set Y will share the same sparsity pattern, highlighting the inter-instance similarity within the query set. However, it ignores the variations across the images within the query set, which will distort the intrinsic relationships within the query set and degrade the matching accuracy.

2.3. Joint Representation with Class-Level Sparsity

Similarly, another joint representation model with class-level sparsity constraint is proposed in the field of multi-task learning [41], which is formulated as follows:
W ^ = arg W min 1 2 Y X W F 2 + λ W 1 , C F
where W 1 , C F is a mixed norm defined as W 1 , C F = c = 1 C W c F , and W c R n c × n q denotes the components of W associated with the gallery features X c of class c. Similarly, the l 1 , C F -norm defined here is a convex relaxation of l 0 , C F -norm, W 1 F , , W c F , , W C F 0 . The representation coefficients acquired by solving Equation (3) will present class-level sparsity, i.e., the nonzero values will group to a few classes. Ideally, as shown in Figure 2c, all the nonzero coefficients should fall into the block associated with the class Y belongs to. In this case, the indices of nonzero values in different coefficient column vectors locate in the same class block but could distribute in rather different positions. Hence, every column vector of Y gets expressed as linear combination of the same classes of but maybe different atoms of X. When applying this model for ISM, the class-level sparsity induced by the l 1 , C F -norm constraint employs the class labels as prior supervised information. However, it maybe also connive even enlarge the variations across the images within the query set Y, which will impede the further performance improvement.

3. Low Rank Regularization on Class-Level Sparse Joint Representation Model (LRCS)

3.1. The Proposed LRCS Model

In terms of gallery sets, since the class-level sparsity induced by l 1 , C F -norm constraint is able to employ the class label information to enhance inter-class discrimination, we prefer the class-level joint sparse characteristic for ISM task.
More importantly, the inter-instance relationships within the query set is also one important clue for ISM. In terms of query set, the l 1 , 2 -norm constraint highlights the intra-set commonality (similarity) excessively, without considering the variations across the images within the query set. In contrast, l 1 , C F -norm constraint connives large variations across the images within the query set, leading to the disorder of the distribution of non-zero coefficients located in the target class of W ^ and thus weakening the correlations (commonality) among the images within the query set. To trade-off between the commonality and variations among the images within the query set, we consider imposing both low rank and class-level sparsity constraints on the representation coefficients for improving ISM. Based on the class-level sparse joint representation model, when the coefficients W is restricted to be low rank, Y is approximately close to X W which is also low rank, embodying the intra-set commonality and avoiding overlarge variations. Thus, Low Rank regularization on Class-level Sparse joint representation model (LRCS) is proposed, which can be formulated to solve the following minimization problem:
W ^ = arg W min 1 2 Y X W F 2 + λ W 1 , C F + γ W *
where γ is a positive parameter controlling the low-rankness; and low rank constraint is convex relaxed into nuclear norm regularization, denoted by W * (equals the sum of singular values of matrix W). In real applications, the gallery set feature matrix X is often redundant and large, influencing the computational efficiency. Therefore, we compress feature matrix of each gallery set via dictionary learning method [31]. Finally, each class of feature matrix X c can be replaced with a learned class-specific dictionary D c . By replacing X with D = [ D 1 , D c , , D C ] , Equation (4) is changed to:
W ^ = arg W min 1 2 Y D W F 2 + λ W 1 , C F + γ W *
This model inherits the merits of unified model. Thus, not only the relationships (competition and collaboration) among gallery sets are described implicitly but also the distances between query and gallery sets can be measured directly. Furthermore, the combination of low-rankness and class-level joint sparsity constraints is exactly to trade off the commonality and variations among the query set. The representation matrix recovered via Equation (5) are class-level sparse, and the coefficients within the target class block are distributed orderly with slight anomaly, as illustrated in Figure 2d.
Once the coefficient is obtained, the class label for the whole query set is predicted according to the smallest reconstruction error:
c ^ = arg c { 1 , , C } min r e s i d u a l c ( Y ) = arg c { 1 , , C } min Y D c W ^ c F 2
where W ^ c denotes the components of the recovered W ^ associated with the dictionary D c .

3.2. The Optimization to Solve LRCS

In this section, we employ singular value thresholding and block soft thresholding operators alternately to solve the optimization problem of the proposed LRCS method. Firstly, an auxiliary variable P is introduced to reformulate the objective function:
arg W , P min 1 2 Y D W F 2 + λ P 1 , C F + γ W * , s . t . P = W
Then, the equality constraint is augmented into the objective function:
arg W , P min 1 2 Y D W F 2 + λ P 1 , C F + γ W * + T , P W + μ 2 P W F 2
where T is a Lagrangian multiplier matrix, μ is a positive parameter, and  A , B = t r ( A T B ) . Problem (8) will be solved iteratively. In each iteration, W, P and T will be updated alternately while keeping the other variables fixed.
(1) Update W: the subproblem for updating W has the following form
arg W min γ W * + 1 2 Y D W F 2 + T k , P k W + μ k 2 P k W F 2
which does not have a closed-form solution. Inspired by strategy of LADMAP [42], we denote the smooth component of the above objective function (9) by q ( W , P k , T k ) = 1 2 Y D W F 2 + T k , P k W + μ k 2 P k W F 2 , then minimizing the objective function (9) can be replaced by solving the following problem:
arg W min γ W * + W q W k , W W k + η k 2 W W k F 2
where q ( W , P k , T k ) is approximated by its linearization W q W k , W W k at W k plus a proximal term η k 2 W W k F 2 and W q W k is the gradient of w.r.t. W. As long as η k μ k + D 2 2 , where 2 is the spectral norm of a matrix, namely, the largest singular value, the above replacement is valid. Then problem (10) has a closed-form solution given by
W k + 1 = Θ γ / η k W k W q ( W k ) / η k
where Θ ε ( A ) = U S ε ( ) V T is the singular value thresholding operator (SVT) [43], in which U V T is the singular value decomposition (SVD) of A.
(2) Update P: the subproblem for updating P has the following form
arg P min λ P 1 , C F + T k , P W k + 1 + μ k 2 P W k + 1 F 2
Involving the l 1 , C F -norm constraint, problem (12) can be solved by utilizing the proximal-gradient algorithm [44]:
P k + 1 / 2 = W k + 1 T k μ k
P c k + 1 = max { 0 , ( 1 λ / μ k P c k + 1 / 2 F ) } · P c k + 1 / 2
where P c k + 1 is the c–th class of components of P k + 1 , k + 1 / 2 denotes an intermediate status, and Equation (14) involves a block soft thresholding operator [44].
(3) Update T: Finally, the Lagrange multiplier matrix is updated as follows:
T k + 1 = T k + μ k ( P k + 1 W k + 1 )
The proposed algorithm is summarized in Algorithm 1. For faster convergence, μ can be adjusted using the adaptive updating strategy as shown in step 4 in Algorithm 1. The iteration process will terminate when the changes of the objective variables in two consecutive iterations are all below some threshold, and the difference between P k + 1 and W k + 1 reaches a preset threshold.
Algorithm 1 Low Rank regularization on Class-level Sparse joint representation model (LRCS) and its kernelized version (K-LRCS) for Image Set Matching (ISM)
Input :
Learned dictionary D, query set feature matrix Y and balance parameters λ and γ . For the kernelized version, choose proper kernel and its corresponding parameters.
Output :
Representation coefficient matrix W. Initialization: W 0 = P 0 = T 0 = O , μ 0 = 10 6 , μ max = 10 8 , ρ 0 = 1.5 , ε 1 = ε 2 = 10 6 . Repeat ( k = 0 , 1 , )
1:
Update W by solving (11), where, for problem (5), W q W k = D T D W k D T Y T k + μ k ( W k P k ) and η k = μ k + D 2 2 for problem (17), W q W k = 1 2 ( K D , D + K D , D T ) W k K Y , D T T k + μ k ( W k P k ) and η k = μ k + 1 2 ( K D , D + K D , D T )
2:
update P by solving (14);
3:
update T by solving (15);
4:
update μ , where μ k + 1 = min ( μ max , ρ μ k ) , where ρ = ρ 0 if max W k + 1 W k / D , P k + 1 P k / D ε 2 ; otherwise ρ = 1 ; Until W k + 1 P k + 1 / D < ε 1 and max W k + 1 W k / D , P k + 1 P k / D < ε 2 , where ε 2 <

3.3. Computational Complexity

To analyze the computational complexity of the proposed model LRCS, we look through the procedures in the optimization algorithm. For convenience, we denote the number of the atoms of the learned combined dictionary by n D , the number of instances within the query set by n q , the feature dimension by d and the average number of iterations by K. We can find that at each iteration of Algorithm 1, the dominant computational costs come from the computing of gradient and singular value thresholding in Equation (11). The first two terms D T D W k and D T Y in the gradient in the step 1 in Algorithm 1 involve large computation, and  D T Y can be pre-computed, then the main cost for gradient estimation is O ( K n q n D d + n q n D d ) . The cost for the singular value thresholding is O ( K n D 2 n q ) . Therefore, the computing of Equation (11) through K iterations requires the computation in the order of O ( K n q n D d + n q n D d + K n D 2 n q ) . The computational overload in the steps are negligible compared to that of step 1.

3.4. Kernelized LRCS for Nonlinear Data

The proposed linear model will not work well when confronted with nonlinear data in real scenarios. Hence, we extend it to kernel space. The kernel function K : R n × R n is defined as the inner product K ( x i , x j ) = φ ( x i ) , φ ( x j ) where φ is an implicit mapping, projecting the vector x into a higher dimensional space. The projected query set features can be written as φ ( Y ) = [ φ ( y 1 ) , φ ( y 2 ) , . . . φ ( y n t ) ] and the dictionary of gallery sets can be represented as φ ( D ) = [ φ ( d 1 ) , φ ( d 2 ) , . . . φ ( d n D ) ] , n D is the total number of atoms. Applying the linear joint representation in the higher dimensional space, we have φ ( Y ) = φ ( D ) W . Similar to the linear case, we seek to solve the following optimization problem:
W ^ = arg W min 1 2 φ ( Y ) φ ( D ) W F 2 + λ W 1 , C F + γ W *
which can be reformulated w.r.t kernel matrices as
W ^ = arg W min 1 2 T r a c e W T K D , D W 2 K Y , D W + λ W 1 , C F + γ W *
where the kernel matrix K A , B is defined as K A , B ( i , j ) = φ ( a i ) , φ ( b j ) , a i and b i are the i-th column of A and the j-th column of B respectively.
The approach to minimizing the kernelized objective function (17) has almost the same optimization procedures as in the linear case, except for the computing of the gradient of the smooth components q ( W , P k , T k ) in the procedure (1) to update W. We need to replace 1 2 Y D W F 2 with 1 2 T r a c e W T K D , D W 2 K Y , D W and compute the corresponding gradient.
Once W ^ is obtained, ISM can be done by assigning the class label by
c ^ = arg c { 1 , , C } min φ ( Y ) φ ( D c ) W ^ c F 2 = arg c { 1 , , C } min T r a c e W ^ c T K D c , D c W ^ c 2 K Y , D c W ^ c
The kernelized version can deal with nonlinear data in ISM problem. We call Equation(17) together with Equation (18) Kernelized Low Rank regularization on Class-level Sparse joint representation model (K-LRCS). The optimization procedures are also summarized in Algorithm 2, and the complexity analysis is similar to the linear fusion.
Algorithm 2 Robust Low Rank regularization on Class-level Sparse joint representation model (R_LRCS) for Image Set Matching (ISM)
Input :
Learned dictionary D, query set feature matrix Y and balance parameters. λ , γ and β .
Output :
Representation coefficient matrix W and the corruption term E.
Initialization: W 0 = P 0 = T 0 = O , E 0 = O , μ 0 = 10 6 , μ max = 10 8 , ρ 0 = 1 . 5 , ε 1 = ε 2 = 10 6 .
Repeat ( k = 0 , 1 , )
1:
Update W by solving (11) where, W q W k = D T D W k D T ( Y E k ) T k + μ k ( W k P k ) and η k = μ k + D 2 2 ;
2:
update P by solving (14);
3:
update E by solving (21);
4:
update T by solving (15);
5:
update μ : μ k + 1 = min ( μ max , ρ μ k ) where ρ = ρ 0 if max W k + 1 W k / D , P k + 1 P k / D , E k + 1 E k / D ε 2 ; otherwise ρ = 1 ;
Until
W k + 1 P k + 1 / D < ε 1 and max W k + 1 W k / D , P k + 1 P k / D , E k + 1 E k / D < ε 2 , where ε 2 >

4. Robust LRCS for Image Set Corruptions

When the query sets are corrupted heavily, the initially proposed model will degenerate just like most of the existing ISM methods. In this section, the proposed LRCS is extended to robust LRCS, performing against two different corruptions of large magnitude mixed in the query sets.
As shown in Figure 1b, in the case that the images within the query set are perturbed by gross corruptions, namely Y = D W + E , where E could be random sparse corruptions or image-specific corruptions, we should consider modifying the originally proposed model to different corruption types. As illustrated in Figure 3a, random sparse corruptions indicate that a fraction of random entries of Y are grossly corrupted, such as partial blurs or occlusions in some images within the query set. In other words, E is a spare error so that we consider adding a sparse constraint term E 0 to the original model. It can be convex relaxed into E 1 . Image-specific corruptions, e.g., outliers as illustrated in Figure 3b, indicate the phenomena that a fraction of images within the query set (i.e., some columns of Y ) are entirely corrupted. We consider adding a column-sparse constraint term to the original model, namely E 2 , 0 = # i : [ E ] : , i 2 0 , and convexly relax it into E 2 , 1 = i [ E ] : , i 2 . Based on the previous analyses, the extended robust model is formulated as follows:
W ^ , E ^ = arg W , E min 1 2 Y D W E F 2 + λ W 1 , C F + γ W * + β E
where β is a positive parameter controlling the degree of corruption, and indicates a certain regularization. The l 1 -norm is used for characterizing the random sparse corruptions, and the l 2 , 1 -norm is for dealing with image-specific corruptions.
As for the optimization to solve the problem (19), one can still employ similar procedures introduced in Section 3.2. Specifically, by introducing an auxiliary variable then we can have the augmented Lagrangian form of the objective function as follows:
arg W , P , E min 1 2 Y D W E F 2 + λ P 1 , C F + γ W * + β E + T , P W + μ 2 P W F 2
where the problem (20) will be solved iteratively in which each iteration will be updated alternately while keeping the other variables fixed.
(1)
Update W: this procedure is almost the same to the procedure (1) in Section 3.2, and we just need to replace 1 2 Y D W F 2 with 1 2 Y D W E F 2 and go on subsequent computing.
(2)
Update P: this procedure is just the same to the procedure (2) in Section 3.2.
(3)
Update E: the subproblem for updating E has the following form
arg E min β E + 1 2 E ( Y D W k + 1 ) F 2
where if is l 1 -norm, the solution to problem (21) can be computed by the soft thresholding operator S ε ( x ) :
E k + 1 = S β ( Y D W k + 1 )
if is l 2 , 1 -norm, the solution to problem (21) can be computed via:
[ E k + 1 ] : , i = [ Y D W k + 1 ] : , i 2 β [ Y D W k + 1 ] : , i 2 [ Y D W k + 1 ] : , i , if [ Y D W k + 1 ] : , i 2 > β
(4)
Update T: this procedure is just the same to the procedure (3) in Section 3.2.
Once W and E are obtained, ISM can be done by assigning the class label by
c ^ = arg c { 1 , . . . , C } min Y D c W ^ c E ^ F 2
We call Equation (19) together with Equation (24) Robust Low Rank regularization on Class-level Sparse joint representation model (R-LRCS). The proposed robust algorithm is summarized in Algorithm 2. The complexity analysis of Algorithm 2 is analog to that of Algorithm 1 as stated in Section 3.3.

5. Experiments

In this section, extensive experiments on five datasets are run to demonstrate the efficacy of the proposed model and its extensions. The joint representation models with different constraints are first compared showing the significance of the proposed model. Then, the comparisons with other state-of-the-art methods are presented for different ISM tasks, and finally, the impressive robustness of R-LRCS to different corruptions is verified.

5.1. Datasets and Preprocessing

Honda dataset: The Honda dataset [12] consists of 59 face video sequences which are collected from 20 different subjects. In each video sequence, there are a number of frames ranging from 12 to 645. The face images in the frames are automatically detected,cropped, and resized to 20 × 20. Finally, each video is processed to get an image set. For each class (subject), one image set is randomly selected as the gallery set for training while the rest ones are the query sets for testing.
YTC dataset: The YouTube Celebrity (YTC) dataset [45] is collected from YouTube, including 1910 videos from 47 celebrities. The face images in this dataset show large variations in expression, illumination and pose, as shown in Figure 4. Moreover, since the image compression rate is high, the resolution and quality of the images are extremely low. We extract a maximum of clearly detected face images from each video and resize them to 30 × 30 to form an image set. The dataset is equally divided into five folds, and in each fold there are nine image sets for each subject, of which three are used for training and six for testing.
ETH-80 dataset: The ETH-80 dataset [46] contains eight categories of objects: cups, dogs, horses, apples, cars, cows, tomatoes and pears, as shown in Figure 5. Each category is divided into ten subcategories, each of which involves plenty of images under 41 orientations with various brands or breeds are exhibited. The images are cropped and resized to 32 × 32. Each subcategory is processed to obtain an image set and therefore there are 80 sets in total. For each object, half of the sets are randomly selected for training and the remaining are used for testing.
UCSD Traffic dataset: The UCSD Traffic dataset [47] contains 254 video sequences of highway traffic with varying patterns (i.e., light, medium and heavy) in various weather conditions (e.g., cloudy, raining, sunny). HoG features [48] are used to describe each frame. The experiments are performed using the splits provided with the dataset [47].
Maryland dataset: The Maryland dataset [49] contains 13 different classes of dynamic scenes with ten videos per class, such as avalanches and tornados. We use the last convolutional layer of the Convolutional Neural Network (CNN) model [50] as the frame descriptors. Then the dimensionality of the CNN output is reduced into 400 using Principal Component Analysis (PCA). We randomly choose seven image sets (videos) of each class for training and the remaining three for testing.
These datasets cover different sub-tasks of image set matching. The first two are for face identification, ETH-80 is for object categorization, and the last two are for scene classification. For all the datasets, the color images are converted to gray scale levels. In order to examine the anti-interference of various methods to illumination variations, histogram equalization is not used in the preprocessing stage for all the datasets. For Honda, YTC and ETH-80 datasets, we use the raw pixel values directly as features while employing different extracted features for the rest. All the features are normalized into vectors of unit one except for the query set features in the corruption experiments.

5.2. Experiment Setup

As for the experimental settings of the proposed method, we first compress each gallery set using a dictionary learning method such as KSVD [31] to a sub-dictionary with atoms of fixed number and stack them up to form a combined dictionary. The number is set as 50,10,20,5 on Honda, YTC, ML, Traffic datasets respectively. The gallery sets of ETH-80 are stacked up directly as a dictionary without compressing, as their sizes are already small. The balance parameters λ , γ , β are often chosen among three different orders of magnitude 0.1 , 0.01 , 0.001 . Detailed analyses on the sensitivity of parameters are described in Section 5.3. For the kernelized version of experiments, we choose the polynomial kernel.
We compare the proposed LRCS and its kernelized extension K_LRCS with some representative ISM methods, including several methods aiming at data nonlinearity, such as kernelized versions of several existing linear models and deep learning-based DRM [3]. Their abbreviations and names are shown in Table 1. For all the methods, their parameters are tuned for the best performances.
Specifically, for the MSM and linear AHISD, the thresholds for determining the subspace size are both set as 0.98. For the KAHISD, we set the bounds as L = U = τ , where the value of τ is chosen to be 5. The upper bounds of the CHISD and KCHISD are set to U = 1 . For the SANP, the same weighing parameters as in [9] are taken to implement convex optimization. For the RHISCRC, we choose the l 1 -norm regularized hull, and adopt the same parameter setting as in [19] for the RHISCRC and KCHISCRC. For the NN_H and NN_J, the bandwidth parameter of the KDE kernels are chosen among 0 . 01 , 0 . 1 , 1 . 0 , 10 for different datasets. For the PDL, GCR, DRM and KRCHISD, we have the same parameter setting as in their originally proposed papers respectively. For all the kernelized methods, we use the Gaussian or polynomial kernels.
Ten-fold cross validation experiments are run for each kind of test, except on YTC dataset (five-fold) and Traffic dataset (four-fold).

5.3. Sensitivity of the Parameters

There are two positive parameters controlling the balance among different terms in the objective functions of the proposed model and its kernelized extension. λ controls the class-level sparsity while γ decides the low-rankness. Classification results of LRCS and K-LRCS with different parameter settings of λ and γ on the Traffic dataset are provided in Table 2 and Table 3 respectively.
The kernelized version shows more stable average recognition rates than the LRCS model, but in general, both their recognition performances do not change much. When fixing a parameter and fine tuning the other, the best performance often occurs when the two parameters are in the same order of magnitude. This implies that both of the class-level sparsity and low-rankness are at work, and they are complementary.

5.4. Comparisons among the Different Joint Representation Models

To compare the performances of various aforementioned joint representation models, we choose Maryland dataset as a representative to run experiments, due to the abundance of its data quantity and diversity covering many potential data structures. For convenience, we denote these models by some abbreviations as shown in Table 1. We also add a low rank regularization to a row-level sparse joint representation model, denoted by LR+L12, to participate in the comparisons.
Table 4 shows the recognition rates of various joint representation models with 10 times of testing on Maryland dataset. Form the table, it is observed that L1 has an ordinary performance since it does not highlight any relationship within the query sets. CS enhances the inter-class discrimination utilizing class label prior, so it is supposed to perform always better than L12. At test no. 1,4,5 and 10, however, the recognition rates of CS are not higher (even lower) than that of L12. The reason is that the non-zero coefficients recovered by CS distribute rather chaotically in the potential targeted class (as shown in Figure 2c, which connives even enlarges the variations across the images within the query set so that the inherent commonality (similarity) among the images is weakened. In fact, in terms of query set, L12 highlights similarity, implying extremely low rank, while probably CS has higher rank than the truth, due to the disordered distribution of the non-zero coefficients. In contrast to that, the proposed LRCS explores low-rankness with the class-level sparsity constraints. Realizing not only enhanced inter-class discrimination by class-level sparsity constraint, but also intra-set trade-off between commonality and variations by adding a low rank regularization, the proposed LRCS model performs better for ISM.
Obviously, the performance of the LR+L12 model is inferior to that of LRCS, and it is also not better (even worse) than that of L12. The reason is that the row-level sparsity has already means extreme low-rankness. Adding a low rank regularization leads the coefficients to be far from the truth, bringing worse performance. In addition, there is no significant increase in the recognition rates of K_LRCS over that of LRCS except for the smaller standard deviation meaning higher stability. Probably because the CNN features in this dataset are relatively linearly tractable and thus the linear model LRCS has already been able to present competitive matching performance.

5.5. Comparisons with the State-of-the-Art Methods

As shown in Table 5, we compare the proposed method with the state-of-the-art in terms of ISM performance (average recognition rates and standard deviations) on the five benchmark datasets. For average recognition rates, both linear and nonlinear versions of the proposed model show the best or near the best performance on all the datasets in comparison to their respective categories of methods. Furthermore, the standard deviations of our proposed models are relatively small on each dataset, indicating the large stability of image set matching.
The KCHISCRC [19] method performs almost the second best. Just like the proposed models, it also belongs to the category of unified modelling which models query and gallery sets together and measures their distances directly. To some extent, this demonstrates that the superiority of unified modelling over other methods modelling separately each set. Another unified modelling method RHISCRC [19] also performs well on most datasets but unsatisfactorily on the rest, especially on Traffic. The reason is that the l 1 -norm constraints used both a and β [19] assume implicitly that only a few extremely similar images from the query and gallery sets participate in constructing hulls and modelling, where inter-class ambiguities easily cause misclassifications. Notice that sometimes the average recognition rates of K_LRCS has little advantage over (even is inferior to) that of LRCS, just as KAHISD vs. AHISD, and KCHISD vs CHISD. It can be inferred that whether the kernelization operations can help significant improvement of performance also relies on how much nonlinearity is embedded in the features used.
We also observe that many other methods perform well on some datasets while poor on the others. That is to say, their performances are not stable, depending on the datasets. For example, RT-LSVM [4] almost fails on the Maryland dataset. A probable explanation is that, as analyzed in [4], this method has rigorous limits to the relationship among the three: the number of class labels, the number of images within the query set, and the number of training images of each class, which Maryland cannot satisfy. In addition, the deep learning-based DRM method does not necessarily outperform other methods especially on the YTC and ETH-80 datasets. For the DRM method, the first step of its model is to extract the LBP features, but for fair comparisons, by removing the feature extraction step, we use the pixel values directly just as other methods on Honda, YTC, and ETH-80 datasets. Since only extracted features rather than LBP are provided on the Maryland and Traffic datasets, DRM code is not run on them. Maybe the mandatory remove of the LBP feature extraction procedure impairs the performance of DRM (the dependence of different methods on features will be further demonstrated in Section 5.6). Moreover, the small size of datasets limits the advantages of deep learning. The good news is, our proposed method shows impressive ability of dealing with nonlinearity, which is comparable to the deep model.
In terms of running time, for a normal image set, the average running time of our method varies on different datasets due to their different complexity (data quantity in every set, feature dimension, etc). For example, for LRCS, it is 1.68 s on Honda dataset while 3.38 s on YTC dataset on a PC with Intel(R) Core(TM) i7-3700 CPU and RAM 8GB. Such a running time is common compared to other methods for ISM problem [21].

5.6. Dependence on the Features

To investigate the dependence of different methods on features (or feature extraction techniques), we evaluate their recognition performance on YTC dataset using two kinds of features: Pixel values and LBP features. The results are shown in Figure 6. For the convenience of observation, various methods are sorted according to the recognition rates using pixel feature from the largest to the smallest. Obviously, the proposed models perform well consistently using whatever types of features, and the performance gaps between different features are small. Conversely, most of the methods compared depend heavily on specific kind of features, indicating that it is necessary to choose suitable feature extraction techniques for better performances. For example the DRM method even takes the LBP feature extraction as the first step of its model, the recognition performance drops dramatically once removing or replacing the LBP feature.

5.7. Robustness Comparisons

In this section, experimental results on the Honda and ETH-80 datasets are presented to investigate the robustness of different methods to random sparse corruptions and image-specific corruptions, respectively.
To test the robustness of different methods to random partial occlusions, we choose the Honda dataset for performance evaluation. Three occluded frames from three testing videos with partial occlusion are shown in Figure 7. Since the number of the occluded videos is small, we supplement some by taking some videos from the clean subset and adding random sparse noise onto their feature (raw pixel) matrices to simulate the occluded videos. The random sparse noise is a matrix, 10% elements of which are randomly distributed values larger than 2 while the rest are all zeros. This is sufficiently gross corruptions for the normalized clean feature matrix whose entries are all between 0 and 1.
To test the robustness of different methods to image-specific corruptions (outliers), we choose the ETH-80 dataset for performance evaluation. The image-specific corruptions are generated by randomly replacing 20% columns of the clean feature matrix of each query set with random noise vectors as outliers. The original feature matrix of query set is full of two or three-digit integers while the outliers are anomalous vectors composed of decimals whose amplitudes do not exceed 3. So the outliers are entirely away from the feature space of query set. Then the corrupted query-set matrices are used for testing.
Table 6 gives the recognition results of various methods on two datasets of different kinds of corruptions. It is clear that the proposed robust model achieves the best matching performance under two kinds of gross corruptions, with just a little degradation from the non-corruption case. It can be observed that the proposed method has the 8% and 6% performance improvement on Honda and ETH-80 datasets respectively, compared to the second best method RHISCRC [19]. The success of RHISCRC may come from the l 1 -norm constraints used on both a and β [19] which enforce that only a few extremely similar images in query and gallery sets participate in constructing hulls and modelling. Thus the corrupted instances are circumvented. In contrast to the poor performance of RHISCRC on the Traffic dataset mentioned in Section 5.5, we can see that the l 1 -norm used here has both advantages and disadvantages, depending on different situations of data distribution.
Furthermore, we also compare the robustness of different joint representation models under the two kinds of corruptions. In order to compare with the proposed R_LRCS fairly, we add the constrained terms standing for corruptions to the other competing joint representation models. For convenience, ‘R_’ abbreviation is added to their names. The recognition performances are illustrated in Figure 8. It can seen that the proposed R_LRCS presents the best recognition rates all the time for two kinds of gross corruptions, indicating the superior robustness of our proposed model. It is also observed that in the majority of the test numbers, the two modified models with low rank regularization added, R_LRCS and R_LR+L12 both perform better than their respective single-constraint models, R_CS and R_L12. The proposed method takes advantage of the competition and collaboration not only within the gallery sets but also considering the inter-instance correlation within the query set. As such, the commonality and variations across the query-set images can be achieved simultaneously through the low rankness and class-level sparsity constraints on the representation coefficients.

6. Conclusions

In this paper, we proposed a joint representation model with both low rank and class-level constraints imposed on the representation coefficients to explore fully the inter-instance relationships within the query set for improving image set matching. Compared with joint representation models with other sparsity constraints, the model with class-level sparsity constraint is more appropriate for image set matching, due to its enhanced inter-class discrimination by class label prior. In addition, a low rank regularization is added to the class-level sparse joint representation model, thus both the commonality and variations within the query set are exploited for improving ISM performance. To deal with nonlinear data in real scenarios, the proposed model is then extended to the kernelized version. Furthermore, grossly corrupted data are often encountered in real scenarios, which is ignored by most of the existing ISM methods. For this problem, the proposed model is extended to its robust version to tackle the rand sparse and image-specific corruptions. The optimization problems of the proposed model and its extensions are solved by employing singular value thresholding and block soft thresholding operators to solve different variables in an alternating direction manner. Experiments on five public datasets demonstrate that the proposed method has better performance than the existing joint representation models with various constraints for the ISM problem and also compares favorably with other state-of-the-art methods.

Author Contributions

Conceptualization, D.L., C.L. and L.Q.; Funding acquisition, L.Q.; Methodology, D.L. and C.L.; Resources, B.C.L.; Software, D.L. and Z.Z.; Supervision, B.C.L. and L.Q.; Writing—original draft, D.L.; Writing—review & editing, C.L. and B.C.L.

Funding

This research was funded by the National Natural Science Foundation of China (Grant No. 61640214, U1804152 and 61331021).

Acknowledgments

This research was supported by the Overseas Study Fund of China Scholarship Council, and the Advance Queensland Early-Career Research Fellowship. The authors would also like to thank the authors of the methods used for comparisons who provide public data and the anonymous reviewers who provide extensive constructive comments that improved our work.

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript, or in the decision to publish the results.

References

  1. Ren, Z.; Wu, B.; Sun, Q.; Wu, M. Simultaneous learning of reduced prototypes and local metric for image set classification. Expert Syst. Appl. 2019, 134, 102–111. [Google Scholar] [CrossRef]
  2. Tan, H.; Gao, Y.; Ma, Z. Regularized constraint subspace based method for image set classification. Pattern Recognit. 2018, 76, 434–448. [Google Scholar] [CrossRef]
  3. Hayat, M.; Bennamoun, M.; An, S. Deep reconstruction models for image set classification. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 37, 713–727. [Google Scholar] [CrossRef] [PubMed]
  4. Hayat, M.; Khan, S.H.; Bennamoun, M. Empowering simple binary classifiers for image set based face recognition. Int. J. Comput. Vis. 2017, 123, 479–498. [Google Scholar] [CrossRef]
  5. Zhao, Z.Q.; Xu, S.T.; Liu, D.; Tian, W.D.; Jiang, Z.D. A review of image set classification. Neurocomputing 2019, 335, 251–260. [Google Scholar] [CrossRef]
  6. Harandi, M.; Salzmann, M.; Baktashmotlagh, M. Beyond gauss: Image-set matching on the riemannian manifold of pdfs. In Proceedings of the IEEE International Conference on Computer Vision, Tampa, FL, USA, 7–13 December 2015; pp. 4112–4120. [Google Scholar]
  7. Liu, X.; Kumar, B.V.K.V.; Yang, C.; Tang, Q.; You, J. Dependency-Aware Attention Control for Unconstrained Face Recognition with Image Sets. In Computer Vision–ECCV 2018; Ferrari, V., Hebert, M., Sminchisescu, C., Weiss, Y., Eds.; Springer International Publishing: Cham, Switzerland, 2018; pp. 573–590. [Google Scholar]
  8. Wang, W.; Wang, R.; Shan, S.; Chen, X. Prototype discriminative learning for image set classification. IEEE Signal Process. Lett. 2017, 24, 1318–1322. [Google Scholar] [CrossRef]
  9. Hu, Y.; Mian, A.S.; Owens, R. Face recognition using sparse approximated nearest points between image sets. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 1992–2004. [Google Scholar] [CrossRef]
  10. Gao, X.; Sun, Q.; Xu, H.; Wei, D.; Gao, J. Multi-model fusion metric learning for image set classification. Knowl. Based Syst. 2019, 164, 253–264. [Google Scholar] [CrossRef]
  11. Arandjelovic, O.; Shakhnarovich, G.; Fisher, J.; Cipolla, R.; Darrell, T. Face recognition with image sets using manifold density divergence. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–25 June 2005; Volume 1, pp. 581–588. [Google Scholar]
  12. Lee, K.C.; Ho, J.; Yang, M.H.; Kriegman, D. Video-based face recognition using probabilistic appearance manifolds. In Proceedings of the 2003 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Madison, WI, USA, 18–20 June 2003; Volume 1. [Google Scholar] [CrossRef]
  13. Yamaguchi, O.; Fukui, K.; Maeda, K.I. Face recognition using temporal image sequence. In Proceedings of the Third IEEE International Conference on Automatic Face and Gesture Recognition, Nara, Japan, 14–16 April 1998; pp. 318–323. [Google Scholar]
  14. Kim, T.K.; Kittler, J.; Cipolla, R. Discriminative learning and recognition of image set classes using canonical correlations. IEEE Trans. Pattern Anal. Mach. Intell. 2007, 29, 1005–1018. [Google Scholar] [CrossRef]
  15. Lu, J.; Wang, G.; Deng, W.; Moulin, P.; Zhou, J. Multi-manifold deep metric learning for image set classification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1137–1145. [Google Scholar]
  16. Wang, W.; Wang, R.; Huang, Z.; Shan, S.; Chen, X. Discriminant Analysis on Riemannian Manifold of Gaussian Distributions for Face Recognition With Image Sets. IEEE Trans. Image Process. 2018, 27, 151–163. [Google Scholar] [CrossRef]
  17. Tan, H.; Gao, Y. Kernelized Fast Algorithm for Regularized Hull-Based Face Recognition With Image Sets. IEEE Access 2018, 6, 36395–36407. [Google Scholar] [CrossRef]
  18. Cevikalp, H.; Triggs, B. Face recognition based on image sets. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 2567–2573. [Google Scholar]
  19. Zhu, P.; Zuo, W.; Zhang, L.; Shiu, S.C.K.; Zhang, D. Image set-based collaborative representation for face recognition. IEEE Trans. Inf. Forensics Secur. 2014, 9, 1120–1132. [Google Scholar]
  20. Yang, M.; Wang, X.; Liu, W.; Shen, L. Joint regularized nearest points for image set based face recognition. Image Vis. Comput. 2017, 58, 47–60. [Google Scholar] [CrossRef]
  21. Cevikalp, H.; Yavuz, H.S.; Triggs, B. Face Recognition Based on Videos by Using Convex Hulls. IEEE Trans. Circ. Syst. Video Technol. 2019. [Google Scholar] [CrossRef]
  22. Fathy, M.E.; Alavi, A.; Chellappa, R. Nonlinear Subspace Feature Enhancement for Image Set Classification. In Computer Vision–ACCV 2018; Jawahar, C., Li, H., Mori, G., Schindler, K., Eds.; Springer International Publishing: Cham, Switzerland, 2019; pp. 142–158. [Google Scholar]
  23. Wang, R.; Wu, X.; Chen, K.; Kittler, J. Multiple Manifolds Metric Learning with Application to Image Set Classification. In Proceedings of the 24th International Conference on Pattern Recognition, ICPR, Beijing, China, 20–24 August 2018; pp. 627–632. [Google Scholar]
  24. Sun, H.; Zhen, X.; Zheng, Y.; Yang, G.; Yin, Y.; Li, S. Learning Deep Match Kernels for Image-Set Classification. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 6240–6249. [Google Scholar]
  25. Sun, H.; Zhen, X.; Yin, Y. Learning the Set Graphs: Image-Set Classification Using Sparse Graph Convolutional Networks. In Proceedings of the 2019 IEEE International Conference on Image Processing (ICIP), Taipei, Taiwan, 22–25 September 2019; pp. 4554–4558. [Google Scholar]
  26. Liu, X.; Guo, Z.; Li, S.; Kong, L.; Jia, P.; You, J.; Kumar, B.V.K.V. Permutation-invariant Feature Restructuring for Correlation-aware Image Set-based Recognition. In Proceedings of the IEEE International Conference on Computer Vision, Jeju Island, Korea, 15–18 June 2019. [Google Scholar]
  27. Sogi, N.; Nakayama, T.; Fukui, K. A Method Based on Convex Cone Model for Image-Set Classification With CNN Features. In Proceedings of the 2018 International Joint Conference on Neural Networks, IJCNN 2018, Rio de Janeiro, Brazil, 8–13 July 2018; pp. 1–8. [Google Scholar]
  28. Silva, C.; Bouwmans, T.; Frélicot, C. An eXtended Center-Symmetric Local Binary Pattern for Background Modeling and Subtraction in Videos. In Proceedings of the 10th International Conference on Computer Vision Theory and Applications: VISIGRAPP 2015, Berlin, Germany, 11–14 March 2015; Volume 1, pp. 395–402. [Google Scholar] [CrossRef]
  29. 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]
  30. Zhang, L.; Yang, M.; Feng, X. Sparse representation or collaborative representation: Which helps face recognition? In Proceedings of the 2011 International conference on computer vision, Barcelona, Spain, 6–13 November 2011; pp. 471–478. [Google Scholar]
  31. Wang, Z.; Liu, J.; Xue, J.H. Joint sparse model-based discriminative K-SVD for hyperspectral image classification. Signal Process. 2017, 133, 144–155. [Google Scholar] [CrossRef]
  32. Mairal, J.; Elad, M.; Sapiro, G. Sparse Representation for Color Image Restoration. IEEE Trans. Image Process. 2008, 17, 53–69. [Google Scholar] [CrossRef]
  33. Li, X.; Shen, H.; Zhang, L.; Zhang, H.; Yuan, Q.; Yang, G. Recovering Quantitative Remote Sensing Products Contaminated by Thick Clouds and Shadows Using Multitemporal Dictionary Learning. IEEE Trans. Geosci. Remote Sens. 2014, 52, 7086–7098. [Google Scholar]
  34. Li, X.; Shen, H.; Zhang, L.; Li, H. Sparse-based reconstruction of missing information in remote sensing images from spectral/temporal complementary information. ISPRS J. Photogramm. Remote Sens. 2015, 106, 1–15. [Google Scholar] [CrossRef]
  35. Li, X.; Shen, H.; Li, H.; Zhang, L. Patch Matching-Based Multitemporal Group Sparse Representation for the Missing Information Reconstruction of Remote-Sensing Images. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 3629–3641. [Google Scholar] [CrossRef]
  36. Ortiz, E.G.; Wright, A.; Shah, M. Face Recognition in Movie Trailers via Mean Sequence Sparse Representation- Based Classification. In Proceedings of the 2013 IEEE Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 3531–3538. [Google Scholar]
  37. Fathy, M.E.; Chellappa, R. Image Set Classification Using Sparse Bayesian Regression. In Proceedings of the 2017 IEEE Winter Conference on Applications of Computer Vision (WACV), Santa Rosa, CA, USA, 24–31 March 2017; pp. 1187–1196. [Google Scholar]
  38. Zheng, P.; Zhao, Z.Q.; Gao, J.; Wu, X. A set-level joint sparse representation for image set classification. Inf. Sci. 2018, 448, 75–90. [Google Scholar] [CrossRef]
  39. Liu, B.; Jing, L.; Li, J.; Yu, J.; Gittens, A.; Mahoney, M.W. Group Collaborative Representation for Image Set Classification. Int. J. Comput. Vis. 2019, 127, 181–206. [Google Scholar] [CrossRef]
  40. Shekhar, S.; Patel, V.M.; Nasrabadi, N.M.; Chellappa, R. Joint Sparse Representation for Robust Multimodal Biometrics Recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2014, 36, 113–126. [Google Scholar] [CrossRef] [PubMed]
  41. Yuan, X.; Liu, X.; Yan, S. Visual Classification With Multitask Joint Sparse Representation. IEEE Trans. Image Process. 2012, 21, 4349–4360. [Google Scholar] [CrossRef] [PubMed]
  42. Yin, M.; Gao, J.; Lin, Z. Laplacian Regularized Low-Rank Representation and Its Applications. IEEE Trans. Pattern Anal. Mach. Intell. 2016, 38, 504–517. [Google Scholar] [CrossRef]
  43. Cai, J.F.; Candès, E.J.; Shen, Z. A singular value thresholding algorithm for matrix completion. SIAM J. Optim. 2010, 20, 1956–1982. [Google Scholar] [CrossRef]
  44. Parikh, N. Proximal Algorithms. Found. Trends Optim. 2014, 1, 127–239. [Google Scholar] [CrossRef]
  45. Kim, M.; Kumar, S.; Pavlovic, V.; Rowley, H. Face tracking and recognition with visual constraints in real-world videos. In Proceedings of the 2008 IEEE Conference on Computer Vision and Pattern Recognition, Anchorage, AK, USA, 23–28 June 2008; pp. 1–8. [Google Scholar]
  46. Leibe, B.; Schiele, B. Analyzing appearance and contour based methods for object categorization. In Proceedings of the 2003 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Madison, WI, USA, 18–20 June 2003; Volume 2. [Google Scholar]
  47. Chan, A.B.; Vasconcelos, N. Probabilistic kernels for the classification of auto-regressive visual processes. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–25 June 2005; Volume 1, pp. 846–851. [Google Scholar]
  48. Dalal, N.; Triggs, B. Histograms of oriented gradients for human detection. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 20–25 June 2005; Volume 1, pp. 886–893. [Google Scholar]
  49. Shroff, N.; Turaga, P.; Chellappa, R. Moving vistas: Exploiting motion for describing scenes. In Proceedings of the 2010 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 1911–1918. [Google Scholar]
  50. Sun, N.; Li, W.; Liu, J.; Han, G.; Wu, C. Fusing Object Semantics and Deep Appearance Features for Scene Recognition. IEEE Trans. Circuits Syst. Video Technol. 2019, 29, 1715–1728. [Google Scholar] [CrossRef]
Figure 1. The flowchart of the proposed models: (a) Low Rank regularization on Class-level Sparse joint representation model (LRCS). (b) Extended robust model with related regularizations on the error term for different types of gross corruptions.
Figure 1. The flowchart of the proposed models: (a) Low Rank regularization on Class-level Sparse joint representation model (LRCS). (b) Extended robust model with related regularizations on the error term for different types of gross corruptions.
Sensors 19 05051 g001
Figure 2. Illustration of different joint sparse representation coefficients. Each column means a representation vector and each square means a coefficient value. White squares denote zero values while colored ones denote nonzero values. (a) l 1 -norm induced naïve joint sparsity (as in Equation (1)): simple joint sparse representation without highlighting any intra-set relationships; (b) Row-level sparsity (as in Equation (2)): the sparse representation vectors share a exactly the same sparsity pattern, highlighting inter-instance similarity within the query set; (c) Class-level sparsity (as in Equation (3)): ideally, the non-zero coefficients fall into a same class block but maybe distribute in disorder, conniving large variations among the images within the query set; (d) The proposed class-level sparsity with low rank regularization (as in Equation (4)): the non-zero coefficients fall into a same class block and distribute in order with slight anomaly, revealing both the commonality and the variations across images within the query set.
Figure 2. Illustration of different joint sparse representation coefficients. Each column means a representation vector and each square means a coefficient value. White squares denote zero values while colored ones denote nonzero values. (a) l 1 -norm induced naïve joint sparsity (as in Equation (1)): simple joint sparse representation without highlighting any intra-set relationships; (b) Row-level sparsity (as in Equation (2)): the sparse representation vectors share a exactly the same sparsity pattern, highlighting inter-instance similarity within the query set; (c) Class-level sparsity (as in Equation (3)): ideally, the non-zero coefficients fall into a same class block but maybe distribute in disorder, conniving large variations among the images within the query set; (d) The proposed class-level sparsity with low rank regularization (as in Equation (4)): the non-zero coefficients fall into a same class block and distribute in order with slight anomaly, revealing both the commonality and the variations across images within the query set.
Sensors 19 05051 g002
Figure 3. Error terms of two kinds of gross corruptions: (a) Random sparse corruptions. (b) image-specific corruption.
Figure 3. Error terms of two kinds of gross corruptions: (a) Random sparse corruptions. (b) image-specific corruption.
Sensors 19 05051 g003
Figure 4. Sampling frames of two videos from YTC dataset.
Figure 4. Sampling frames of two videos from YTC dataset.
Sensors 19 05051 g004
Figure 5. Sampling cropped images of two sets from ETH-80 dataset.
Figure 5. Sampling cropped images of two sets from ETH-80 dataset.
Sensors 19 05051 g005
Figure 6. Recognition performance of different methods using two different features on YTC dataset.
Figure 6. Recognition performance of different methods using two different features on YTC dataset.
Sensors 19 05051 g006
Figure 7. Three example frames drawn from three corrupted videos of Honda dataset with different illuminations.
Figure 7. Three example frames drawn from three corrupted videos of Honda dataset with different illuminations.
Sensors 19 05051 g007
Figure 8. Error terms of two kinds of gross corruptions: (a) Random sparse corruptions. (b) image-specific corruption.
Figure 8. Error terms of two kinds of gross corruptions: (a) Random sparse corruptions. (b) image-specific corruption.
Sensors 19 05051 g008
Table 1. Some compared methods/different joint representation models vs. their abbreviations.
Table 1. Some compared methods/different joint representation models vs. their abbreviations.
AbbreviationsMethods
MSMMutual Subspace Method [13]
AHISDAffine Hull based Image Set Distance [18]
CHISDConvex Hull-based Image Set Distance [18]
SANPSparse Approximated Nearest Points [9]
NN_HNearest Neighbor classifier based on the Hellinger distance [6]
NN_JNearest Neighbor classifier based on the J-divergence [6]
PDLPrototype Discriminative Learning [8]
RHISCRCRegularized Hull of Image Set based Collaborative Representation and Classification [19]
RT_LSVMReverse Training based Linear Support Vector Machine [4] and GCR [39]
GCRGroup Collaborative Representation [39]
KAHISDKernelized AHISD [18]
KCHISDKernelized CHISD [18]
KCHISCRCKernelized Convex Hull of Image Set based Collaborative Representation and Classification [19]
KRCHISDKenrnelized Reduced CHISD [21]
DRMDeep Reconstruction Models [3]
L1 l 1 -norm regularized general sparse joint representation model
L12 l 1 , 2 -norm regularized row-level sparse joint representation model
CS l 1 , C F -norm regularized Class-level Sparse joint representation model
LRCSLow Rank regularization on Class-level Sparse joint representation model
K_LRCSKernelized version of LRCS
LR+L12Low rank regularization on row-level sparse joint representation model
Table 2. Average recognition rates and standard deviations of LRCS with different parameter settings on the Traffic dataset (%).
Table 2. Average recognition rates and standard deviations of LRCS with different parameter settings on the Traffic dataset (%).
Two Parameters γ
λ 0.10.010.001
0.193.71/3.3691.74/1.9390.95/1.93
0.0193.71/3.194.5/2.6994.88/2.35
0.00193.71/3.194.89/1.9595.28/1.26
Table 3. Average recognition rates and standard deviations of K-LRCS with different parameter settings on the Traffic dataset (%).
Table 3. Average recognition rates and standard deviations of K-LRCS with different parameter settings on the Traffic dataset (%).
Two Parameters γ
λ 0.10.010.001
0.196.86/2.296.47/2.9596.47/2.95
0.0196.47/2.9596.08/3.7195.29/4.22
0.00196.86/2.295.68/2.6595.68/2.65
Table 4. Recognition rates (%) of various joint representation models on Maryland dataset.
Table 4. Recognition rates (%) of various joint representation models on Maryland dataset.
MethodsTesting No.Mean/ Std.
12345678910
L179.4982.0587.1879.4976.9289.7476.9279.4984.6274.3681.03/4.87
L1287.1889.7484.6287.1884.6284.6284.6282.0584.6282.0585.13/ 2.36
CS84.6294.8789.7487.1882.0594.8787.1884.6289.7479.4987.44/ 5.05
LR+L1282.0587.1887.1882.0579.4992.3179.4976.9284.6279.4983.08/ 4.71
LRCS97.4489.7492.3192.3184.6294.8779.4992.3192.3182.0589.74/ 5.8
K_LRCS97.4489.7492.3194.8782.0594.8784.6292.3192.3184.6290.51/ 5.14
Table 5. Average recognition rates and standard deviations (%) of various methods on the five datasets.
Table 5. Average recognition rates and standard deviations (%) of various methods on the five datasets.
MethodsHondaYTCETH80TrafficMaryland
LinearMSM [13]90.77/1.3257.52/5.9970.25/9.0188.99/1.7261.03/5.56
AHISD [18]84.62/4.8357.73/5.4272.5/8.5891.76/6.0169.74/7.43
CHISD [18]89.49/ 1.8960.43/5.9572/8.894.5/1.9974.62/5.19
SANP [9]94.10/3.8364.61/5.6873/9.1992.5/2.4383.59/6.42
NN_H [6]97.18/2.2554.26/5.0869.25/5.993.32/4.7282.56/5.77
NN_J [6]96.41/2.1654.68/3.6575.25/5.4693.32/4.7285.38/3.64
PDL [8]88.21/2.7660.64/7.0675.25/9.1695.68/2.3385.38/5.14
RT_LSVM [4]91.54/1.7348.58/4.7162.25/6.490.94/3.279.23/2.76
RHISCRC [19]98.46/1.3259.72/4.6180.5/8.9634.28/4.9383.08/3.86
GCR [39]98.21/1.8164.75/5.1285.75/7.1393.37/1.9885.64/4.15
LRCS98.97/1.2465.18/4.4790.25/6.2995.28/1.2689.74/5.8
NonlinearKAHISD [18]79.23/4.5958.16/5.8173.5/8.5194.9/3.270.26/5.29
KCHISD [18]89.49/1.8960.28/6.3371/7.0994.5/1.9975.13/4.91
DRM [3]99.74/0.8159.15/6.2465.75/9.21————
KRCHISD [21]100/061.21/5.7581.5/6.6395.16/2.4685.13/5.32
KCHISCRC [19]100/064.82/4.9184.25/6.7895.68/2.3387.69/4.95
K_LRCS100/066.31/6.1988.75/6.5996.86/2.290.51/5.14
Table 6. Recognition rates and standard deviations of various methods on partially occluded Honda and image-specific corrupted ETH-80 datasets.
Table 6. Recognition rates and standard deviations of various methods on partially occluded Honda and image-specific corrupted ETH-80 datasets.
MethodsHondaETH-80
AHISD [18]8.97/3.8735.5/3.69
CHISD [18]68.46/6.5114.25/3.91
SANP [9]7.69/1.7115/5.77
NN_H [6]72.82/4.2212.5/0
PDL [8]35.38/9.0316/5.55
RT_LSVM [4]57.95/5.4312.75/0.79
NN_J [6]82.05/6.478.75/5.68
RHISCRC [19]87.69/5.181/5.92
R_LRCS95.13/0.8187.25/5.06

Share and Cite

MDPI and ACS Style

Liu, D.; Liang, C.; Zhang, Z.; Qi, L.; Lovell, B.C. Exploring Inter-Instance Relationships within the Query Set for Robust Image Set Matching. Sensors 2019, 19, 5051. https://doi.org/10.3390/s19225051

AMA Style

Liu D, Liang C, Zhang Z, Qi L, Lovell BC. Exploring Inter-Instance Relationships within the Query Set for Robust Image Set Matching. Sensors. 2019; 19(22):5051. https://doi.org/10.3390/s19225051

Chicago/Turabian Style

Liu, Deyin, Chengwu Liang, Zhiming Zhang, Lin Qi, and Brian C. Lovell. 2019. "Exploring Inter-Instance Relationships within the Query Set for Robust Image Set Matching" Sensors 19, no. 22: 5051. https://doi.org/10.3390/s19225051

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