Visual Object Target Tracking Using Particle Filter: A Survey
Автор: G.Mallikarjuna Rao, Ch.Satyanarayana
Журнал: International Journal of Image, Graphics and Signal Processing(IJIGSP) @ijigsp
Статья в выпуске: 6 vol.5, 2013 года.
Бесплатный доступ
This paper gives the survey of the existing developments of Visual object target tracking using particle filter from the last decade and discusses the advantage and disadvantages of various particle filters. A variety of different approaches and algorithms have been proposed in literature. At present most of the work in Visual Object Target Tracking is focusing on using particle filter. The particle filters has the advantage that they deal with nonlinear models and non-Gaussian innovations, and they focus sequentially on the higher density regions of the state space, mostly parallelizable and easy to implement, so it gives a robust tracking framework, as it models the uncertainty and showing good improvement in the recognition performance compared to the kalman filter and other filters like Extended Kalman Filter (EKF), Unscented Kalman Filter (UKF).Various features and classifiers that are used with particle filter are given in this survey.
Kalman Filter, Extended Kalman Filter, Unscented Kalman Filter, Particle Filter, Visual Object Tracking
Короткий адрес: https://sciup.org/15012883
IDR: 15012883
Текст научной статьи Visual Object Target Tracking Using Particle Filter: A Survey
Published Online May 2013 in MECS DOI: 10.5815/ijigsp.2013.06.08
From the last decade visual tracking of moving objects is an active area of research in computer vision. Recently particle filters have shown to be very suitable to perform real-time tracking applications. In the making of video surveillance systems “smart” requires fast, reliable and robust algorithms for moving object detection, classification, tracking and activity analysis. Moving object detection is the basic step for further analysis of video. Commonly used techniques for object detection are background subtraction, statistical models, temporal differencing. Object classification step categorizes detected objects into predefined classes such as human, vehicle, animal, clutter, etc. It is necessary to distinguish objects from each other in order to track and analyze their actions reliably.
The next step in the video analysis is tracking, which can be simply defined as the creation of temporal correspondence among detected objects from frame to frame. This procedure provides temporal identification of the segmented regions and generates cohesive information about the objects in the monitored area such as trajectory, speed and direction. The output produced by tracking step is generally used to support and enhance motion segmentation, object classification and higher level activity analysis.
The following briefly shows the three major categories of tracking methods[1]:
-
1) Point tracking: The target is expressed as a point in the frame, and the previous target state is utilized to make the association between targets and points. The Kalman filter is one of the famous trackers in this category.
-
2) Kernel tracking: Targets are tracked by computing the motion of the kernels which represent the appearance or shape of the targets. Mean shift tracker is a kind of kernel tracking.
-
3) Silhouette tracking: Given the target model, the target is tracked by estimating the region in each frame. For instance, contour matching and shape matching.
A filter is an algorithm that provides an efficient computational means to estimate the state of a dynamic system from a series of measurements. Filtering techniques can be used to improve model predictions by updating the model state variables sequentially i.e each time an observation is available [2].
A Kalman filter [3] is simply an optimal recursive data processing algorithm. There are many ways of defining optimal, dependent upon the criteria chosen to evaluate performance. It will be shown that, under the assumptions to be made in the next section, the Kalman filter is optimal with respect to virtually any criterion that makes sense. One aspect of this optimality is that the Kalman filter incorporates all information that can be provided to it. It processes all available measurements, regardless of their precision, to estimate the current value of the variables of interest, with use of (1) knowledge of the system and measurement device dynamics, (2) the statistical description of the system noises, measurement errors, and uncertainty in the dynamics models, and (3) any available information about initial conditions of the variables of interest. For example, to determine the velocity of an aircraft, one could use a Doppler radar or the velocity indications of an inertial navigation system, or the pilot and static pressure and relative wind information in the air data system. Rather than ignore any of these outputs, a Kalman filter could be built to combine all of this data and knowledge of the various systems’ dynamics to generate an overall best estimate of velocity.
The real time functions are non-linear and all the systems can be represented as discrete time system to a great extent of accuracy using very small time steps. Now the problem is to estimate the states of this discrete-time controlled process and the process is generally expressed with the help of linear stochastic difference equation. This estimation can be easily and accurately done by the Kalman Filter. But when the process and the measurement systems are non-linear, EKF and UKF are implemented [4]. A KF that linearizes about the current mean and covariance using any linearzing function is called extended KF. In this the partial derivatives of the process as well as measurement functions are used to compute estimates in the presence of non-linear functions.
In the kernel tracking, moving objects are characterized by their color-histograms. Histogram estimation is the key operation of the object tracking algorithm. Mean-shift tracking algorithm is an iterative scheme based on comparing the histogram of the original object in the current image frame and histogram of candidate regions in the next image frame. The main aim is to maximize the correlation between two histograms[5].
Silhouette tracking is applied when tracking of the complete region of an object is required. Objects may have complex shapes, for example, hands, head, and shoulders that cannot be well described by simple geometric shapes. Silhouette based methods provide an accurate shape description for these objects[6].
This paper is organized as follows, in section II explains about the particle filter, Section III explains about the Visual object target tracking process using particle filter. Section IV gives about different features and classifiers that are used in visual objet target tracking with particle in the literature, Section V gives the comparison of Particle filters used for visual object tracking and this paper is summarized and concluded in section VI.
-
II. PARTICLE FILTER
Particle filter has been shown to offer improvements in performance over some conventional methods such as Kalman filter which are explained above, especially in non-linear or non-Gaussian environment. [7]. Particle filter has been extensively used in tracking multiple objects, employing visual (e.g. color, texture), geometric (e.g. contours, shape) and motion features[8] , econometrics, robotics and navigation.
Particle filter is a filtering method based on Monte Carlo and recursive Bayesian estimation. The particle filter, also known as condensation filter and they are suboptimal filters. The core idea is that density distribution is present using random sampling particles. There is no restriction to the state vector to deal with nonlinear and non-Gaussian problem, and it is the most general Bayesian approach. The working mechanism of particle filters is given as follows. The state space is partitioned as many parts, in which the particles are filled according to some probability measure. The higher probability, the denser the particles are concentrated. The particle system evolves along the time according to the state equation, with evolving pdf determined by the FPK equation. Since the pdf can be approximated by the point-mass histogram, by random sampling of the state space, we get a number of particles representing the evolving pdf.
The basic steps block diagram in particle filtering is shown below.

Particle Filter
Figure 1: Generic Particle Filter Algorithm
The above Fig. 1 represents the particle filtering (PF) scheme. Consider a system whose state is changing in time S t = f (S t-l , W t ) where S t is the system state at time t. The function f is called the state transition model and says that the system is Markovian. That is, S t depends on the previous state S t-l and the system (process) dynamics W t , which enable the system to change in time. Also, assume the system is being partially observed using a set of noisy sensors Z t = h( S t , V t ). Here h is called the observation model and captures the relationship between the current system state S t , the sensor observation Z t , and sensor noise V t . The randomness associated with W t and V t is assumed to be known and captured through pdfs [9].
The Particle Filter steps:
The algorithm has three major steps, namely selection, prediction, and measurement. Major steps in the algorithm are shown in Fig. 2.
P(z t-1 | x t-1 )



