Knowledge-Based Systems 136 (2017) 200–209

Contents lists available at ScienceDirect

Knowledge-Based Systems journal homepage: www.elsevier.com/locate/knosys

Fuzzy correspondences guided Gaussian mixture model for point set registration Gang Wang a,b,∗, Yufei Chen c a

Institute of Data Science and Statistics, Shanghai University of Finance and Economics, Shanghai 200433, China School of Statistics and Management, Shanghai University of Finance and Economics, Shanghai 200433, China c College of Electronics and Information Engineering, Tongji University, Shanghai 201804, China b

a r t i c l e

i n f o

Article history: Received 29 March 2017 Revised 9 September 2017 Accepted 11 September 2017 Available online 12 September 2017 Keywords: Point matching Point set registration Fuzzy correspondences Mixture model Kernel method

a b s t r a c t Recovering correspondences and estimating transformations are challenging to solve in the presence of outliers and other degradations for non-rigid point set registration. In this paper, we propose a new methodology based on fuzzy correspondences guided Gaussian Mixture Model (GMM) to solve the registration problem between two or more feature point sets. We first construct a mixture model to represent the moving point set, where inliers are formulated as a mixture of Gaussian, and outliers are formulated as an additional uniform distribution. Then we use the context-aware shape descriptor to assign the points and obtain the fuzzy correspondences. On the one hand, the soft-assignment is used to classify the weight of inliers and outliers. On the other hand, by using the fuzzy correspondences, the Gaussian elements in the mixture model can be estimated to increase the registration accuracy efficiently. In this way, the optimal transformation between two point sets can be expressed by representation theorem and solved by EM algorithm iteratively in a high-dimensional feature space (i.e., reproducing kernel Hilbert space, RKHS). Extensive experiments on synthesized and real datasets demonstrate the proposed method performs favorably against the state-of-the-art methods in most tested scenarios. © 2017 Elsevier B.V. All rights reserved.

1. Introduction Point set registration (PSR) is a fundamental problem and has been widely applied in a variety of computer vision and pattern recognition tasks, such as image stitching, medical image registration, stereo matching, 3D reconstruction, image retrieval, and information fusion. The essence of PSR is to align correspondences between two or more point sets via a certain transformation. Generally, estimating correspondences is a linear assignment problem which can be solved with the Hungarian algorithm efficiently, and updating the underlying transformation is a similarity problem which can be solved with the regularized least squares. In general, the transformation in PSR can be categorized into rigid and non-rigid when considering the form of the data and the application. Rigid PSR is easy to model because of its small number of parameters, while non-rigid PSR is more difficult to solve in many real-world tasks (e.g., facial-expression recognition, fingerprint identification, and medical image analysis). In this paper, we are mainly interested in the non-rigid PSR and try to estimate the



Corresponding author. E-mail addresses: [email protected] (G. Wang), yufeichen@tongji. edu.cn (Y. Chen). http://dx.doi.org/10.1016/j.knosys.2017.09.016 0950-7051/© 2017 Elsevier B.V. All rights reserved.

underlying transformation robustly in the presence outliers and some other degradations. Although extensive research has been well done on registration problem for decades, there still exists some challenges: 1) The point sets extracted from data are usually contaminated by outliers, as shown in Fig. 1. Then the underlying correspondences (inliers) and transformation are challenging to estimate and recover robustly. 2) Non-rigid transformation usually has a large number of parameters which are hard to express and sensitive to outliers. 3) Contaminated PSR problem needs a more complex method to model inliers and outliers precisely. 4) The procedure of optimization often converges into local minima. 5) From sparse point set to point cloud, the PSR method should be able to solve the non-rigid transformation with tractable computational complexity. In order to solve these issues, in this paper, we present a robust registration method using the fuzzy correspondences guided Gaussian mixture model and kernel density estimation for point set registration in the presence of outliers and other degradations. Let the fixed point set be the scene set, and the moving point set be the model set, then the model set is transformed to align onto the scene set. Then we consider the model set as a Gaussian mixture model (GMM), and the Gaussian kernel elements are guided by the fuzzy correspondences. The regularized least squares

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

Fig. 1. An example of the contaminated point set. The fish shape denotes the inliers, and the other irregular points are outliers. It is hard to recover their correspondences (green lines) and estimate the underlying transformation (f). (For interpretation of the references to colour in this figure legend, the reader is referred to the web version of this article.)

method is used to recover the underlying non-rigid transformation parameters in a reproducing kernel Hilbert space (RKHS) with the representation theorem [1]. By using the posterior probabilities of the GMM components, we can align the point sets and recover the correspondences after the procedure of optimization. Experimental results demonstrate that our method outperforms several stateof-the-art methods in terms of robustness to outliers, registration error, and runtime. The rest of the paper is organized as follows: In Section 2, we overview the previous work for rigid and non-rigid point set registration and state our contributions. In Section 3, we present the proposed method and clarify the implementation details. In Section 4, we describe the experimental results on several test datasets. In Section 5, we give a conclusion with some discussions. 2. Previous work In order to solve the existing issues and challenges, many algorithms have been presented in the literature for rigid and for nonrigid point set registration. In this section, we briefly overview the rigid and non-rigid PSR methods and state our contributions. In rigid point set registration, the point sets are assumed to be aligned by a similarity measure, such as Euclidean distance, where the rigid transformation consists of rotation and translation. The most popular method for rigid PSR is the Iterative Closest Point (ICP) algorithm presented by Besl and McKay [2]. ICP has been widely studied and used in many tasks because of its simplicity and low computational complexity, i.e., ICP assigns correspondences using the distance measure and updates the underlying rigid transformation by solving the least-squares optimization iteratively. However, ICP occurs some issues: 1) it needs a good initial pose for the point sets at the beginning; 2) it always traps into a local minimum after convergence; 3) it cannot be used for handling non-rigid PSR. In order to solve these issues and improve the registration accuracy of ICP, many methods have been developed. Robust Point Matching (RPM) algorithm [3] introduces a soft-assignment method for correspondences recovering between all combinations of points and then estimates the underlying rigid transformation via the Expectation-Maximization (EM) algorithm for GMM. Moreover, to overcome the local minimum problem, Globally Optimized ICP (GO-ICP), introduced by Yang et al. [4], uses the branch-and-bound optimization method to search the global solution of ICP. There are a few rigid PSR algorithms [5,6] based on the spectral methods worth mentioning. These methods mainly use the Gram matrix to represent the similarity between two point sets and then find the correspondences and transformation by factorizing the Gram matrix. In non-rigid point set registration, one of the most popular non-rigid PSR algorithms is TPS-RPM introduced by Chui and Rangarajan [7]. TPS-RPM uses the soft-assignment and deterministic annealing framework to find the non-rigid transformation parameterized by Thin-Plate Spline (TPS) iteratively. They also demonstrated that TPS-RPM is equivalent to EM for GMM [8]. The al-