x t
Figure 2: Particle filter algorithm
In the selection stage, we generate a new particle set by choosing the particles with the highest posterior probability among the previous particle set. The prediction step attempts to evaluate how the state of an object will change by feeding it through a dynamic model. The dynamic model serves two purposes: imposing deterministic drift to the state density and spreading the state density by stochastic diffusion[10]. During prediction, each particle is modified according to the state model, including the addition of random noise in order to simulate the effect of the noise on the state. In the measurement step, each particle’s weight is reevaluated based on the new data, we estimate likelihood probability [11].
The particle filter in summery is given as following steps[12].
-
1. The system and measurement equations are given as follows:
-
2. Assuming that the pdf of the initial state p ( x 0 ) is known, randomly generate N initial particles on the basis of the pdf p (x 0 ) . These particles are denoted x 0,1 +(i = 1, . . , N ) . The parameter N is chosen by the user as a tradeoff between computational effort and estimation accuracy
-
3. For k = 1 , 2 , . . ., do the following
x k+1 = f k (x k , w k )
y k = h k (x k , v k ) (1)
where X k is the vector of the state variables at time t computed using a function f, wk and vk are independent white noise processes with known pdf’s. Yk is an observation related to X k by a function h.
-
(a ) Perform the time propagation step to obtain a priori particles x-k using the known process equation and the known pdf of the process noise:
x- k,i = f k-1 (x+ k-1,i ,wi k-1 ) (i=1,….N) (2)
where each wi k-1 noise vector is randomly generated on the basis of the known pdf Of W k- 1 .
-
b) Compute the relative likelihood qi of each particle
x- k,I and conditioned on the measurement y k . This is done by evaluating the pdf p(y k / x- k,i ) on the basis of the nonlinear measurement equation and the pdf of the measurement noise.
-
c) Scale the relative likelihoods obtained in the previous step as follows:
qi = qi / ∑Nj=1 qj (3)
Now the sum of all the likelihoods is equal to one.
-
d) Generate a set of a posteriori particles x+ k,i on the basis of the relative likelihoods qi. This is called the resampling step.
-
e) Now that we have a set of particles x+ k,i that are distributed according to the pdf p(x k /y k ), we can compute any desired statistical measure of this pdf. We typically are most interested in computing the mean and the covariance.
-
III. PARTICLE FILTER FOR VISUAL TRACKING
Visual tracking is an important problem with extensive application in domains including surveillance, behavior analysis, human–computer interaction and it has many increasing applications[13].Roughly, visual tracking algorithms can be divided into two main classes: deterministic tracking and stochastic tracking. Mean shift and particle filter are their typical representatives, respectively [14].Related to visual tracking, a particle filter uses multiple discrete “particle” to represent the belief distribution over the location of a tracked object. Particle filtering essentially combines the particles at a particular position into a single particle, giving that particle a weight to reflect the number of particles that were combined to form it. This eliminates the need to perform redundant computations without skewing the probability distribution. This will reduce the computational cost to reduce the number of samples that we analyze [15].
The basic block diagram for tracking visual objects using particle filter is shown in below Fig. 3.
Input Image Stream

Tracking Result
Figure 3: Visual Object Tracking Using Particle filter
The most important step of PF is the sequential importance sampling (SIS). A set of particles is produced at initial time, and then the importance weights are computed to seek the estimated value of state. But after several iterations for SIS, the weights of a majority of particles are ignored, leaving minority particles, perhaps even only a single particle[16].
The advantage of SIS is that it doesn’t rely on the underlying Markov chain. The disadvantage of SIS is that we very easily encounter the situation that almost all the particles have zero weights and only a few of them (or only one) are non-zero. This importance weights may have large variances, resulting in inaccurate estimate. This is called the degeneracy problem in SIS filter.
SIS method can be also used in a non-Bayesian computation, such as evaluation of the likelihood function in the missing-data problem[17].
P(X n /Y n-1 )
P(Y n /X n )
▼
P(X n /Y n )
i
P(X n+1 /Y n-1 )