201

gorithm works well with deformation and outlier but needs high computational complexity when facing a large number of points. From the correspondences recovering viewpoint, many well-known methods have been introduced for PSR. The Shape Context (SC), introduced by Belongie et al. [9], at a reference point captures the distribution of the remaining points relative to it, then the underlying corresponding points have similar descriptors represented by shape context. 3D-SC [10] extends the standard SC from 2D PSR to 3D PSR. From the view of the spectral graph theory, Factorized Graph Matching (FGM), introduced by [11], interprets and optimizes graph matching problem by showing that the affinity matrix can be factorized as a Kronecker product of smaller matrices. Then they proposed Deformable Graph Matching (DGM) [12] method for non-rigid geometric constraint. From the perspective of distance measurement, Non-rigid ICP [13] still uses the least-squares based on Euclidean distance with an additional regularization term. Kernel Correlation (KC), introduced by Tsin and Kanade [14], estimates the non-rigid transformation by minimizing the kernel density estimation. Gaussian distance-based PSR methods [15–18] use the Gaussian fields criterion to estimate the rigid and non-rigid transformations by the gradient descent iteratively. L2-TPS, introduced by Jian and Vemuri [19], leverages the closed-form expression for the L2 distance between two mixtures of Gaussian. Its variant, namely MoAGReg [20,21], uses a mixture of asymmetric Gaussian instead of symmetric Gaussian to represent point sets. RPM-L2E, introduced by Ma et al. [22,23], uses the L2-minimizing Estimator (L2E) to find the optimal transformation. From the view of Motion Coherence Theory (MCT) [24,25], Coherence Point Drift (CPD), introduced by Myronenko and Song [26], constructs a mixture model, where GMM denotes the moving point set, and the other one is considered as the data point set. Then the non-rigid transformation parameterized by Gaussian Radial Basis Function (GRBF) can be estimated by EM algorithm. It is worth noting that CPD can handle a large number of points with fast Gaussian transformation (FGT) [27]. An interesting PSR method namely RPM-VFC, introduced by Ma et al., uses vector field consensus (VFC) [28,29] to estimate correspondences and transformations robustly. From the perspective of preserving global or local structures, RPM-PLNS, introduced by Zheng et al. [30], uses a graph matching technique to preserve local neighborhood structures, while PR-GLS [31] has been proposed for PSR by preserving Global and Local Structures (GLS). Our proposed Fuzzy Correspondences (FC) guided Gaussian mixture model shares similarities to the existing CPD and PRGLS based on mixture models. However, we use the fuzzy correspondences to assign the membership probabilities of the mixture models, where the soft-assignment strategy is used to instead the one-to-one mapping. Moreover, our FC guided GMM mainly focuses on non-rigid PSR and feature point matching. Part of our previous work has been reported in [32], where we just test the method preliminarily on contaminated point sets with outliers. Here, we mainly extend this work from testing outliers to testing more degradations, including deformation, noise, occlusion, and outliers on both synthesized datasets and real images, and add more implementation details and comparing experiments. Finally, the contributions of this paper briefly includes the following three parts: 1) fuzzy correspondences guided GMM based on an alternating iterative updating scheme between correspondences recovering and transformation estimating let us identify the underlying inliers accurately; 2) the FC is formulated for the mixture model by the soft-assignment strategy with one-to-many mapping; 3) we apply the robust FC guided method to 2D and 3D non-rigid PSR and feature point matching, and the experimental results show that the proposed FC outperforms other state-of-theart methods in most scenarios.

202

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

3. Method

Then we can rewrite Eq. (4) by omitting the terms independent of θ as follows:

3.1. Problem formulation Motivated by overcoming the limitations of the non-rigid PSR method when facing a large degree of degradations, such as deformation, noise, occlusion, and outliers, we introduce the fuzzy correspondences to guide the membership probabilities of GMM elements. Without loss of generality, we are assuming here that the model set can be considered as a mixture of Gaussian model, i.e., GMM centroids, and the observed scene set as the data points, where the model set is moving to align onto the scene set by a series of transformations step by step. Formally, given the model set (see notation1 ) X M×D = (x1 , . . . , xM ) , and the scene set (i.e., a set of observed data points) Y N×D = (y1 , . . . , yN ) , where M, N denotes the number of points, and D denotes the dimension of the point sets. Note that X ∈ RM×D and Y ∈ RN×D , where D = 2 or 3. Due to the mixture model depends on unobserved latent variables, and then we denote the latent variables Z = {zn ∈ INM+1 : n ∈ INN }, where



zn =

m, M + 1,

for inliers . for outliers

(1)

For inliers, we define the Gaussian kernel density with zero mean and uniform standard deviation σ :

p( y|zn = m ) =

1

(2π σ 2 )D/2



exp −

 y − xm 2 , 2σ 2

(2)

and for additional outliers, the distribution is assumed to be uniform distribution p(y|zn = M + 1 ) = 1/N. Thus, the mixture model can be written as follows:

p¯ (y ) = ω p(y ) + (1 − ω ) p(y|zn = M + 1 ),

(3)

where ω ∈ [0, 1] denotes the weight of the mixture models of  Gaussian, p(y ) = M+1 m=1 m p(y|zn = m ), and m = P (m ) denotes the membership probabilities for all GMM elements which determined by the fuzzy correspondences instead of 1/M. The model points undergo a rigid or non-rigid transformation f : RD → RD , and then PSR wants to warp the model set to the observed scene set by the optimized transformation f†. Finally, The newly transformed model set is X † = f (X ). Let the unknown parameter family be θ = { f, σ 2 , ω}, and then estimate them by minimizing the following negative log-likelihood function:

E (θ ) = −

N 

ln

n=1

  nm yn − f (xm )2 exp − , (2π σ 2 )D/2 2σ 2 m=1

M+1 

(4)

where we make the i.i.d. data assumption, and the fuzzy weights for all GMM elements satisfy ϖnm ∈ [0, 1]. The EM algorithm is used to estimate θ , and the Bayesian theorem is applied to compute a posteriori probability of mixture components:

P ( zn = m|yn ) =

P ( z n = m ) p( y n | z n = m ) . p¯ (yn )

Q(θ , θ old ) =

N M 1 

2σ 2

P (zn = m|yn , θ old ) yn − f (xm )2

n=1 m=1

 D + ln σ 2 P (zn = m|yn , θ old ) 2 N

M

n=1 m=1

− ln ω

N  M 

(6)

P ( zn = m|yn , θ

old

)

n=1 m=1

− ln (1 − ω )

N 

P (zn = M + 1|yn , θ old )

n=1

where the posterior probabilities of GMM components is expressed as:



 yn − f ( xm )2 nm exp − 2σ 2   P ( zn = m|yn ) = , M yn − f ( xk )2 +υ k=1 nk exp − 2σ 2

(7)

where υ = (1 − ω )(2π σ 2 )D/2 /ωN. The Expectation-Maximization (EM) algorithm [33] is well used to solve the mixture model, and it consists of two steps: E-step and M-step. Specifically, the EM algorithm uses the old parameter values to compute the responsibility P (zn = m|yn ) of mixture Gaussian elements in the E-step, and finds the new parameter values θ via maximizing the expectation of the complete log-likelihood function or minimizing the negative log-likelihood function in the M-step. Starting from some initial estimate of θ , and iteratively updating θ until convergence. Thus, minimizing the objective function Q, we can get the optimal parameter θ † = arg minθ Q by applying the EM algorithm. 3.2. PSR Using fuzzy correspondences guided GMM The registration flowchart using fuzzy correspondences guided GMM is shown in Fig. 2. We first introduce the fuzzy correspondences to guided the membership probabilities of all GMM elements and then present the parameters estimation for rigid and non-rigid transformations separately. 3.2.1. Estimating weights of GMM elements It is intractable to recover the underlying correspondences from the point set which is contaminated by degradations, such as deformation, noise, occlusion, and outliers. Here, we use the SC [9], IDSC [34], 3D-SC [10] or Fast Point Feature Histograms (FPFH) [35] descriptor to construct a weight soft-assignment ϖnm for Gaussian elements in mixture models to reduce the sensitivity of Gaussian kernel density estimation to outliers, where softassignment [7] is used to relax the hard binary correspondences to be a continuous valued fuzzy matrix ϖ in the interval [0,1]. Let π nm denote the similarity between these point pairs {xm , yn }, then we use the Chi-squared (χ 2 ) test statistic:

(5)

πnm =

K 1  Sx,m (k ) − Sy,n (k )2 2 Sx,m (k ) + Sy,n (k )

(8)

k=1

1 Bold capital letters denote a matrix X, xi denotes the ith row of the matrix X. xij denotes the scalar value in the ith row and jth column of the matrix X. 1m × n denotes a matrix with all ones, as well as 0m × n denotes a matrix with all zeros. I n×n ∈ Rn×n denotes an identity matrix.  ·  denotes a 2-norm. trace(X) denotes the trace of the matrix. det(X) returns the determinant of square matrix X. diag(x) is a diagonal matrix whose diagonal elements are x. X◦Y is the Hadamard product of matrices, and XY is the Kronecker product of matrices.

where Sx,m (k ) = #{x¯m = xm : 2 (x¯m , xm ) ∈ bin(k )} denotes the Kbin normalized histogram at each points. x¯m denotes the remaining (M − 1) points. Then we can obtain a one-to-many affinity matrix π. M In order to satisfy the constraints m=1 nm = 1 and N n=1 nm = 1, we run the row and column normalization it-

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

203

Fig. 2. The point set registration flowchart using fuzzy correspondences guided GMM.

 M where MP = N P (m, n ) = Pmn = P (zn = n=1 m=1 P (zn = m|yn ), old m|yn , θ ). μx and μy denote the mean vectors defined as following:

eratively until convergence is reached:

⎧ exp(−απnm ) ⎪ ⎪ ⎨ M exp(−απ ) , n = 1, . . . , N ni i=1 nm = exp ( − απ ) ⎪ nm ⎪ , m = 1, . . . , M ⎩ N j=1 exp (−απ jm )

(9)



μy = N1 Y  P 1,

(12)

μx = N1 X  P1.

where α denotes a constant which is used to tune the scale of the probability density distribution. Then we update fuzzy correspondences ϖnm which depends on the data iteratively for all GMM elements in mixture model.

The simplified objective function can be expressed as following by substituting t back into Eq. (10):

Q(R, t , s, σ 2 ) =

1



2σ 2

 tr(Y¯ diag(P  1 )Y¯ ))



  −2str(Y¯ P  X¯ R ) + tr(X¯ diag(P 1 )X¯ )) +

3.2.2. Estimating parameters of rigid transformation For rigid point set registration, we define the transformation as f (xm ) = sRxm + t , where R is a D × D rotation matrix, t is a D × 1 translation vector, and s is a scaling parameter. By considering the upper bound of the Eq. (6), the objective function becomes:

Q(R, t , s, σ 2 ) =

N M 1 

2σ 2

P ( zn = m|yn ) yn − ( sRxm + t )2

n=1 m=1

D + ln σ 2 2

N  M 

Q (R ) = −

s

σ2

 tr(Y¯ P  X¯ R )

(14)

By applying Lemma 3.1, we obtain the optimal R:

P ( zn = m|yn )