Particle cloud {X n (i) }
Correction
Resampling
Prediction
{X n+1 (i) }
Figure 4: An illustration of generic particle filter with importance sampling and resampling
The versions of particles filters can be given as follows [17],[18]
-
1) SIR Filter (Bootstrap Filter)
-
2) Local Linearization Particle Filter
-
3) Interacting Multiple Model (IMM) Particle Filters
-
4) Auxiliary Particle Filter
-
5) Rejection Particle Filter
-
6) Rao-Blackwellization
-
7) Kernel Smoothing and Regularization
-
8) MCMC Particle Filter
-
9) Mixture Kalman Filter
-
10) Mixture Particle Filter.
-
11) Unscented Particle Filter
-
12) Boosted Particle Filter
Most of the above filters on derived based on SIS algorithm
SIR Filter:
Sequential importance resampling (SIR) is a generalization of the particle filtering framework, in which the resampling step is included as part of the sequential importance sampling algorithm[19].
The sampling-importance resampling (SIR) is motivated from the Bootstrap and jackknife techniques. Bootstrap technique is referred to a collection of computationally intensive methods that are based on resampling from the observed data. The performance of the SIR algorithm is depends on the quality of the importance distribution which is an approximation to posterior distribution of states given the values at the previous step.
The advantage of SIR filter is that importance weights are easily evaluated, substantial modularity, generality and importance density can be easily sampled [20].
The disadvantage of SIR is an “impoverishment" of the particle swarm is observed. It refers to the effect that when the noise in the dynamic model is very small, many of the particles in the particle set will turn out to have exactly the same value. The second drawback is if the posterior distribution has heavy tails (outliers happen), then a very large ensemble size is needed in order to represent these distant areas in phase space.
Both SIS and SIR filters use importance sampling scheme. The difference between them is that in SIR filter, the resampling is always performed (usually between two importance sampling steps), whereas in SIS filter, importance weights are calculated sequentially, resampling is only taken whenever needed, thus SIS filter is less computationally expensive.
To alleviate degeneracy problems many other methods have been proposed in literature like Local linearisation, Rejection methods, Auxiliary particle filters, Kernel smoothing, MCMC methods etc.
Local Linearisation Particle Filter:
Local linearization particle filter use banks of independent variants of Kalman filters to propose importance densities that are mindful of the latest measurement.
Interacting Multiple Model Particle Filter:
The IMM uses multiple models for target behavior and adaptively determines which model(s) are the most appropriate at each time step. It characterizes a target as behaving according to one of M modes (e.g. stopped, moving with constant velocity, or accelerating). Each mode has an associated probability[21].
Auxiliary Particle Filter:
The auxiliary particle filter(APF) is a particle filtering algorithm introduced by Pitt and Shephard in 1999 to improve some deficiencies of the sequential importance resampling (SIR) algorithm when dealing with tailed observation densities[22]. The drawback is that the APF is computationally slower since the proposal is used twice. The drawbacks are not robust to outliers for two different reasons: sampling efficiency and the unreliability of the empirical prediction density in the tails of the distribution. The introduced auxiliary variable into the particle filter to overcome the above problems, providing a powerful framework that is as simple as SIR, but more flexible and reliable[23]. When the process noise is small, the performance of APF is usually better than that of SIR filter but when noise is large, the performance is not guaranteed.
Rejection Particle Filter:
Rejection particle is useful when we know the upper bound of underlying distribution or density. Rejection particle filter usually produces better results than SIR filter if the proposal distribution is appropriate.The drawback of rejection particle filter is that the computing time for every time step is fluctuating.
Rao-Blackwellization:
In pure recursive estimation the process noise is formally zero and thus a basic SIR based particle filter is likely to perform very badly. One way of improving the efficiency of SIR is to use Rao-Blackwellization. The main concept in this filter is decreasing number of particles necessary to achieve same accuracy with regular PF.
MCMC Particle Filter:
In the MCMC sampling framework, the samples are generated by a homogeneous, reversible, ergodic morkov chain with invariant distribution. This filter converges rapidly compared to the particle filter. The Markov Chain Monte Carlo (MCMC) sampling replaces the general resampling to prevent loss of diversity and to provide a resampling framework, which is amenable to pipeline processing[24].
Mixture Kalman Filter :
Mixture Kalman filter (MKF) can viewed as a special case of particle filter with marginalization and Rao-Blackwellization on conditionally Gaussian linear dynamic model. The MKF uses the random mixture of normal distributions to represent a target distribution[25].The marginalization operation is employed to improve the efficiency is the main advantage of MKF.
Kernel Smoothing and Regularization:
These filters used an ad hoc approach called jittering to alleviate the sample impoverishment problem. In each time step, a small amount of Gaussian noise is added to each resampled particle, which is equivalent to using a Gaussian kernel to smooth the posterior.
Mixture Particle Filter:
The idea of Mixture Particle Filter (MPF) is similar to the stratified sampling and partitioned sampling idea, and includes the idea using EKF/UKF as Gaussian proposal approximation.
Unscented Particle Filter:
A particle filter with UKF importance distribution is also referred to as unscented particle filter (UPF).The conventional particle filter, e.g., CONDENSATION, uses transition prior as the proposal distribution. The transition prior does not take into account current observation data, and many particles can therefore be wasted in low likelihood area. To overcome these difficulties, unscented particle filter (UPF) has recently been proposed in the field of filtering theory[26].
Boosted Particle Filter:
In the standard particle filter, there are two major problems that need to be solved: the initialization of the particle filter and proper design of the importance proposal. The Boosted Particle Filter (BPF), properly solves the two problems by incorporating the AdaBoost detection algorithm[27].
-
IV. FEATURES USED IN VISUAL TARGET TRACKING USING THE PARTICLE FILTER
In the visual object target tracking, many features are used for the best performance. Most of the features are given as follows,
-
1) Scale Invariant Feature Transform (SIFT)
-
2) Kanade Lucas Tomasi (KLT) features
-
3) Principal component analysis (PCA), kernel PCA
-
4) Independent Component Analysis (ICA)
-
5) Haar feature
-
6) Combined Mean-Shift
-
7) Geometric (e.g. contours (hand contours in case human hand tracking), shape)
-
8) Optical Flow, Local Feature, Edges, Lines, Size, Points, Planes, Edge Map, Orientation
-
9) Velocity, Visual (e.g. Color, Texture), Corner features, silhouette
-
10) : SURF( Speeded up robust features )
-
11) Motion Feature (e.g. left hand turn with almost constant velocity, uniform acceleration, etc.)
-
12) Features from accelerated segment test (FAST)
-
13) RGB histogram, Edge Orientation Histogram, Local Binary Pattern (LBP) texture operator.
The classifiers that are used mostly with particle filter in visual object tracking are given as follows
-
1. Nearest Neighbor Classifier
-
2. Hidden Markov Models
-
3. Neural Networks
-
4. Support Vector Machines
V. Comparison of Particle filter methods for
VISUAL OBJECT TRACKING
The below table 1 gives the comparison of different particle filter algorithms for visual object tracking. Many versions of the particle filter are used. Different features are used to get the better tracking performance.
Table 1: Comparison of algorithms for visual object target tracking
Sl.N o. |
Paper Title |
Advantage |
Remarks |
1 |
Object Tracking with an Adaptive Color-Based Particle Filter [28] |
The authors presented the integration of color distributions into particle filtering and showed how the distributions can be adapted over time. For the similarity measure between two color distributions the popular Bhattacharyya coefficient is applied in this work. |
The proposed approach has realtime capability but the processing time is dependent on the region size and the number of samples. In the proposed approach, the tracker might lose an object when it changes appearance quickly. |
2 |
Efficient Visual Tracking Using Particle Filter [29] |
This paper presented a spatial color model of object and authors developed an efficient visual tracking algorithm based on particle filter. In order to fast computation of the weight of each particle, the Integral Images for computation of histogram, mean and variance are proposed. |
The proposed algorithm has the drawback of storage capacity is relatively large. |
3 |
Bayesian Filtering : From Kalman Filters to Particle Filters , and Beyond VI Sequential Monte Carlo Estimation : Particle Filters [17] |
The authors discussed Many variants of the particle filter as well as their features (strengths and weaknesses) and also Related theoretical and practical issues are addressed in detail. |
This is a survey paper on different filters based on Bayesian approach. |
4 |
Visual contour tracking based on particle filters [30] |
a Kalman particle filter (KPF) and an unscented particle filter (UPF) are applied to contour tracking. This proposed sampling strategy effectively steered the set of particles towards regions with high likelihood, and therefore it considerably reduced the number of particles needed for tracking. |
The UPF has a much higher computational cost for equal tracking error. |
5 |
Robust Visual Tracking for Multiple Targets [27] |
In this work, Hockey players are tracked and the authors proposed four improvements on the previous systems. By assembling all the contributions, the new multi-target tracking system are achieved the goal of tracking with good performance. |
The drawback of the tracking system is authors used the online algorithm that reduced performance. The system is also sub-optimal. |
6 |
Visual Object Tracking Algorithms [31] |
The authors made a survey on visual tracking algorithms which include kalman, ekf, ukf, particle and vsmm estimation methods. |
All the algorithms are not fully explained in the work. |
7 |
Particle Filter based visual tracking with multicue adaptive fusion [32] |
A novel tracking method based on adaptive fusion and particle filter is proposed in this work. Image cues and shape cues are used. The method is more robust to illumination changes, pose variations, particle occlusions, cluttered backgrounds and camera motion. |
The image data base used for the tracking is less. |
8 |
Rao-Blackwellised Particle Filter for Tracking with Application in Visual Surveillance [33] |
The authors exploited the analytical relationship between state variables to improve the efficiency and accuracy of a regular particle filter. Even in the presence of reflections from the ground, the opposing window, occlusion due to the text on the window also the proposed algorithm shown good performance. The no of particles required is also very less. |
The proposed RBPF maintains good estimation as long as the dependency relationship falls into a range around the true dependency else it performance is less. |
9 |
Improved Particle Filter in Sensor Fusion for Tracking Randomly Moving Object [34] |
A new resampling algorithm is proposed to tackle sample impoverishment, it utilized the adaptive diversifying procedure to draw new particles from the neighborhoods of the previously focused resampled particles, approximating the posterior distribution of the target state and it a real-time algorithm to track a randomly moving object based on information received from multiple sensors. |
The proposed algorithm tracking fails when the tracking object moves faster. It is giving good performance only when the moving object at a reasonable walking rate |
10 |
Joint tracking algorithm using particle filter and mean shift with target model updating [14] |
The main advantage of the mean shift and particle filter (MSPF) is to sample fewer particles using particle filter and then those particles are shifted to their respective local maximum of target searching space by mean shift. MSPF with model updating shows good performance for color changes, similar color appearance and cluttered backgrounds. |
The proposed MSPF loses the tracked object when dealing with the drastical change of the target model and converge to a wrong object with similar color to the target model. |
11 |
Non-overlapping Distributed Tracking System Utilizing Particle Filter [35] |
The proposed a unified tracking framework using particle filters to efficiently switch between visual tracking (field of view tracking) and track prediction (non-overlapping region tracking). The proposed system utilizes a map (known environment) to assist the tracking process when targets leave the field of view of any camera. The authors investigated the problem of tracking people in a network of distributed camera system. |
This approach did not considered the other pertinent issues like background adaptation, crowded scene tracking and object interactions. |
12 |
An integrated particle filter and potential field method applied to cooperative multi-robot target tracking [36] |
The proposed particle filter models a probability distribution over the estimated location of the target, providing robust tracking despite frequent target occlusion. |
The main limitation of the method is that it is essentially heuristic and is not guaranteed to find optimal, or indeed any, solutions. |
13 |
An unscented particle filter for ground maneuvering target tracking [37] |
The proposed method integrates the multiple model (MM) filter with an unscented particle filter (UPF) by an interaction step at the beginning. The filtering method addresses nonlinear and/or nonGaussian tracking problems. |
The proposed method has more computational complexity. |
14 |
Real-time hand tracking using a mean shift embedded particle filter [38] |
The authors incorporated the mean shift (MS) optimization into particle filtering to move particles to local peaks in the likelihood, the proposed mean shift embedded particle filter (MSEPF) improves the sampling efficiency considerably. It proposed a simple but effective approach for dynamic gesture recognition as it used only color and motion cues. |
Other tracking problems, especially the higher dimensional problems such as 3D articulated object tracking are not considered. |
15 |
Rao-Blackwellized particle filter for multiple target tracking [39] |
The proposed algorithm is based on formulating probabilistic stochastic process models for target states, data associations, and birth and death processes. The tracking of these stochastic processes is implemented using sequential Monte Carlo sampling or particle filtering. |
The drawback of the proposed approach is that the number of particles increases with the number of objects and also the computational complexity increases. |
16 |
A particle filter for joint detection and tracking of color objects [40] |
The authors proposed a hybrid valued sequential state estimation algorithm, and its particle filterbased implementation, that extends the standard color particle filter in two ways. the algorithm handled the non-rigid deformation of targets, partial occlusions and cluttered background. |
The main drawback of the proposed approach is that the number of particles increases with the number of objects (i.e., the size of the state vector). |
17 |
Transductive local exploration particle filter for object tracking [41] |
The authors applied a transductive inference to update the target model dynamically. The proposed transductive inference offers an effective way to transduce object color model through the given observations in non-stationary color distributions. |
Only color features is used for all the experiments for testing. |
18 |
Robust observation model for visual tracking in particle filter [42] |
In this paper during tracking, the robust observation model is incorporated in a particle filter, and the particle filter can automatically select proper appearance models to track object according to the current tracking situation. The proposed algorithm is able to track objects robustly in the presence of illumination changes, large pose variations, expression changes, and partial occlusions. |
When the tracking object is moved fast, the algorithm performance is reduced. |
19 |
Motion Tracking Using Particle Filter [7] |
The authors developed a prototype to track a bounce ball movement. The results are tested in real time and the results are better than the kalman filter. |
The processing time to track the ball is more. |
20 |
Multi-dimensional visual tracking using scatter search particle filter [43] |
Authors proposed an algorithm which hybridizes particle filters (PF) and the scatter search (SS) metaheuristic, called scatter search particle filter (SSPF), where the optimization strategies from SS are embedded into the PF framework. |
The processing rate is less compared to the other algorithms in the proposed work. |
21 |
Robust head tracking using 3D ellipsoidal head model in particle filter [44] |
Proposed a particle filter framework for the robust 3D head tracking system that tracks the large rotation and translation of the human head. |
The performance comparison is done with few algorithms only. |
22 |
Robust appearance-guided particle filter for object tracking with occlusion analysis [45] |
Authors proposed a tracking algorithm based on the robust appearance model which can account for slow or rapid changes of object appearance. The proposed algorithm invokes particle filter for state estimation, thus making the tracker more robust against occlusions and cluttered backgrounds. The experimental tests involved many difficult scenarios such as large pose variations, large illumination changes, cluttered background and severe occlusions. |
The performance measure is not calculated for the algorithm. |
23 |
Particle filter tracking without dynamics [46] |
The proposed algorithm is based in particle filters, but instead of using a dynamical model, it used background subtraction to predict future locations of particles. The algorithm is able to track people in omni directional sequences with a low frame rate (one or two frames per second). the proposed approach can tackle unexpected discontinuities and changes in the direction of the motion. The proposed algorithm is especially useful in situations where the frame rate is very low due to physical restrictions on the system, bandwidth or another processing. |
It works mainly in controlled environments for example to track people from laboratories etc. |
24 |
Multiple object detection and tracking with pseudo-particle filter [47] |
In this paper a pseudo particle filter (PPF), used in which a multiple object data association and state estimation technique is proposed to resolve the subset particles correspondence ambiguities that arise when multiple objects are present. It also showed biological visual characteristic in some extent. |
This paper solves the divergence problems of the particle filter algorithm with similar targets only. |
25 |
A moving object tracking based on color information employing a particle filter algorithm [48] |
The authors used the color information and considered the similarity between the color histogram of the tracked object and the region around the position of each particle. |
many aspects in tracking a moving object that are not considered in the proposed work. |
26 |
CamShift guided particle filter for visual tracking [49] |
A new algorithm is proposed, CamShift guided particle filter (CAMSGPF), by exploring the interaction between particle filtering and CamShift. The execution time is also less for the proposed algorithm. |
Accuracy should be compromised if the time should be saved for the proposed algorithm. |
27 |
Face detection and tracking using a Boosted Adaptive Particle Filter [50] |
The proposed algorithm is based on the synthesis of an adaptive particle filtering algorithm and the AdaBoost face detection algorithm. An Adaptive Particle Filter (APF), based on a new sampling technique is also proposed |
The tracking accuracy typically reduces as the number of particles in a particle filter decrease. |
28 |
Tracking and recognizing actions of multiple hockey players using the boosted particle filter [51] |
Proposed a system that can automatically track multiple hockey players and simultaneously recognize their actions given a single broadcast video sequence, where detection is complicated by a panning, tilting, and zooming camera. Employed the grids of Histograms of Oriented Gradients (HOG) and the HSV color histogram as the observation likelihood, and presented the Switching Probabilistic Principal Component Analysis (SPPCA) to model the appearance of the players by a mixture of local subspaces. |
In the case of the Decomposed Image Gradients (DIG) descriptor, the accuracy of the Sparse Multinomial Logistic Regression (SMLR) classifier is significantly poorer than the 5-NN classifier. |
29 |
2D Articulated Pose Tracking Using Particle Filter with Partitioned Sampling and Model Constraints [52] |
Proposed a partitioned sampling, applied to a new articulated human body model and also proposed a propagating method originated from belief propagation (BP), which enables a set of particles to carry several constraints. |
The tracking is failing in some test conditions. |
30 |
A color-based particle filter for multiple object tracking in an outdoor environment [53] |
The authors proposed an approach to handle the multiple-object tracking in the presence of occlusions, background clutter, and changing appearance. The occlusion is handled by considering the predicted trajectories of the objects based on a dynamic model and likelihood measures. The algorithm successfully tracked multiple objects in the presence of occlusion and noise. |
The performance of multiple-object tracking can be improved in several ways, such as adding background modeling information and so on. Taking these factors into consideration could lead to some improvement. |
31 |
Hybrid Blob and Particle Filter Tracking Approach for Robust Object Tracking [54] |
This paper proposed a tracking system targeted for real time surveillance tracking approaches so as to exploit the advantages of both approaches while minimizing their respective disadvantages. |
The proposed tracking approach also suffers from some limitations due to its assumption that the occluded objects to be tracked by employing top down approach must be appeared as separate objects before merged. |
32 |
Mice and larvae tracking using a particle filter with an auto-adjustable observation model [8] |
The authors proposed a novel way to combine different observation models in a particle filter framework. This is called, auto-adjustable observation model, enhance the particle filter accuracy when the tracked objects overlap without infringing a great runtime penalty to the whole tracking system. |
The processing speed is slight more than the normal methods. |
33 |
3D human motion tracking based on a progressive particle filter [55] |
This paper presented a novel 3D model-based tracking algorithm (the progressive particle filter) to decrease the computational cost in high degrees of freedom by employing hierarchical searching. The embedded mean shift trackers are adopted to increase accuracy by moving each particle toward the location with the highest probability of posture through the estimated mean shift vector. |
In this work, the errors may be caused when the predicted particles are not located at the correct position, or the number of particles is not large enough to predict the complete plausible angle for the particle filter. |
34 |
Modified particle filter-based infrared pedestrian tracking [56] |
The authors proposed a modified particle filter algorithm that combines intensity and edge cues and also an automatic model updating strategy is presented to increase tracking performance further. |
The implemented speed of the proposed method is lower than that of the traditional particle filter method. |
35 |
Particle filter based on Particle Swarm Optimization resampling for vision tracking [57] |
In this paper, authors proposed an efficient resampling method based on Particle Swarm Optimization and found the sample area by PSO algorithm, then distributed the particles based on two different base points in order to achieve diversity and convergence. |
In this work, the tracking may fail when using the HOGC feature, because of the illusive large weight particles. |
36 |
Interacting MCMC particle filter for tracking maneuvering target [58] |
The proposed algorithm uses the particles that are sampled from the target posterior distribution via direct interacting MCMC sampling method, which avoids sample impoverishment and increases the robustness of the algorithm. The proposed algorithm propagates each particle based on both its history information and the information from other particles. |
The authors observed the failure of the tracking is due to sample impoverishment. |
37 |
A parallel histogram-based particle filter for object tracking on SIMD-based smart cameras [59] |
A parallel particle filter is employed with simple color histograms as well as more complex histograms of oriented gradients (HOG). PETS 2001 data set is used for testing. |
The target models are not updated. So the algorithms are not robust to large variations in the appearance of the target. |
38 |
Real-Time Camera Tracking for Structured Environment Using an Iterated Particle Filter [60] |
The proposed approach utilizes a 3D straight-line based model of a structured environment. The principal novelty is in the use of the 2D edges from the image and the 3D lines from the input model within the particle filter, especially to design the likelihood function of the filter observation model. |
In this work, the authors found processing time strongly depends on two parameters, the number of particles used in the estimation and the tolerance threshold which define the convergence criteria for stopping iteration. |
39 |
An Efficient Multiple Cues Synthesis for Human Tracking using a Particle Filtering Framework [61] |
The authors combined multiple cues(Spatial Color Information ,Distance Transform image and Multipart Histogram) approach to get the better performance. |
The proposed system is suitable mainly to single object tracking for example humans. |
40 |
Tracking With a Hierarchical Partitioned Particle Filter and Movement Modelling [62] |
The algorithm tracks human subjects in video sequences using likelihoods adapted to the hierarchical process. |
The proposed HPPF-MCM, similar to other trackers, is the need for several tuning parameters, so that optimal performance can only be achieved if these are well defined. |
41 |
Improved Rao-Blackwellized particle filter for simultaneous robot localization and persontracking with single mobile sensor [63] |
A Rao-Blackwellized particle filter based algorithm was proposed to improve adaptive resampling scheme, distribution optimization, and extension to nonlin- ear dynamic system using unscented Kalman filter.The algorithm is highly computational efficient. |
A long term occlusions may still lead to the failure of the tracking method, so a strategy that searches for the target person and reinitializes the UKF based tracker was to be implemented in real environment applications. |
42 |
A Robust Particle Filter-Based Method for Tracking Single Visual Object Through Complex Scenes Using Dynamical Object Shape and Appearance Similarity [64] |
The authors employed a fully tunable rectangular bounding box described by five parameters (2D central location, width, height, and orientation) and full functionaries in the joint tracking scheme. The proposed method is robust in terms of tracking drift, tightness and accuracy of tracked bounding boxes, especially in scenarios where the target object contains long-term partial occlusions, intersections, severe deformation, pose changes, or cluttered background with similar color distributions |
The proposed scheme is somewhat sensitive to pose changes of large objects. The performance of the tracker also somewhat degrades if there is a long-duration of partial object occlusion over a large area. |
43 |
Tracking dynamic textures using a particle filter driven by intrinsic motion information [65] |
The proposed algorithm has novelty is to use a particle filter driven by the intrinsic motion of the tracked dynamic texture. The algorithm is fast and is able to track a dynamic texture moving on another dynamic texture with different intrinsic dynamics. |
The proposed method is also able to track a dynamic texture in cases where classical particle filters based on color information only fail. |
44 |
A particle filter-based approach for tracking undersea narrow telecommunication cables [66] |
The proposed approach is based on particle filters (PFs) because of their natural ability to model multi-dimensional multi-modal PDFs, which allows handling in a more appropriate way the ambiguities that naturally arise from undersea environments. |
There is not a clear benefit on the average behavior of the cable tracker when the number of particles is increased. |
45 |
Rao – Blackwellised particle filter for colour based tracking [67] |
The authors proposed a method which estimates jointly the location and shape of the target as well as the appearance parameters. Rao–Blackwellised particle filter allows us to combine both estimations in a unique framework. The proposed method has been proved more robust against sudden illumination changes than methods in the literature. |
The proposed methodology is computationally more expensive than classical updates. |
46 |
Dimensionality reduction using a Gaussian Process Annealed Particle Filter for tracking and classification of articulated body motions [68] |
The authors introduced a body pose tracker that uses the learned mapping function from latent space to body pose space. |
The number of particles used in the proposed approach is more and also the method is capable of tracking multiple subjects, the results are much less accurate and the tracker less robust than for the one person case. |
47 |
An evolutionary particle filter with the immune genetic algorithm for intelligent video target tracking [69] |
The proposed algorithm has particle set optimized by immune genetic algorithm (IGA) can better express the true state of the target, and the number of meaningful particles can be increased significantly and also it is better in particle diversity , the error of state estimation, error tracking of video, the number of meaningful particles and efficiency. |
Performance is less in occlusions in complex and dynamic changing environment |
48 |
A Robust approach for multiple vehicles tracking using layered particle filter [16] |
Authors proposed a layered particle filter architecture embedding continuous adaptive mean shift, which considers both concentration and diversity of particles, and the particle set can better represent the posterior probability density. The proposed approach works better at night times. |
Although CamShift guided particle filter (CAMSGPF) tracker can track targets correctly, after occlusion is vanished, it also makes some error when occlusion happens. |
49 |
Heuristic particle filter: applying abstraction techniques to the design of visual tracking algorithms [70] |
Authors proposed a general framework to hybridize heuristics/metaheuristics with particle filters properly. The task is to devise effective hybrid visual tracking algorithms naturally, guided by the use of abstraction techniques. The proposed algorithms exploited the benefits of both complementary approaches to give the better tracking performance. The proposed approach takes less computation time than the PF and GPF (Gaussian Particle Filter). |
The number of evaluations for the memetic algorithm particle filter (MAPF) remains almost constant when the complexity of the tracking problem increases. |
50 |
Contour tracking using Gaussian particle filter [10] |
In this paper, a sampling method combines sampling step with prediction step by taking advantage of the Gaussian assumption and by exploring the linear structure of the system dynamic model is proposed. |
The GPF contour tracker performs poorly, when experiencing significant rotation drift off the target objects. |
51 |
3D Head Pose Tracking Using a Particle Filter with Nose Template Matching [71] |
The authors proposed a method for fast and accurate estimation of the driver’s head pose that each hypothesis is updated by prior probability with the constraint of the nose position. Thus, it is possible to reduce the number of particles while maintaining accuracy and this method is effective for head pose tracking. T he proposed method performs better in terms of both noise and deviations. |
In this proposed work, more cameras are needed for the algorithm. |
52 |
High performance memetic algorithm particle filter for multiple object tracking on modern GPUs [72] |
In this paper, authors proposed a particle filter (PF) hybridized with a memetic algorithm (MA) to produce a MAPF tracking algorithm for single and multiple object tracking problems. |
The proposed method itself is unable to track under heavy noise or uncertainty, such as occlusions or varying lighting conditions. |
53 |
Visual Object Servo Tracking Based on the Particle Filter Method Using a Pan-Tilt-Zoom Camera [73] |
Authors proposed a closed loop control model based on speed regulation to drive the Pan Tilt Zoom (PTZ) camera to keep the target at the centre of the camera angle which gave the tracking performance much better than the other methods. |
Only a specific type of camera is used in the proposed work. |
54 |
Robust Visual Tracking Via MCMC-Based Particle Filtering [74] |
The authors proposed MCMC-based particle algorithm is proposed to estimate the posterior distribution of the target state to solve the tracking problem. |
The number of particles used in the algorithm are more. |
55 |
Application of particle filtering in visual tracking [75] |
In this paper, authors introduced the application of particle filtering in visual tracking and various approaches on it. |
No experimental results are given in the paper. |
56 |
A Framework for 3D Model-Based Visual Tracking Using a GPU-Accelerated Particle Filter [76] |
The authors proposed a framework that addressed the computational intensity that is intrinsic to all particle filter approaches, including those that have been modified to minimize the number of particles required for a particular task. The proposed GPU mapping could be adapted to support to an alternative feature extractor, state estimation technique, or particle filtering algorithm, as dictated by an application’s requirements. |
In this work, the performance limitations on the GPU are primarily consequences of warp divergence necessitated by the edge detection algorithm, such as the padding of memory structures prior to filter convolution. |
57 |
Particle Filter With a Mode Tracker for Visual Tracking Across Illumination Changes [77] |
The main advantage in the proposed method is to importance sample on the motion states while approximating importance sampling by posterior mode tracking for estimating illumination. The authors also detected illumination model changes, e.g., those due to transition from shadow to sunlight or vice versa by using the generalized expected log-likelihood statistics and successfully compensate for it without ever loosing track. |
In some test cases, the proposed algorithm performance is cannot be compared with other algorithms. |
58 |
An Optimization-Based Parallel Particle Filter for Multitarget Tracking [78] |
The authors proposed optimal scheduling, mapping, and load balancing algorithm for parallel particle filter that reduces the total execution time of multitarget particle filters. Also, they proposed an algorithm that is capable of handling heterogenous processors and a varying number of targets. The proposed algorithm requires significantly less communication among the processors, and it was proposed together with a load scheduling and balancing algorithm. |
In some test cases, Because of the approximation resulting from the independent resampling at local nodes, the local distributed particle filter (LDPF’) performance is worse than that of the serial particle filter. |
59 |
An Efficient Particle Filter – based Tracking Method Using Graphics Processing Unit ( GPU ) [79] |
Authors proposed an efficient particle filter-based tracking algorithm using color information. The authors developed parallel algorithms on a desktop Graphics Processing Unit (GPU), which accomplished the integral images construction and cooccurrence histogram computation after bin index determination which improved the performance. |
Only one measurement model is implemented in this proposed work. |
60 |
Object tracking by exploiting adaptive regionwise linear subspace representations and adaptive templates in an iterative particle filter [80] |
A higher tracking accuracy is achieved in this work, by aggregating the good hypothetic estimates from particles and also authors proposed the adaptive mechanism to continuously adjust the object templates so that the varying appearances of tracked objects can be well handled. The proposed algorithm shown good results on tracking objects undergoing various pose changes, partial occlusions, and illumination variations |
In this proposed approach, the computational time is almost equal to the other algorithms. |
61 |
Efficient visual tracking using particle filter with incremental likelihood calculation [13] |
Authors proposed an efficient MCMC-based visual tracking algorithm that incorporated the incremental likelihood function calculation. This incremental calculation includes not only a histogram calculation, but also the Bhattacharyya similarity calculation which improved the performance of the system. The proposed approach is very suitable for a particle filter that can be used on a resource-limited hardware platform |
In the proposed approach, the weight of each particle is calculated incrementally, while in the conventional approach, the weight of each particle is calculated independently. The authors did not pay much attention to the tracking accuracy but focused on the tracking speed. |
62 |
Vehicle detection and tracking under various lighting conditions using a particle filter [81] |
In this paper, authors used four cues including underneath shadow, vertical edge, symmetry and taillight are fused for the vehicle detection, The detection rate is 92.84% even under some difficult environment and various lighting conditions |
In some test cases the detection results are unsatisfactorily due to the poor quality of the images of the data base. |
63 |
Proposed hardware architectures of particle filter for object tracking [82] |
In this paper, authors proposed three different architectures for Sequential Importance Resampling Filter (SIRF) implementation, in which the results shown the resource reduction and speed up advantages of the architectures |
The authors focused mostly on reducing the execution time. |
64 |
Feature-driven motion model-based particlefilter tracking method with abrupt motion handling [83] |
A feature-driven (FD) motion model-based features from accelerated segment test (FAST) feature matching is proposed in this paper considering the limitations in handling abrupt motion tracking problems. |
The FD motion model only employs the location cues for guiding particle propagation. |
65 |
Distributed Markov Chain Monte Carlo kernel based particle filtering for object tracking [24] |
Two schemes for pipelining particles under high performance computing environment, including an alternative Markov Chain Monte Carlo (MCMC) resampling algorithm and kernel function are used for improving efficiency. |
In the proposed works, the simple local scheme suffers from excessive communication and its sequential resampling steps. |
VI. Conclusions
In this paper, we surveyed the visual object target tracking using particle filter. Visual object target tracking is one of the most integrating areas of computer vision, as it has many applications in our daily life. Many approaches have been proposed in the literature. Particle filters has the ability to represent multimodal distributions where as the Kalman filters, are limited to gaussian probability distributions. From the survey it is observed that particle filters and its variants have shown good performance than traditional methods and are very much suitable to perform visual object tracking in different cluttered and other environments. Various features and classifiers that are used mostly with particle filters are given. It is also found that using the combination of different particle algorithms gave the good performance in tracking and each method has its own advantage when specific tracking conditions are considered in account.
Список литературы Visual Object Target Tracking Using Particle Filter: A Survey
- M. S. A. Yilmaz, O. Javed, "'Object tracking: A survey'," ACM Computing Surveys, vol. 38, no. 4, 2006.
- G. Quesnel, H. Raynal, E. Ramat, and D. Makowski, "Software environments for implementing the particle filter with dynamic models," pp. 2001–2002, 2006.
- Bishop and Welch, "An Introduction to the Kalman Filter". 2001.
- http://en.wikipedia.org/wiki/Kalman_filter
- http://www.cs.bilkent.edu.tr/~ismaila/MUSCLE/MSTracker.htm
- A. Yilmaz and O. Javed, "Object Tracking : A Survey," ACM Computing Surveys, vol. 38, no. 4, pp. 1–45, 2006.
- Z. B. Musa and J. Watada, "Motion Tracking Using Particle Filter," Lecture Notes in Artificial Intellegence, pp. 119–126, 2008.
- H. Pistori, "Mice and larvae tracking using a particle filter with an auto-adjustable observation model," Pattern Recognition Letters, vol. 31, no. 4, pp. 337–346, 2010.
- D. Forte and A. Srivastava, "Resource-Aware Architectures for Particle Filter Based Visual Target Tracking," 2011.
- P. Chen and H. Q. W. W. M. Zhu, "Contour tracking using Gaussian particle filter," IET Image Processing, vol. 5, no. June 2009, pp. 440–447, 2011.
- A. Carmi and L. Mihaylova, "Markov Chain Monte Carlo Particle Algorithms for Discrete-Time Nonlinear Filtering," Monte Carlo Methods Appl, pp. 1–10.
- D. Simon, Optimal State Estimation: Kalman, H Infinity, and Nonlinear Approaches. pp. 1–530.
- H. Liu and F. Sun, "Efficient visual tracking using particle filter with incremental likelihood calculation," Information Sciences, vol. 195, pp. 141–153, 2012.
- B. Zhang, W. Tian, and Z. Jin, "Joint tracking algorithm using particle filter and mean shift with target model updating," Chinese Optics Letters, vol. 4, no. 10, pp. 4–7, 2006.
- B. N. Bevilacqua, "Tutorial: Rao-Blackwell Particle Filtering."
- W. Qi, X. Zhang, L. Chao, O. Yuanxin, and S. Hao, "A Robust approach for multiple vehicles tracking using layered particle filter," AEUE - International Journal of Electronics and Communications, vol. 65, no. 7, pp. 609–618, 2011.
- Z. H. E. Chen, "Bayesian Filtering : From Kalman Filters to Particle Filters , and Beyond VI Sequential Monte Carlo Estimation : Particle Filters," 2003.
- N. G. Branko Ristic, Sanjeev Arulampalam, Beyond the Kalman Filter: Particle Filters for Tracking Applications. Artech House, 2003.
- S. Simo, "TIME-VARYING SYSTEMS : Discrete-Time Systems," vol. 2, no. C, pp. 2009–2011, 2011.
- M. Milelli, A. P. Printed, and D. Wetterdienst, "Is the particle Filtering Approach Appropriate for Meso-Scale Data Assimiltion."
- C. Kreucher, A. O. Hero, K. Kastella, B. Avenue, A. Arbor, P. O. Box, and A. Arbor, "MULTIPLE MODEL PARTICLE FILTERING FOR MULTI-TARGET TRACKING," pp. 1–6, 2004.
- http://en.wikipedia.org/wiki/Auxiliary_particle_filter
- M. Pitt and N. Shephard, "Filtering via simulation: Auxiliary particle filters," Journal of the American statistical …, vol. 94, no. 446, pp. 590–599, 1999.
- D. Wang, Q. Zhang, and J. Morris, "Distributed Markov Chain Monte Carlo kernel based particle filtering for object tracking," Multimedia Tools and Applications, vol. 56, no. 2, pp. 303–314, Nov. 2010.
- R. Chen and J. S. Liu, "Mixture Kalman Filters 1 Introduction," no. 1960, pp. 1–26.
- Y. Rui and Y. Chen, "Better proposal distributions: object tracking using unscented particle filter," Proceedings of the 2001 IEEE Computer Society Conference on Computer Vision and Pattern Recognition. CVPR 2001, vol. 2, no. 1, pp. II–786–II–793.
- A. T. Submitted, I. N. Partial, F. Of, T. H. E. Requirements, F. O. R. The, and D. Of, "Robust Visual Tracking for Multiple Targets," 2005.
- K. Nummiaro, E. Koller-Meier, and L. Van Gool, "Object tracking with an adaptive color-based particle filter," Pattern Recognition, pp. 353–360, 2002.
- J. Ma, C. Han, and Y. Chen, "Efficient visual tracking using particle filter," Information Fusion, 2007 .
- P. Li, T. Zhang, and A. E. C. Pece, "Visual contour tracking based on particle filters," vol. 21, pp. 111–123, 2003.
- C. Engineering, M. Seminar, and H. Azimian, "Visual Object Tracking Algorithms," 2005.
- A. Li, Z. Jing, and S. Hu, "Particle filter based visual tracking with multi-cue adaptive fusion," Chinese Optics Letters, vol. vol 3, 2005.
- X. Xu and B. Li, "Rao-Blackwellised particle filter for tracking with application in visual surveillance," Tracking and Surveillance, 2005..
- P. Vadakkepat and L. Jing, "Improved Particle Filter in Sensor Fusion for Tracking Randomly Moving Object," IEEE Transactions on Instrumentation and Measurement, vol. 55, no. 5, pp. 1823–1832, 2006.
- F. L. Lim, W. Leoputra, and T. Tan, "Non-overlapping Distributed Tracking System Utilizing Particle Filter," Journal of VLSI Signal Processing, vol. 49, pp. 343–362, 2007.
- R. Mottaghi and R. Vaughan, "An integrated particle filter and potential field method applied to cooperative multi-robot target tracking," Auton Robot, vol. 23, pp. 19–35, 2007.
- G. U. O. Rong-hua and Q. I. N. Zheng, "An unscented particle filter for ground maneuvering target tracking," Journal of Zhejiang University SCIENCE A, vol. 8, no. 10, pp. 1588–1595, 2007.
- C. Shan, T. Tan, and Y. Wei, "Real-time hand tracking using a mean shift embedded particle filter," Pattern Recognition, vol. 40, pp. 1958–1970, 2007.
- S. Sa, "Rao-Blackwellized particle filter for multiple target tracking," Information Fusion, vol. 8, pp. 2–15, 2007.
- J. Czyz, B. Ristic, and B. Macq, "A particle filter for joint detection and tracking of color objects," Image and Vision Computing, vol. 25, pp. 1271–1281, 2007.
- J. Li and C. Chua, "Transductive local exploration particle filter for object tracking," Image and Vision Computing, vol. 25, pp. 544–552, 2007.
- A. Li, Z. Jing, and S. Hu, "Robust observation model for visual tracking in particle filter," AEU-International Journal of Electronics and …, vol. 61, pp. 186–194, 2007.
- A. S. Montemayor, A. Duarte, J. J. Pantrigo, and A. Sa, "Multi-dimensional visual tracking using scatter search particle filter," Pattern Recognition Letters, vol. 29, pp. 1160–1174, 2008.
- S. Choi and D. Kim, "Robust head tracking using 3D ellipsoidal head model in particle filter," Pattern Recognition, vol. 41, pp. 2901–2915, 2008.
- B. Zhang, W. Tian, and Z. Jin, "Robust appearance-guided particle filter for object tracking with occlusion analysis," International Journal of Electron. Commun., vol. 62, pp. 24–32, 2008.
- P. Taylor, J. Ortegon-aguilar, and E. Bayro-corrochano, "Particle filter tracking without dynamics," Applied Bionics , pp. 37–41, 2008.
- B. Guo and W. Sun, "Multiple object detection and tracking with pseudo-particle filter," Front. Electr. Electron. Eng. China, vol. 4, no. 2, pp. 115–120, 2009.
- B. Sugandi, H. Kim, and J. Kooi, "A moving object tracking based on color information employing a particle filter algorithm," International Symposium on Artif icial Life and Robotics, pp. 39–42, 2009.
- Z. Wang, X. Yang, Y. Xu, and S. Yu, "CamShift guided particle filter for visual tracking," Pattern Recognition Letters, vol. 30, no. 4, pp. 407–413, 2009.
- W. Zheng and S. Bhandarkar, "Face detection and tracking using a Boosted Adaptive Particle Filter," Journal of Visual Communication and Image …, vol. 20, no. 1, pp. 9–27, 2009.
- W. Lu, K. Okuma, and J. J. Little, "Tracking and recognizing actions of multiple hockey players using the boosted particle filter," Image and Vision Computing, vol. 27, no. 1–2, pp. 189–205, 2009.
- C. Liu, P. Liu, J. Liu, and J. Huang, "2D Articulated Pose Tracking Using Particle Filter with Partitioned Sampling and Model Constraints," Journal of Intell Robot Syst, pp. 109–124, 2010.
- B. Sugandi, H. Kim, and J. Koi, "A color-based particle filter for multiple object tracking in an outdoor environment," International Symposium on Artif icial Life and Robotics, pp. 41–47, 2010.
- S. Ling, Z. Kadim, K. Meng, and M. Kuan, "Hybrid Blob and Particle Filter Tracking Approach for Robust Object Tracking," Procedia Computer Science, vol. 1, no. 1, pp. 2549–2557, 2010.
- I. Chang and S. Lin, "3D human motion tracking based on a progressive particle filter," Pattern Recognition, vol. 43, no. 10, pp. 3621–3635, 2010.
- X. Wang and Z. Tang, "Modified particle filter-based infrared pedestrian tracking," Infrared Physics and Technology, vol. 53, no. 4, pp. 280–287, 2010.
- J. Zhao and Z. Li, "Particle filter based on Particle Swarm Optimization resampling for vision tracking," Expert Systems With Applications, vol. 37, no. 12, pp. 8910–8914, 2010.
- L. Jing and P. Vadakkepat, "Interacting MCMC particle filter for tracking maneuvering target," Digital Signal Processing, vol. 20, no. 2, pp. 561–574, 2010.
- H. Medeiros, G. Holguín, P. J. Shin, and J. Park, "A parallel histogram-based particle filter for object tracking on SIMD-based smart cameras," Computer Vision and Image Understanding, vol. 114, no. 11, pp. 1264–1272, 2010.
- F. Ababsa, "Real-time camera tracking for structured environment using an iterated particle filter," Systems Man and Cybernetics (SMC), 2010 IEEEConference, pp. 3039–3044, 2010.
- C.M. Md.ZAHIDUL ISLAM and C.W. L. OH, "An Efficient Multiple Cues Cynthesis for Human Tracking using a Particle Filtering Framework," International Journal of Innovative Computing,Information and Control, vol. 7, no. 6, pp. 3379–3393, 2011.
- Z. L. Husz, A. M. Wallace, and P. R. Green, "Tracking With a Hierarchical Partitioned Particle Filter and Movement Modelling," IEEE Transactions On Systems,Man, And Cybernetics, vol. 41, no. 6, pp. 1571–1584, 2011.
- K. Qian, X. Ma, X. Dai, and F. Fang, "Improved Rao-Blackwellized particle filter for simultaneous robot localization and person-tracking with single mobile sensor," Journal of Control Theory Applications, vol. 9, no. June 2009, pp. 472–478, 2011.
- Z. Hasan, K. Irene, and A. G. Backhouse, "A Robust Particle Filter-Based Method for Tracking Single Visual Object Through Complex Scenes Using Dynamical Object Shape and Appearance Similarity," Journal of Signa Processing Systems, pp. 63–79, 2011.
- R. Péteri, "Tracking dynamic textures using a particle filter driven by intrinsic motion information," Machine Vision and Applications, vol. 22, pp. 781–789, 2011.
- A. Ortiz, J. Antich, and G. Oliver, "A particle filter-based approach for tracking undersea narrow telecommunication cables," Machine Vision and Applications, vol. 22, pp. 283–302, 2011.
- J. Martínez-del-rincón, C. Orrite, and C. Medrano, "Rao – Blackwellised particle filter for colour-based tracking," Pattern Recognition Letters, vol. 32, pp. 210–220, 2011.
- L. Raskin, M. Rudzsky, and E. Rivlin, "Dimensionality reduction using a Gaussian Process Annealed Particle Filter for tracking and classification of articulated body motions," Computer Vision and Image Understanding, vol. 115, no. 4, pp. 503–519, 2011.
- H. Han, Y. Ding, K. Hao, and X. Liang, "An evolutionary particle filter with the immune genetic algorithm for intelligent video target tracking," Computers and Mathematics with Applications, vol. 62, no. 7, pp. 2685–2695, 2011.
- J. Jose and A. S. Montemayor, "Heuristic particle filter: applying abstraction techniques to the design of visual tracking algorithms," Expert Systems, vol. 28, no. 1, pp. 49–69, 2011.
- H. Kubota, M. Takeshi, and H. Saito, "3D head pose tracking using a particle filter with nose template matching," Electronics and Communications in Japan, vol. 94, no. 1, pp. 1447–1454, 2011.
- R. Cabido, A. S. Montemayor, and J. J. Pantrigo, "High performance memetic algorithm particle filter for multiple object tracking on modern GPUs," Soft Computing, vol. 16, no. 2, pp. 217–230, May 2011.
- R. Paper, C. Songxiao, W. Xuanyin, and X. Ke, "Visual Object Servo Tracking Based on the Particle Filter Method Using a Pan-Tilt-Zoom Camera," International Journal of Advanced Robotic Systems, vol. 9, 2012.
- D. T. Cong, F. Septier, C. Garnier, L. Khoudour, and Y. Delignon, "Robust Visual Tracking Via Mcmc-Based Particle Filtering," IEEE International Conference on Acoustics, Speech and Signal Processing, Kyoto : Japan, pp. 2–5, 2012.
- M. Sun and C. Shi, "Application of particle filtering in visual tracking," Advanced Materials Research, vol. 485, pp. 207–212, 2012.
- J. A. Brown, D. W. Capson, and S. Member, "A Framework for 3D Model-Based Visual Tracking Using a GPU-Accelerated Particle Filter," Ieee Transactions On Visualization And Computer Graphics, vol. 18, no. 1, pp. 68–80, 2012.
- N. V. Samarjit Das, Amit Kale, "Particle FilterWith a Mode Tracker for Visual Tracking Across Illumination Changes," Ieee Transactions On Image Processing, vol. 21, no. 4, pp. 2340–2346, 2012.
- I. Introduction, "An Optimization-Based Parallel Particle Filter for Multitarget Tracking," Ieee
- Transactions On Aerospace And Electronic Systems, vol. 48, no. 2, pp. 1601–1618, 2012.
- P. Li, "An Efficient Particle Filter – based Tracking Method Using Graphics Processing Unit ( GPU )," Journal of Signa Processing Systems, pp. 317–332, 2012.
- M. Ho, C. Chiang, and Y. Su, "Object tracking by exploiting adaptive region-wise linear subspace representations and adaptive templates in an iterative particle filter," Pattern Recognition Letters, vol. 33, no. 5, pp. 500–512, 2012.
- Y. C. S. Huang and L. F. P. Hsiao, "Vehicle detection and tracking under various lighting conditions using a particle filter," IET Intelligent Transport Systems, no. May 2011, pp. 1–8, 2012.
- H. A. A. El-halym, I. I. Mahmoud, and S. E. D. Habib, "Proposed hardware architectures of particle filter for object tracking," EURASIP Journal on Advances in Signal Processing, pp. 1–19, 2012.
- W. Wang and B. Wang, "Feature-driven motion model-based particle-filter tracking method with abrupt motion handling," Optical Engineering, no. 51, p. 4, 2012.