(10) We can see that the objective function (10) is a generalized weighted absolute orientation problem [26,36] because it consists of weighted differences between all combinations of points. The solution of t and s are straightforward, while the solution of rotation R is complicated due to the intractable constraints. We can obtain the closed-form solution by resorting to the following Lemma [37]. Lemma 3.1. Let R be an unknown D × D rotation matrix and B be a known D × D real square matrix. Let USV be a Singular Value Decomposition (SVD) of B, where U U  = V V  = I and S = diag(si ) with s1 ≥ s2 ≥, . . . , ≥ sD ≥ 0. Then the optimal rotation R that maximizes tr(B R) is R = U CV  , where C = diag(1, 1, . . . , 1, det(U V  )). In order to get the form of tr(B R), we need to simplify the objective function by taking the partial derivative of Q with respect to t and setting it to zero. Then, we can obtain the translation vector t:

1 1   Y P 1− s R X  P 1 = μy − s R μx MP MP

(15) 

n=1 m=1

(11)

(13)

where X¯ and Y¯ denote the centered point set matrices defined as  ¯ X¯ = X − 1μ x and Y = Y − 1μy . Ignoring the terms independent of R, we obtain:

R = U CV 

s.t. R R = I , det(R ) = 1.

t=

D MP ln σ 2 2



where C = diag(1, 1, . . . , 1, det(U V )), U SV = svd(B ), B=  Y¯ P  X¯ . The scaling parameter s can be solved by taking partial derivative of Eq. (13) with respect to s and setting it to zero:

s=

tr(B R ) 

tr(X¯ diag(P 1 )X¯ )

.

(16)

Similarly, we can obtain σ 2 :

σ2 =

 tr(Y¯ diag(P  1 )Y¯ ) − str(B R ) DMP

(17)

So far, we have solved all the parameters in the M-step. Then our fuzzy correspondences guided GMM algorithm for rigid registration is summarized in Algorithm 1 . 3.2.3. Estimating parameters of non-rigid transformation For non-rigid PSR, we define the transformation f as the initial position plus a velocity function : f (X ) = X + (X ), where is modeled by requiring it to lie within a specific functional space H, namely, a Reproducing Kernel Hilbert Space (RKHS). Base on the MCT, the velocity function between the point sets should be smooth. Thus, a regularization term (smoothness constraint) is added to the objective function (6) to avoid ill-posed problem. In the Bayesian framework, the regularization term [38] is formulated

204

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

Similarity, we can obtain the new parameter values of the velocity function by solving the following linear system:

Algorithm 1: FC Guided GMM for Rigid PSR.

1 2 3 4 5 6 7 8 9 10 11 12 13 14



Input: The model set X , and the scene set Y Output: R, t , s M 1 N 2 Initialize: σ 2 = DMN n=1 m=1 yn − xm  ; Initialize: R = I , t = 0, s = 1, ω ∈ [0, 1]; repeat E-step: Compute expectation Compute fuzzy correspondences nm by Eq. (9); Compute P by Eq. (7); M-step: Update parameters Compute X¯ and Y¯ by Eq. (12);  Compute SVD of B = Y¯ P  X¯ ;



diag(P 1 )G + λσ 2 diag(1 ) O = PY − diag(P 1 )X ,

where 1M × 1 is a column vector of all ones. Note that det(diag(P 1 )G + λσ 2 diag(1 )) = 0. We summarize our FC guided GMM registration algorithm for non-rigid PSR in Algorithm 2 . Algorithm 2: FC Guided GMM for Non-rigid PSR.

1

Update R, s, t by Eqs. (15), (16) and (11); Update σ 2 by Eq. (17); until Q converges; The aligned point set is f (X ) = sX R + 1M×1 t  ;

2 3 4 5



return the optimal parameters R , t † and s† ;

6 7 8

by the prior on transformation: p( f ) = exp (− λ2  f 2H ). Then the parameter θ can be estimated by minimizing the following objective function:



1 D P Y − f X )2 + ( ln σ 2 − ln ω P 2 2σ 2 1 λ 2 − ln (1 − ω ) +  f H , N 2

Q (θ ) =

Oi G ( xi , xq )

(19)

i=1

To apply the theorem 3.2, we obtain the expression of transformation:

f (X ) = X + GO

(20)

where GM × M is the kernel matrix with element Gi j = G(xi , x j ), and OM × D is the unknown coefficient vector (O1 , . . . , OM ) . Learning unknown parameters by the EM algorithm, we first evaluate the responsibilities P by rewriting Eq. (7):

yn − ( xm +

M

Oi G(xi ,xm ))2



nm exp − 2σ 2

 .  2 yn − ( xk + M i=1 Oi G (xi ,xk )) +υ k=1 nk exp − 2σ 2

Pmn =  M

i=1

(21)

MP , N

σ2 =

tr(V  diag(P  1 )V ) , MP

where V = Y − X − GO.

3.3. Implementation details Our proposed method is an iteration method, starting with some initial parameter values until reaching some termination conditions. The parameter β of the Gaussian radial basis function is set to 1.2, the regularization parameter λ is set to 3.0, the weight of Gaussian mixture model ω is initialized as 0.5. The transformation estimation needs to solve Eq. (24), and the computational complexity is O (N 3 ) for a large number of points. To overcome the efficiency problem, we apply the low-rank matrix approximation [26,40] and FGT [27] to reduce the runtime. More precisely, we select γ -rank approximation, where γ N, and then the ve =  O   locity function can be rewrite as γ =1 γ G(xγ , · ). In this way, the original computational complexity can be reduced from O (N 3 ) down to O (γ N ) approximately. Here, we set γ = 15 for fast implementation. Note that we set the termination conditions: the maximization iteration number 100, the final scale σ 2 = 10−8 , and the energy value of the negative log-likelihood tol = 10−15 . Note that both point sets are normalized as zero mean and unit variance first. 4. Experiments We implemented the FC guided GMM registration algorithm in Matlab R2015a, and performed all experiments on a 2.5 GHz Intel Core i7 CPU with 4 GB RAM. 4.1. Experimental setup

Then, we update parameters by taking partial derivatives of (18) with respect to ω, σ 2 and equating them to zero, respectively. We obtain

ω=

11

Input: The model set X , and the scene set Y Output: M 1 N 2 Initialize: σ 2 = DMN n=1 m=1 yn − xm  ; Initialize: β , λ ∈ [0, 1], ω ∈ [0, 1]; repeat E-step: Compute expectation Compute fuzzy correspondences nm by Eq. (9); Compute P by Eq. (21); M-step: Update parameters Update ω, σ 2 by Eqs. (22) and (23); Update O by Eq. (24); until Q converges; The aligned point set is f (X ) = X + GO; return the optimal velocity function † ;

(18)

Theorem 3.2. The minimization of the objective function (18) has a unique solution, given by M 

9 10

12

where λ > 0 is a trade-off parameter tuned the balance between empirical risk and penalization. To estimate the non-rigid velocity function and obtain the optimal solution of Eq. (18), we define a matrix-valued kernel G : RD × RD → RD×D based on a Gaussian function G(xi , x j ) = g(xi , x j ) = exp(−βxi − x j 2 ) as a standard Mercer kernel with an associated RKHS family of functions HG with the corresponding norm  · H . Then we can use the following useful property [39] of RKHS to represent the velocity function.

(xq ) =

(24)

(22)

(23)

In this section, we evaluate the performance of the proposed method on the synthesized shape point sets [7], real image datasets [41], and 3D point sets. For the comprehensive comparison, nine state-of-the-art methods are included in the comparative study: Shape Context (SC) [9], Quadratic Programming based Cluster Correspondence Projection (QPCCP), L2-TPS [19], CPD [26], RPM-L2E [23], PR-GLS [31], Reweighted Random Walks for graph Matching (RRWM) [42], Factorized Graph Matching (FGM) [11,12], where FGMD for directed graphs and FGMU for undirected graphs.

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

205

Fig. 3. Registration results of the proposed FC guided GMM registration algorithm on the synthesized data. From top to bottom, the degradation is deformation (a1, a2), noise (b1, b2), and occlusion (c1, c2), respectively.

Fig. 4. Comparison between five methods and our FC guided GMM to register point sets on synthesized shape. (top row) Registration errors plot on fish data. (bottom row) Registration errors plot on Chinese character shape.

Fig. 5. The average runtime (seconds) of the registration on synthesized data. From Deg. 1# to Deg. 5# , the degree level becomes larger.

All methods are implemented in Matlab and tested in the same environment. In the experiments, we use Root Mean Square Error (RMSE), accuracy, recall, and runtime to evaluate the registration results quantitatively [43]. Note that we mainly focus on the non-rigid PSR problem, and thereby only evaluate the proposed Algorithm 2.

4.2. Results on synthesized shape point set The synthesized data consists of two models (fish and Chinese character) with different shapes. 105 points are sampled from a Chinese character, and 98 points are sampled from the outmost silhouette of a fish, where fish shape is different from Chinese character point set because the shape of fish is well clustered. For each point set, there are several categories of data designed to evaluate the accuracy and robustness of PSR methods with respect to differ-

206

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

Fig. 6. Comparison between five methods and our FC guided GMM to register point sets on synthesized shape by using accuracy-recall curves.

ent degrees of deformation, noise, occlusion, and outliers. Precisely, 1) Deformation denotes that the deformed points are warped by GRBF with coefficients sampled from a Gaussian distribution with a zero mean and a standard deviation ranging from 0.02 to 0.08. 2) Noise denotes that the underlying positions of points are disturbed by the Gaussian noise with the standard deviation ranging from 0 to 0.05. 3) Occlusion denotes that some points are removed where the removed data to data ratio ranging from 0 to 0.5. 4) Outliers denote that some points cannot find their corresponding ones, and the outlier to data ratio is ranged from 0 to 2. In each category, 100 samples are generated for each degradation level and resulting in 40 0 0 pairs of point set in total. Registration results of the presented algorithm are shown in Fig. 3 on synthesized shape point sets. The qualitative results in the figure show that the model point sets (red stars) are all well

aligned onto the scene sets (blue circles) except the scene sets are distorted by noise. Fig. 4 shows the average registration error of several non-rigid PSR methods on the synthesized data. Quantitative results demonstrate that the proposed FC guided GMM non-rigid PSR algorithm gets the lowest error on the tested cases. This is due to the fuzzy correspondences strategy can efficiently guided GMM to search the likely correspondences, and helps to estimate non-rigid transformations robustly. Fig. 5 shows the average runtime of the algorithm with about 100 iterations, we can see that the runtime becomes larger under the outlier degradations as the degree level increases. Further, the average runtime will be reduced by applying the fast implementation with the low-rank approximation. In order to state the performance on the whole dataset intuitively, we use the accuracy-recall curves [44] applied to evaluate the true positive rate within a given accuracy threshold. The proposed FC for non-rigid PSR reaches the higher recalls than the other methods as the accuracy threshold increases, as shown in Fig. 6. To evaluate the robustness of the method when facing outliers in both point sets, we establish another test using the outlier shape data. More precisely, the synthesized data consists of four groups of outlier point sets, and the outlier to data ratio is from 0.5 to 2.0, and each group has a hundred of different shape poses. We select the first point set of each group as the scene set, and then we just select the other ninety point sets as the model sets. For instance, Chinese character point set consists of 105 true correspondences, and each group is added on 52, 105, 157, 210 outliers, respectively. An example of the registration results by the presented FC algorithm is shown in Fig. 7, corresponding points are well aligned together, though the model set and the scene set are both contaminated by outliers. The comparison results (registration errors) are shown in Fig. 8. Although PR-GLS [31] performs better in most cases, the proposed FC achieves lower errors than PR-GLS at the largest degree of degradation on both fish and Chinese character shapes. Observe that all errors of FC are higher than the other methods. But recall curves of FC become slow down when increasing the Outlier to data Ratio (OR), as shown in Fig. 9 because more outliers disturb the estimation accuracy of fuzzy correspondences.

Fig. 7. An example of experimental results on synthesized shape point sets. The model set and the scene set are both contaminated by outliers.

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

207

Fig. 8. Comparison between five methods and our FC guided GMM to register point sets on outlier experiment (i.e., the model set and the scene set are both contaminated by outliers). Fig. 11. Performances on CMU house images by accuracy curves within different sample points. We compute average accuracies over 20 random trials.

Fig. 9. Performances of the proposed FC registration method on synthesized point sets under outliers by using accuracy-recall curves.

Fig. 10. An example of point matching on a pair of CMU house images. We randomly select 25 points out of 30 correspondences, and the unmatched points are outliers.

4.3. Results on real image dataset In this experiment, we use two datasets to evaluate the performance of FC. As we all known, many real image datasets can be used to apply PSR [45], here we first consider the CMU house image sequences2 . The dataset consists of 111 different views of a toy house, then we choose the frame one as our scene set and the frame 111 as our model set. There are total 30 corner points in each image. In order to test our method on the contaminated point sets, we randomly sample different corners from each set to construct some point set pairs with a degree of outliers. Note that we run the method over 20 times in each test group. The second image dataset is WILLOW object class dataset [41] which contains 5 sets of real images with manually labeled ground-truth landmarks (10 points), and we use it to analysis the matching accuracy qualitatively. Following the experimental setup on CMU house image dataset contributed by Zhou and De la Torre [12], we select 20, 22, 24, 26, 28, and 30 corners randomly to test the matching performance of the proposed method. Fig. 10 shows an example of feature point matching results with 25 corners. The RRWM and FGM are graphbased methods, they use triangulation to construct graphs with the given corners. The matching results used accuracy are shown in Fig. 11. Observe that the traditional point set registration methods

2

http://vasc.ri.cmu.edu/idb/html/motion/house/.

Fig. 12. Matching results by FC on WILLOW object class dataset without outliers. The yellow lines denote true correspondences. From top to bottom, the object class is a) car, b) duck, c) face, d) motorbike and e) winebottle, respectively. (For interpretation of the references to colour in this figure legend, the reader is referred to the web version of this article.)

outperform these graph-based methods when point sets are contaminated by outliers in these experiments. While our FC still has better accuracy than the other comparison methods in most test scenarios. In the WILLOW object class dataset, although the feature points have a similar shape, the large changes in viewpoint, scale, and non-rigid deformation in the area of the object. In this experiment, we just show the matching accuracy qualitatively by the proposed FC. Fig. 12 shows that all underlying correspondences are recovered by our FC guided GMM non-rigid registration algorithm. 4.4. Results on 3D point set Finally, we test our FC algorithm for 3D point set registration. By applying the fuzzy correspondences, 3D-SC [10] or FPFH [35] can be used to estimate the membership probabilities of all GMM elements in the mixture model. The first 3d point set, namely face, contains 392 points, and the second one contains 300 points. In this experiment, we set up a comparison between the original GMM without fuzzy correspondences and the GMM with fuzzy correspondences. Fig. 13 shows the comparison results,

208

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209

Fig. 13. Comparison between the original GMM without FC and FC guided GMM registration algorithm on 3D point set. The first column denotes the initial pose.

where the registration accuracy of the FC guided GMM is better than the original GMM without FC (several points are misaligned together).

Supplementary material

5. Discussion and conclusion

References

In computer vision and pattern recognition, point set registration or point matching is still an important problem and attracts many interests [19,23,26,46]. It is challenging to solve the registration problem when facing degradations because the correspondences are very hard to represent and estimate. It is interesting to note that the iteration idea is helpful in estimating correspondences effectively. Shape context descriptor and Gaussian mixture model-based methods are well used in point set registration, while some limitations still exist, especially for contaminated point set registration. In this paper, we mainly focus on the limitation of the Gaussian mixture model based PSR method, then we proposed a novel method based on fuzzy correspondences guided GMM to solve the PSR problem. Firstly, we consider the inliers in the model set satisfy mixture of Gaussian, and the outliers in model set satisfy an additional uniform distribution. We also model the contaminated point set registration problem according to the GMM-based method. Secondly, we use fuzzy correspondences to estimate the membership probabilities of all Gaussian elements, where shape context can be used to represent the model point set. Thirdly, EM algorithm and regularization framework in RKHS to solve the objective function, and find optimal parameters of the transformation. Finally, experimental results on 2D synthesized data, real images and 3D point sets demonstrate that our proposed FC guided GMM registration algorithm gets more accurate registration results and outperforms several tested state-of-the-art methods in most scenarios.

Acknowledgments The authors wish to acknowledge Drs. H. Chui, A. Myronenko, B. Jian, F. Zhou, and J. Ma for providing their implemented source codes and test data set. This paper was supported by the National Natural Science Foundation of China under Grant Nos. 61703260 and 61573235, the Fundamental Research Funds for the Central Universities.

Supplementary material associated with this article can be found, in the online version, at 10.1016/j.knosys.2017.09.016

[1] B. Schölkopf, R. Herbrich, A.J. Smola, A generalized representer theorem, in: International Conference on Computational Learning Theory, Springer, 2001, pp. 416–426. [2] P.J. Besl, N.D. McKay, A method for registration of 3-d shapes, IEEE Trans. Pattern Anal. Mach. Intell. 14 (2) (1992) 239–256. [3] S. Gold, A. Rangarajan, C.-P. Lu, S. Pappu, E. Mjolsness, New algorithms for 2d and 3d point matching: pose estimation and correspondence, Pattern Recognit. 31 (8) (1998) 1019–1031. [4] J. Yang, H. Li, Y. Jia, Go-icp: Solving 3d registration efficiently and globally optimally, in: Proceedings of the IEEE International Conference on Computer Vision, 2013, pp. 1457–1464. [5] G.L. Scott, H.C. Longuet-Higgins, An algorithm for associating the features of two images, Proc. R. Soc. London B 244 (1309) (1991) 21–26. [6] H. Li, R. Hartley, A new and compact algorithm for simultaneously matching and estimation, in: Acoustics, Speech, and Signal Processing, 2004. Proceedings.(ICASSP’04). IEEE International Conference on, 3, IEEE, 2004, pp. 5–8. [7] H. Chui, A. Rangarajan, A new point matching algorithm for non-rigid registration, Comput. Vision Image Understanding 89 (2) (2003) 114–141. [8] H. Chui, A. Rangarajan, A feature registration framework using mixture models, in: Mathematical Methods in Biomedical Image Analysis, 20 0 0. Proceedings. IEEE Workshop on, 20 0 0, pp. 190–197. [9] S. Belongie, J. Malik, J. Puzicha, Shape matching and object recognition using shape contexts, IEEE Trans. Pattern Anal. Mach. Intell. 24 (4) (2002) 509–522. [10] A. Frome, D. Huber, R. Kolluri, T. Blow, J. Malik, Recognizing objects in range data using regional point descriptors, Lect. Notes Comput. Sci. 3023 (2004) 224–237. [11] F. Zhou, F. De la Torre, Factorized graph matching, in: Computer Vision and Pattern Recognition (CVPR), 2012 IEEE Conference on, IEEE, 2012, pp. 127–134. [12] F. Zhou, F. De la Torre, Deformable graph matching, in: Computer Vision and Pattern Recognition (CVPR), 2013 IEEE Conference on, IEEE, 2013, pp. 2922–2929. [13] B. Amberg, S. Romdhani, T. Vetter, Optimal step nonrigid icp algorithms for surface registration, in: CVPR, 2007, pp. 1–8. [14] Y. Tsin, T. Kanade, A correlation-based approach to robust point set registration, in: Computer Vision-ECCV 2004, Springer, 2004, pp. 558–569. [15] F. Boughorbel, M. Mercimek, A. Koschan, M. Abidi, A new method for the registration of three-dimensional point-sets: the Gaussian fields framework, Image Vis. Comput. 28 (1) (2010) 124–137. [16] J. Ma, J. Zhao, Y. Ma, J. Tian, Non-rigid visible and infrared face registration via regularized gaussian fields criterion, Pattern Recognit. 48 (3) (2015) 772–784. [17] G. Wang, Z. Wang, Y. Chen, Q. Zhou, W. Zhao, Context-aware Gaussian fields for non-rigid point set registration, in: IEEE Conference on Computer Vision and Pattern Recognition, 2016, pp. 5811–5819. [18] G. Wang, Q. Zhou, Y. Chen, Robust non-rigid point set registration using spatially constrained gaussian fields, IEEE Trans. Image Process. 26 (4) (2017) 1759–1769. [19] B. Jian, B.C. Vemuri, Robust point set registration using gaussian mixture models, IEEE Trans. Pattern Anal. Mach. Intell. 33 (8) (2011) 1633–1645.

G. Wang, Y. Chen / Knowledge-Based Systems 136 (2017) 200–209 [20] G. Wang, Z. Wang, W. Zhao, Q. Zhou, Robust point matching using mixture of asymmetric Gaussians for nonrigid transformation, in: Computer Vision–ACCV 2014, Springer, 2015, pp. 433–444. [21] G. Wang, Z. Wang, Y. Chen, W. Zhao, A robust non-rigid point set registration method based on asymmetric Gaussian representation, Comput. Vis. Image Understanding 141 (2015) 67–80. [22] J. Ma, W. Qiu, J. Zhao, Y. Ma, A.L. Yuille, Z. Tu, Robust l2e estimation of transformation for non-rigid registration, IEEE Trans. Signal Process. 63 (5) (2015) 1115–1129. [23] J. Ma, J. Zhao, J. Tian, Z. Tu, A.L. Yuille, Robust estimation of nonrigid transformation for point set registration, in: IEEE Conference on Computer Vision and Pattern Recognition (CVPR), IEEE, 2013, pp. 2147–2154. [24] A.L. Yuille, N.M. Grzywacz, The motion coherence theory, in: IEEE 2nd International Conference on Computer Vision (ICCV), IEEE, 1988, pp. 344–353. [25] A.L. Yuille, N.M. Grzywacz, A mathematical analysis of the motion coherence theory, Int. J. Comput. Vis. 3 (2) (1989) 155–175. [26] A. Myronenko, X. Song, Point set registration: coherent point drift, IEEE Trans. Pattern Anal. Mach. Intell. 32 (12) (2010) 2262–2275. [27] L. Greengard, J. Strain, The fast gauss transform, SIAM J. Sci. Stat. Comput. 12 (1) (1991) 79–94. [28] J. Ma, J. Zhao, J. Tian, X. Bai, Z. Tu, Regularized vector field learning with sparse approximation for mismatch removal, Pattern Recognit. 46 (12) (2013) 3519–3532. [29] J. Ma, J. Zhao, J. Tian, A.L. Yuille, Z. Tu, Robust point matching via vector field consensus, IEEE Trans. Image Process. 23 (4) (2014) 1706–1721. [30] Y. Zheng, D. Doermann, Robust point matching for nonrigid shapes by preserving local neighborhood structures, IEEE Trans. Pattern Anal. Mach. Intell. 28 (4) (2006) 643–649. [31] J. Ma, J. Zhao, A. Yuille, Non-rigid point set registration by preserving global and local structures, IEEE Trans. Image Process. 25 (1) (2016) 53–64. [32] G. Wang, Z. Wang, Y. Chen, W. Zhao, X. Liu, Fuzzy correspondences and kernel density estimation for contaminated point set registration, in: IEEE International Conference on Systems, Man, and Cybernetics (SMC), IEEE, 2015, pp. 1936–1941. [33] A.P. Dempster, N.M. Laird, D.B. Rubin, Maximum likelihood from incomplete data via the em algorithm, J. R. Stat. Soc. (1977) 1–38.

209

[34] H. Ling, D.W. Jacobs, Shape classification using the inner-distance, Pattern Anal. Mach. Intell., IEEE Trans. 29 (2) (2007) 286–299. [35] R.B. Rusu, N. Blodow, M. Beetz, Fast point feature histograms (fpfh) for 3d registration, in: IEEE International Conference on Robotics and Automation, 2009, pp. 3212–3217. [36] S. Umeyama, Least-squares estimation of transformation parameters between two point patterns, IEEE Trans. Pattern Anal. Mach. Intell. 13 (4) (1991) 376–380. [37] A. Myronenko, X. Song, On the closed-form solution of the rotation matrix arising in computer vision problems, 2009. arXiv preprint arXiv:0904.1613. [38] G. Wang, Z. Wang, Y. Chen, X. Liu, Y. Ren, L. Peng, Learning coherent vector fields for robust point matching under manifold regularization, Neurocomputing 216 (2016) 393–401. [39] C.A. Micchelli, M. Pontil, On learning vector-valued functions, Neural Comput. 17 (1) (2005) 177–204. [40] G. Wang, Z. Wang, Y. Chen, Q. Zhou, W. Zhao, Removing mismatches for retinal image registration via multi-attribute-driven regularized mixture model, Inf. Sci. 372 (2016) 492–504. [41] M. Cho, K. Alahari, J. Ponce, Learning graphs to match, in: IEEE International Conference on Computer Vision, 2013, pp. 25–32. [42] M. Cho, J. Lee, K.M. Lee, Reweighted random walks for graph matching, in: Computer Vision–ECCV 2010, Springer, 2010, pp. 492–505. [43] C. Zhu, Z. Wang, Entropy-based matrix learning machine for imbalanced data sets, Pattern Recognit. Lett. 88 (2017) 72–80. [44] J. Starck, A. Hilton, Correspondence labelling for wide-timeframe free-form surface matching, in: IEEE 11th International Conference on Computer Vision (ICCV), IEEE, 2007, pp. 1–8. [45] G. Wang, Z. Wang, Y. Chen, W. Zhao, Robust point matching method for multimodal retinal image registration, Biomed. Signal Process Control 19 (2015) 68–76. [46] A. Myronenko, X. Song, M.A. Carreira-Perpinán, Non-rigid point set registration: Coherent point drift, in: Advances in Neural Information Processing Systems, 2006, pp. 1009–1016.

Fuzzy correspondences guided Gaussian mixture ...

Sep 12, 2017 - 1. Introduction. Point set registration (PSR) is a fundamental problem and has been widely applied in a variety of computer vision and pattern recognition tasks ..... 1 Bold capital letters denote a matrix X, xi denotes the ith row of the matrix X. xij denotes the .... 14 return the optimal parameters R†, t† and s†;.

3MB Sizes 1 Downloads 268 Views

Recommend Documents

Detecting Cars Using Gaussian Mixture Models - MATLAB ...
Detecting Cars Using Gaussian Mixture Models - MATLAB & Simulink Example.pdf. Detecting Cars Using Gaussian Mixture Models - MATLAB & Simulink ...

Non-rigid multi-modal object tracking using Gaussian mixture models
of the Requirements for the Degree. Master of Science. Computer Engineering by .... Human-Computer Interaction: Applications like face tracking, gesture ... Feature Selection: Features that best discriminate the target from the background need ... Ho

Gaussian mixture modeling by exploiting the ...
or more underlying Gaussian sources with common centers. If the common center .... j=1 hr q(xj) . (8). The E- and M-steps alternate until the conditional expectation .... it can be easily confused with other proofs for several types of Mahalanobis ..

The subspace Gaussian mixture model – a structured ...
Oct 4, 2010 - advantage where the amount of in-domain data available to train .... Our distribution in each state is now a mixture of mixtures, with Mj times I.

Group Target Tracking with the Gaussian Mixture ... -
such as group target processing, tracking in high target ... individual targets only as the quantity and quality of the data ...... IEEE Aerospace Conference, Big.

Dynamical Gaussian mixture model for tracking ...
Communicated by Dr. H. Sako. Abstract. In this letter, we present a novel dynamical Gaussian mixture model (DGMM) for tracking elliptical living objects in video ...

Fuzzy Correspondences and Kernel Density Estimation ...
moving point set consists of inliers represented using a mixture of Gaussian, and outliers represented via an ... Doermann [24] proposed a robust method to match point set by preserving local structures. Ma et al. ... modeled the moving model set as

Panoramic Gaussian Mixture Model and large-scale ...
Mar 2, 2012 - After computing the camera's parameters ([α, β, f ]) of each key frame position, ..... work is supported by the National Natural Science Foundation of China. (60827003 ... Kang, S.P., Joonki, K.A., Abidi, B., Mongi, A.A.: Real-time vi

Learning Gaussian Mixture Models with Entropy Based ...
statistical modeling of data, like pattern recognition, computer vision, image analysis ...... Degree in Computer Science at the University of. Alicante in 1999 and ...

The subspace Gaussian mixture model – a structured model for ...
Aug 7, 2010 - We call this a ... In HMM-GMM based speech recognition (see [11] for review), we turn the .... of the work described here has been published in conference .... ize the SGMM system; we do this in such a way that all the states' ...

Gaussian Mixture Modeling with Volume Preserving ...
transformations in the context of Gaussian Mixture Mod- els. ... Such a transform is selected by consider- ... fj : Rd → R. For data x at a given HMM state s we wish.

Learning Gaussian Mixture Models with Entropy Based ...
statistical modeling of data, like pattern recognition, computer vision, image ... (MAP) or Bayesian inference [8][9]. †Departamento de ... provide a lower bound on the approximation error [14]. In ...... the conversion from color to grey level. Fi

The subspace Gaussian mixture model – a structured ...
Aug 7, 2010 - eHong Kong University of Science and Technology, Hong Kong, China. fSaarland University ..... In experiments previously carried out at IBM ...... particularly large improvements when training on small data-sets, as long as.

a framework based on gaussian mixture models and ...
Sep 24, 2010 - Since the invention of the CCD and digital imaging, digital image processing has ...... Infrared and ultraviolet radiation signature first appears c. .... software can be constantly upgraded and improved to add new features to an.

Gaussian mixture modeling by exploiting the ...
This test is based on marginal cumulative distribution functions. ... data-sets and real ones. ..... splitting criterion can be considered simply as a transformation.

Computing Gaussian Mixture Models with EM using ...
email: tomboy,fenoam,aharonbh,[email protected]}. School of Computer ... Such constraints can be gathered automatically in some learn- ing problems, and ...

Gaussian Mixture Modeling with Volume Preserving ...
fj : Rd → R. For data x at a given HMM state s we wish to model ... ment (Viterbi path) of the acoustic training data {xt}T t=1 .... fd(x) = xd + hd(x1,x2,...,xd−1). (8).

Non-rigid multi-modal object tracking using Gaussian mixture models
Master of Science .... Human-Computer Interaction: Applications like face tracking, gesture recognition, and ... Many algorithms use multiple features to obtain best ... However, there are online feature selection mechanisms [16] and boosting.

A GAUSSIAN MIXTURE MODEL LAYER JOINTLY OPTIMIZED WITH ...
∗Research conducted as an intern at Google, USA. Fig. 1. .... The training examples are log energy features obtained from the concatenation of 26 frames, ...

Subspace Constrained Gaussian Mixture Models for ...
IBM T.J. Watson Research Center, Yorktown Height, NY 10598 axelrod,vgoel ... and HLDA models arise as special cases. ..... We call these models precision.