Skip to main content

Multi-prediction particle filter for efficient parallelized implementation

Abstract

Particle filter (PF) is an emerging signal processing methodology, which can effectively deal with nonlinear and non-Gaussian signals by a sample-based approximation of the state probability density function. The particle generation of the PF is a data-independent procedure and can be implemented in parallel. However, the resampling procedure in the PF is a sequential task in natural and difficult to be parallelized. Based on the Amdahl's law, the sequential portion of a task limits the maximum speed-up of the parallelized implementation. Moreover, large particle number is usually required to obtain an accurate estimation, and the complexity of the resampling procedure is highly related to the number of particles. In this article, we propose a multi-prediction (MP) framework with two selection approaches. The proposed MP framework can reduce the required particle number for target estimation accuracy, and the sequential operation of the resampling can be reduced. Besides, the overhead of the MP framework can be easily compensated by parallel implementation. The proposed MP-PF alleviates the global sequential operation by increasing the local parallel computation. In addition, the MP-PF is very suitable for multi-core graphics processing unit (GPU) platform, which is a popular parallel processing architecture. We give prototypical implementations of the MP-PFs on multi-core GPU platform. For the classic bearing-only tracking experiments, the proposed MP-PF can be 25.1 and 15.3 times faster than the sequential importance resampling-PF with 10,000 and 20,000 particles, respectively. Hence, the proposed MP-PF can enhance the efficiency of the parallelization.

1. Introduction

Hidden state estimation of a dynamic system with noisy measurements is an important problem in many research areas. Bayesian approach is a common framework for state estimation by obtaining the probability density function (PDF) of the hidden state. For the linear system models with Gaussian noise, Kalman filter (KF) can track mean and covariance of the state PDF. However, KF cannot work well in nonlinear system with non-Gaussian noise. Particle filter (PF) [15] is an emerging signal processing methodology, which succeeds in dealing with nonlinear and non-Gaussian signals by a sample-based approximation of the state PDF. Because, nonlinear dynamic systems with non-Gaussian noise appear widely in real-world applications, such as surveillance, object tracking, computer and robot vision, etc., PF outperforms than classical KF in the aforementioned applications.

The conventional sequential importance resampling (SIR) PF is composed of four operations: (1) prediction, (2) weight updating, (3) weight normalization, and (4) resampling, as shown in Figure 1a. The prediction and weight updating steps form the sampling procedure, and the sampling procedure is a data-independent operation and can be parallelized effectively. Since particle sampling is parallel in nature, many studies have explored and proposed parallel architectures for PF, especially by Bolić et al. [6, 7]. However, the resampling procedure of the SIR-PF needs the weight information of whole particle set and results in global data exchange. Hence, it suppresses the efficiency of the SIR-PF parallel implementation. Recently, the idea of independent Metropolis-Hastings (IMH) algorithm [8] is utilized to facilitate the parallel design of the resampling procedure in PF [9, 10]. In conclusion, to enhance the parallelized PF, the studies in [711] focus on the modification of the resampling operation.

Figure 1
figure 1

Data flow. (a) The SIR-PF; (b) the proposed MP-PF.

Based on the Amdahl's law[12], the sequential portion of a task limits the speed-up in parallelized implementation. The resampling procedure is a sequential task that significantly limits the acceleration of the parallelized PF. In general, the complexity of the resampling procedure is proportional to the size of the posterior particle set. In tradition, the prior application domain knowledge can be utilized in the system model to reduce the uncertainty of the system state, such as [13, 14]. However, this approach is application-dependent and hard to be utilized in other applications.

In this article, we propose a multi-prediction (MP) sampling approach to profit the parallelized PF. The proposed MP-sampling approach consists of MP operation, weight updating, and local particle selection, as shown in Figure 1b. In the proposed MP operation, multiple predicted particles are generated from a specific basis particle, and the prediction number is defined as P. The SIR-PF with N1 basis particles can generate N1 predicted particle. The proposed MP-PF with N2 particles can generate N2 × P predicted particles. As P is large, the required basis particle number of the proposed MP-PF can be significantly reduced for the same predicted particle number. Hence, the proposed MP-PF can suppress the complexity of the resampling procedure and benefit the parallelized PF. Besides, the proposed MP-PF has an overhead of additional prediction computations from the MP operation. Because the prediction procedure is data independent for each basis particle, the MP operation can be easily implemented in parallel. In summary, the proposed MP-PF reduces the sequential global data operation resulting from the resampling procedure by increasing the local computation overhead. Hence, the proposed MP-PF improves the execution time of the parallelized PF by reducing the complexity of the resampling procedure. It should be noted that our approach is not proposed to replace the algorithms in [711]. Proposed MP-PF can be combined with modified resampling algorithms in [711] to further improve the efficiency of the parallelized PF. To clarify the benefit of our approach, we compare proposed MP-PF with regular SIR-PF.

Recently, multi-core graphics processing unit s (GPUs) are popular in the signal processing domain [1517] for its capability of massive parallel computation. The main feature of the multi-core GPUs is its high efficiency to process many parallel local computations. However, the latency of the memory access in GPU is much larger, because GPU does not have levels of cache for global data. If the executed task consists of many sequential operations or uncoalesed global data access [18], then the processing cores have to stall and result in low utilization. The proposed MP-PF trades additional local computations for reducing the amount of the global data access. To verify the benefit of the proposed MP-PFs, we implement the proposed MP-PF on NVIDIA multi-core GPUs. Our prototype results show that the proposed MP-PFs can be above 10× faster than the SIR-PF on multi-core GPU platform.

The rest of this article is organized as follows. The review of conventional SIR-PF is given in Section 2. Then the proposed MP-PF is presented in Section 3. The simulation results of the proposed MP-PFs are shown in Section 4. Implementation on the NVIDIA GPU and comparisons are presented in Section 5. Finally, Section 6 concludes the study of this article.

2. Review of SIR Pf

The basic procedures of the SIR-PF are briefly introduced in this section. System state transition model and measurement model are two key models in the SIR-PF framework, as shown in Equations 1 and 2, respectively

x t = f t x t - 1 , n t - 1 ,
(1)
y t = h t x t , v t .
(2)

where x t is the system state vector that we want to track; n t the random vector describing the system uncertainty; y t the observable measurement vector; and v t the measurement noise vector. The PF algorithm can work in the condition that f t and h t are nonlinear or n t and v t are non-Gaussian distribution. The PF algorithm needs the following information about system x and observation y:

  • P(x0): The PDF of the initial system state.

  • P(x t |xt-1): The transition PDF of system state.

  • P(y t |x t ): The observation likelihood function of y t with a given system state.

To track the current system state, the posterior PDF P(x t |y1:t) is required. Based on the Bayes theorem, P(x t |y1:t) can be represented by likelihood function P(y t |x t ) transition prediction function P(x t |y1:t-1) and the normalization term P(y t |y1:t-1):

P ( x t | y 1 : t ) = P ( y t | x t ) P ( x t | y 1 : t - 1 ) P ( y t | y 1 : t - 1 ) .
(3)

From Equation 3, the prior prediction probability P(x t |y1:t-1) can be represented as

P ( x t | y 1 : t - 1 ) = P ( x t | x t - 1 ) P ( x t - 1 | y 1 : t - 1 ) d x t - 1 .
(4)

For nonlinear/non-Gaussian scenario, Equations 3 and 4 cannot be obtained analytically. The SIR-PF approximates the posterior P(x t |y1:t-1) with a particle set { x t ( i ) , w t ( i ) } i = 1 N , and w t ( i ) is associated weight for each particle. The SIR-PF algorithm with N particles is described as

Initialization

Generate N initial particles x 0 ( 1 ) ,..., x 0 ( N ) from pre-defined initial state distribution P(x0). All particles have equal initial weights, w 0 ( i ) = 1 N.

Iteration--Repeat for t = 1, 2, 3,...:

  1. (a)

    Prediction: Draw the predicted particles x t ( i ) through the state transition model. For i = 1,...,N, n t ( i ) are independent with each other. These predicted particles can be utilized to approximate the prior prediction distribution P(x t |y1:t-1).

  2. (b)

    Weight updating: After receiving the measurement, each particle needs to update the weight according to the likelihood function P ( y t | x t ( i ) ) , as shown in Equation 5:

    w t ( i ) = w t - 1 ( i ) P ( y t | x t ( i ) ) .
    (5)
  3. (c)

    Weight normalization: The normalization procedure makes the sum of particle weights equal to one. The particles with normalized updated weights can represent the posterior state distribution. The normalization procedure is represented as

    w t ( i ) = w t ( i ) N w t ( i ) .
    (6)
  4. (d)

    Resampling: After weight updating operation, some particle weights may be degenerated to a small value near zero. In general, systematic resampling (SR) is widely used for standard implementation of the resampling procedure. The SR procedure is to draw a new particle set with independent index j 1,...,j N such that P ( j k = i ) w t ( i ) and set x ^ t j k = x t i Besides, all particle weights are set to 1/N.

The data flow of the SIR-PF with N1 particles is shown in Figure 1a. The posterior particles at (t - 1) serve as the basis particles to generate the predicted prior particles at t. There is a tradeoff between estimation accuracy and particle number. The SIR-PF with larger N will increase the estimation accuracy. However, because the resampling operation is executed on the posterior particle set, the SIR-PF with larger N will raise the complexity of the resampling operation.

3. Proposed MP PF algorithm

The data flow of the proposed MP-PF with N2 basis particles and P predictions is shown in Figure 1b. Our proposed MP-PF is developed based on the SIR-PF. We replace the sampling procedure in the SIR-PF with our proposed MP-sampling approach. There are two modifications in the proposed MP-sampling approach: (1) MP operation. (2) Local particle selection (LPS) operation.

3.1 Proposed MP operation

The proposed MP operation is inspired by the phenomenon--unpredictable behavior of the target. Due to the uncertainty in the system transition model described by P(x t |xt-1), the state propagation has many, even infinite possible outputs. In SIR-PF, however, each particle makes only one prediction for next timing instant, and it is hard to predict the moving of the target perfectly. Hence, the SIR needs to store many particles to predict the system transition behavior. In our proposed MP operation, each basis particle makes multiple predictions according to the system model to track the uncertain system state. With the same number of basis particles, the MP-PF can produce a predicted prior particle set with larger size than the SIR-PF. Hence, the MP-PF can give more prediction state diversity to track the system state.

In the MP-PF, P local predicted particles are generated from one basis particle according to the system transition model, as shown in Equation 7

x local j ~ f ( x t - 1 ( i ) , n t - 1 ( j ) ) , j = 1 , 2 , . . . , P .
(7)

x t - 1 ( i ) is a specific basis particle at t - 1. The local predicted particle set, { x local ( j ) } j = 1 P , is a sample-based representation of transition PDF P ( x t | x t - 1 ( i ) ) . In the predicted prior distribution, each predicted particle has equal weight as well as equal importance, and none of the predicted particles can be removed. After weight updating, the importance of each particle is not equal, and some local predicted particle with low importance can be removed. To maintain the same number of the basis particles for next iteration, the MP-sampling approach uses the LPS procedure to reserves only one representative particle in each local particle set.

In each local particle set, only one particle has to be stored. For each basis particle, the local predicted particles are generated sequentially, and we can avoid storing all local temporary particles. The pseudo code of the MP operation with M basis particles and P predictions is shown in Table 1. The previous selected particle and the new generate particle are inputted to the LPS procedure. The LPS procedure reserves a proper particle as the new selected particle based on their weights. It should be noted that the MP-PF is the same as the SIR-PF as prediction number P = 1. For P > 1 with the same number of basis particles, the MP-PF can generate a larger predicted prior particle set than the SIR-PF.

Table 1 Pseudo code of the MP operation

3.2 Proposed LPS mechanisms

From each basis particle, a group of predicted particles are generated. As mentioned above, the importance of each particle is not equal after weight updating. Hence, after weight updating, fewer particles need to be stored. In the proposed MP-sampling approach, the LPS procedure reserves one representative particle in each group. The representative particle is selected based on the weight distribution of the local predicted particle set. Two LPS approaches are described in the following.

3.2.1 Maximizing importance selection scheme

In each group of particles, the maximizing importance selection (MIS) scheme selects the particle with highest weight as the representative particle for this group, as described by Equation 8

inde x select = argmax j = 1 ~ P ( w local ( j ) ) .
(8)

Because the MIS scheme selects the particle with maximum weight in the local distribution, the MIS procedure can be implemented sequentially. It should be noted that, for a widely used normal likelihood function, the MIS can select the representative particle based on the error distance rather than actual likelihood value. Therefore, for normal likelihood, the MIS needs only one likelihood calculation to update particle weight. Besides, the MIS scheme does not need a uniform random variable for selection procedure. The pseudo code of the MIS LPS procedure is given in Table 2.

Table 2 Pseudo code of MIS-based LPS procedure

3.2.2 Systematic resampling like selection scheme

The predicted particles from a specific basis particle can be regarded as a local distribution. In the systematic resampling like selection (SRS) scheme, the representative particle is selected based on the SR algorithm. The SRS is a probabilistic selection scheme, and the probability of j th local predicted particle being selected is defined by

w t ( i ) = w temp ( j )
(9)

In general, the SR algorithm needs the cumulative sum information, and all predicted particles cannot be released until the SR procedure is accomplished. The conventional SR algorithm requires additional memory and processing latency. Fortunately, because the LPS procedure needs to select only one particle, the CDF scanning operation can be transformed to a sequential comparing operation. The detailed explanation is given in Appendix. The additional memory to temporally store the local particle set can be saved. Besides, the SRS procedure can start without waiting all local particles are generated. This feature can increase the execution efficiency of the SRS scheme. The pseudo code of the SRS LPS procedure is given in Table 3.

Table 3 Pseudo code of the SRS-based LPS procedure

3.3 Prediction number and LPS scheme evaluation flow

Before describing the evaluation flow, we analyze two LPS schemes first. There are two considerations for choosing LPS scheme:

3.3.1 Complexity

Both the SRS and MIS schemes are implemented by sequential Comparing-and-Replace operation. The difference between two LPS schemes is the condition for replacing. The SRS scheme needs random variables to make a probabilistic selection. Besides, as mentioned above, the MIS scheme needs only one likelihood calculation for normal likelihood. The complexity comparison between two schemes is given in Table 4. With the same setting of particle number and prediction number, the MIS scheme has lower complexity than the SRS scheme.

Table 4 Complexity comparison between the SRS and the MIS schemes

3.3.2 Robustness to measurement noise

In the SRS scheme, the representative particle is selected based on the PDF of the whole local predicted particle set. Hence, the predicted particles with similar weights have similar chance to be chosen as the representative particle in the SRS scheme. However, in the MIS scheme, the predicted particle with highest weight is always selected as the representative particle. In summary, the weights of the local particle set affect the result of the LPS procedure. In general, the measurement has a noise term. The weights of the particle set are updated based on the likelihoods to the measurement, so the weight is also affected by the measurement noise. As variance of the noise is high, the MIS scheme may suffer accuracy degradation, because the MIS scheme always selects the predicted particle with highest weight and believes the measurement too much.

In summary, for target accuracy, we should evaluate both two schemes and select the scheme that has lower execution time. Prediction number P and basis particle number N are main design parameters in the proposed MP-PF. By increasing P, the MP-PF can reduce the basis particle number as well as the global sequential operation. However, the total execution time may increase with too large P. Therefore, for target accuracy, a proper setting of (N, P) and the LPS schemes should be evaluated for a specific parallel architecture.

Our suggested evaluation flow is shown in Figure 2. The prediction number set for evaluation and the target accuracy should be predefined. For a specific prediction number, the minimum particle number for the target accuracy can be obtained from simulation. With the prediction number and the particle number, the total execution time can be evaluated for a specific parallel architecture. We can obtain the setting of (N, P) with minimum execution time under the prediction number set. Eventually, we can choose a proper LPS scheme based on the minimum execution time of two LPS scheme.

Figure 2
figure 2

Prediction number and LPS scheme evaluation flow.

4. Simulation results and discussion

The proposed MP-PF does not utilize the prior knowledge related to the application. In this section, we verify the proposed MP-PF by two widely used benchmark simulation models. In Section 4.1, we use a simple system transition model to evaluate the two LPS scheme at different measurement noise strength. In Section 4.2, we use the BOT model, which has high transition uncertainty to demonstrate the benefit of the proposed MP-PF.

4.1 Robustness to measurement noise

This model is highly nonlinear and is bimodal in nature. The system model and measurement model are described in Equations 8 and 9, respectively

x t = x t - 1 2 + 2 5 x t - 1 1 + x t - 1 2 + 8 cos ( 1 . 2 t ) + n t
(10)
y t = x t 2 2 0 + v t
(11)

n t ~ N(0, σ n 2 ), v t ~ N(0, σ v 2 ). N(u, σ2) is the normal distribution with mean u and variance σ2. The initial state distribution is x0 ~ N(0,10). In our simulation, the variance of the system transition noise is set as σ n 2 =10.0. We take the weighted sum of posterior particles as the state estimation and calculate the mean-square-error (MSE) from the difference between the state estimation and the true state. The simulations are obtained from 104 randomly initialized experiments with 50 steps. To evaluate the robustness of the proposed LPS schemes, Figures 3, 4, and 5 give the MSE comparisons at different noise variance, σ v 2  = 1 ,  1 4 , and 1 16 .

Figure 3
figure 3

MSE results for different LPS schemes at σ v 2 =1.. (a) MIS scheme; (b) SRS scheme.

Figure 4
figure 4

MSE results for different LPS schemes at σ v 2 =14.. (a) MIS scheme; (b) SRS scheme.

Figure 5
figure 5

MSE results for different LPS schemes at σ v 2 =116. (a) MIS scheme; (b) SRS scheme.

In this model, the term related to the hidden state is divide by 20, so the noise with σ v 2 =1 is a large noise. In Figure 3, the MIS-based MP-PF suffers from huge accuracy degradation due to high measurement noise, especially for large P. As the noise strength is large, the particle with highest weight is not perfectly correct. The representative particle should be selected based on their probability distribution. However, the MIS scheme always selects the particle with highest weight in the local particle set, and this simple but hasty approach does not comply with the statistic of the local predicted particle set.

When the noise strength is lower, as shown in Figures 4b and 5b, the estimation accuracy of the MIS scheme can be improved. Nevertheless, the MIS scheme is still not robust to the measurement noise. Because the SRS scheme selects the representative particle in probabilistic sense, the SRS scheme has better robustness to the measurement noise than the MIS scheme. The accuracy of the SRS scheme is always better than the SIR-PF, as shown in Figures 3, 4 and 5.

From Figures 3, 4 and 5, it is apparent that the SRS-based MP-PF has better estimation accuracy than the SIR-PF with the same basis particle number. In Table 5, we compare the SRS-based MP-PF and the SIR-PF with fixed number of predictions. The MSE performance of the SIR-PF converges around at particle number N = 500. At this convergent point, we can give a fair comparison between the SRS-based MP-PF and the SIR-PF at the same total prior prediction number, 500. Table 5 gives the MSE comparison results. As N < 50, the proposed MP-PF has too few basis particles to sample the posterior PDF sufficiently. Although the MP approach can reduce the basis particle number, the basis particle number cannot be too small. With reasonable basis particle number, the proposed MP-PFs can give similar MSE results with much fewer basis particles. This result supports our clam that the proposed MP-PFs can reduce the memory requirement and the complexity of the resampling procedure.

Table 5 MSE comparison results at the same prediction number

4.2. The system model with high transition uncertainty

In this section, we use the BOT model with high system transition uncertainty to further demonstrate the benefit of the proposed MP-PFs. In the BOT model, the state vector include four state variables, i.e., x k = P x k P y k V x k V y k T . Following the Cartesian coordinate, the P x and P y stand for the two-dimensional position, while V x and V y are the two-dimensional velocity. The observer is assumed to be at the origin, and the position as well as velocity are relative to the observer. The BOT system model is given in Equation 10

x k + 1 = F x k + Γ u k .
(12)

where u k = u x k u y k T ~ N 0 , q I 2 , and the matrices F and Γ are shown in Equation 11:

F = 1 0 1 0 0 1 0 1 0 0 1 0 0 0 0 1 , Γ = 0 . 5 0 0 0 . 5 1 0 0 1
(13)

The measurement is one-dimensional and consists of only bearing, i.e., θ k . We assume observer is fixed at the origin, and the measurement model is illustrated in Equation 12

θ k = h ( x k ) + v k = tan - 1 ( P y k P x k ) + v k .
(14)

where vk is additive Gaussian noise, and v k ~ N(0, r). In our simulation, q =0.001 and r =0.005, the same as the setting in [1]. We calculate the Position error from the difference between estimated position and the true position.

The position error results of the BOT model for two LPS schemes are shown in Figure 6. From Figures 3, 4 and 5, the proposed MP-PF can give a better performance than the SIR-PF, but the performance improvement is converged after P = 6. Because the MP-sampling operation is utilized to track the uncertain system transition behavior, a huge number of predictions are not necessary in a simple model. However, in the BOT model, the SIR-PF needs thousands of particles to obtain good estimation accuracy. This phenomenon means that the BOT model has high system uncertainty, and the PF needs more particles to track the hidden state. In this condition, the MP operation can further give improvement by using larger P. In other words, in the system model with higher transition uncertainty, the number of basis particle can be reduced by using more predictions.

Figure 6
figure 6

Position error results for two LPS schemes. (a) MIS scheme; (b) SRS scheme.

In Figure 6b, it is apparent that the MIS-based MP-PF has unstable behavior of the estimation accuracy. As the prediction number is large, the aforementioned drawback of the MIS scheme is more apparent. Figure 7 gives the comparison results between two LPS schemes at different prediction number. For small prediction number, as shown in Figure 7a, two LPS schemes have similar estimation accuracy. With large prediction number, as shown in Figure 7b, the SRS scheme can give better estimation accuracy than the MIS scheme due to its probabilistic selection mechanism.

Figure 7
figure 7

Position error comparisons for two LPS schemes at different prediction number: (a) P = 2; (b) P = 30.

As mentioned in Section 3, the MIS scheme selects the representative particle compulsorily. We can observe two drawbacks in the MIS scheme from the above simulation: (a) low robustness to measurement noise; (b) the performance degradation in large prediction number. The drawbacks of the MIS scheme result from the simplification in the representative particle selection. The benefit of the MIS scheme is its simplicity. From the observation in simulation, the MIS scheme is feasible in low prediction number and low measurement noise. In contrast, the SRS scheme follows the posterior weight distribution to select the representative particle. Because the SRS select the local representative particle in probabilistic sense, the SRS scheme has higher stability and robustness than the MIS scheme.

5. Implementation of the MP-PFs on GPU

5.1. Parallelized MP-PF on NVIDIA multi-core GPU

The proposed MP-PF increases the prediction computation to reduce the complexity of the resampling procedure. Because the MP-sampling operation can be executed independently among all basis particles, the prediction computation overhead can be compensated by parallel executions easily. In this subsection, we give the architecture of the MP-PF implemented on NVIDIA GPU. NVIDIA multi-core GPU can accelerate applications with single-instruction-multiple-threads (SIMT) execution model and hierarchical memory.

As mentioned above, the MP-sampling procedure is independent among particles and can be parallelized by mapping each particle to parallel threads without efforts. Weight summation for normalization results in global memory accessing. For efficiency, shared memory can be utilized to buffer the intermediate data. In the resampling procedure, the global particle exchange needs uncoalesced global memory accessing [18], and this will dominate the processing time to be near O(N) and slower the resampling step significantly. The thread block diagram of the SIR-PF is shown in Figure 8. Though with superior computing capability, the SIMT parallelism somehow suffers from inefficiency when processing uncoalesced global data exchange. The task with many global data transfer, like the resampling, will dominate the execution time on GPU.

Figure 8
figure 8

Thread block diagram of the MP-PF on GPU.

5.2. Implementation result of the SIR-PF on GPU

To compare with the proposed MP-PFs, we first implement the SIR-PF of the BOT model on a NIVIDIA GPU. The software interface for programming on NVIDIA's GPU is the compute unified device architecture (CUDA) [18, 19]. The description of the GPU used in this work is shown in Table 6. In Section 5.1, we described how to map the proposed MP-PF on NVIDIA multi-core GPU. For the SIR-PF, the only difference is the sampling procedure. As P = 1, the mapping in Section 3.4 is designed for the SIR-PF. Figure 9 shows the profiling results of the SIR-PF implemented on GPU, and the profiling data is the execution time of the PF with 25 iterations in the BOT model. The global operations, the weight normalization and the resampling, indeed cost over 99% execution time while the sampling costs extremely little. Figure 9 validates that the resampling procedure dominates the execution time of the parallelized PF.

Table 6 Hardware information for evaluation
Figure 9
figure 9

Execution time profiling of the SIR-PF on GPU.

5.3. Design example for loose target accuracy

To compare with the SIR-PF, we set loose target accuracy first, 0.08, which are simulated accuracy of the SIR-PF with 10,000 particles. The prediction number set for evaluation is {10, 20, 50, 100, 200, 500}. Figure 10 shows the estimation accuracy around the target accuracy. From Figure 11, the minimum particle number for each prediction number can be obtained. Table 7 illustrates the execution time and accuracy of the proposed MP-PF designs with different parameters. All parameter settings can meet the target accuracy 0.08.

Figure 10
figure 10

Comparison between the MP-PFs and the SIR-PF with 10,000 particles. (a) MIS scheme; (b) SRS scheme.

Figure 11
figure 11

Comparison between the SRS MP-PFs and the SIR-PF with 20,000 particles.

Table 7 Execution time comparison between the MP-PF and the SIR-PF

The MP-PF can use hundreds of particles to meet the same estimation accuracy of the SIR-PF with 10,000 particles. Besides, as the particle number is small, the particle with higher weight may be more important to represent the PDF, and the MIS scheme is a proper scheme for small particle number setting. Hence, the MIS MP-PF can use fewer particles than SRS scheme to achieve this accuracy threshold.

The profiling results of the PFs listed in Table 7 are given in Figure 12. As shown in Figure 12, we can reduce the execution time of the resampling and the weight normalization procedure by using more predictions--larger P. However, when the particle number reduction slows down, larger P results in execution time overhead of MP-sampling operation.

Figure 12
figure 12

Profiling results of the SIR-PF and the proposed MP-PFs with parameters shown in Table 5. (a) MIS scheme; (b) SRS scheme.

5.4. Design example for strict target accuracy

In the second design example, we set strict target accuracy first, 0.06, which are simulated accuracy of the SIR-PF with 20,000 particles. The prediction number set for evaluation is {10, 20, 50, 100, 200, 500}, the same as in the above example. From the simulation result in Section 4.2, it should be noted that the MIS-based MP-PF is hard to achieve the threshold 0.06 with large P. Therefore, for the accuracy threshold 0.06, the MIS MP-PF cannot use more predictions to reduce the execution time, and we skip the discussion of the MIS scheme for this target accuracy.

Figure 11 shows the estimation accuracy around the target accuracy. From Figure 11, the minimum particle number for each prediction number can be obtained. Table 8 illustrates the execution time and accuracy of the proposed MP-PF designs with different parameters. All parameter settings can meet the target accuracy 0.06. Table 8 gives the proposed MP-PF designs that meet the second accuracy threshold. It should be noted that the MP-PF with the MIS scheme is hard to achieve the threshold 0.06 with large P. The profiling results of the PFs listed in Table 8 are given in Figure 13.

Table 8 Execution time comparison between the MP-PF and the SIR-PF
Figure 13
figure 13

Profiling results of the SIR-PF and the proposed SRS MP-PFs with parameters shown in Table 6.

6. Conclusions

In this article, the MP framework with two LPS schemes is proposed to reduce the number of the basis particles. Among two proposed LPS schemes, the SRS scheme is robust to the measurement noise and does not suffer from accuracy saturation. The MIS scheme can work well for small prediction number P or particle number N. By reducing the basis particle number, the complexity of the resampling, the sequential part of the PF task, can be suppressed significantly. The MP framework increases the prediction computation, and this computation can be easily implemented in parallel due to its data independent feature. In other words, the MP-PF increases the overhead of the parallel task and reduces the complexity of the sequential task significantly. To demonstrate the benefit of the MP-PF for parallel architecture, we implement the MP-PFs and the SIR-PF on multi-core GPU platform. For the classic BOT experiments, the maximum improvements of the proposed MP-PF are 25.1 and 15.3 times faster than the SIR-PF with 10,000 and 20,000 particles, respectively.

Appendix

Derivation of the proposed SRS scheme

Using the SR algorithm for selection, the probability of j th local predicted particle being selected as representative particle is defined by

P ( inde x select = j ) = w local ( j ) i = 1 P w local ( i ) , j = 1 , 2 , . . . , P .
(15)

In general, the SR procedure needs to collect all predicted particle information, and this results in additional latency and memory. Fortunately, the SRS procedure used in the proposed MP framework only selects one particle, and we modify the SR procedure into a sequential comparing operation, as shown in Table 1, to save the memory and latency overhead. In the following, we demonstrate the proposed SRS scheme also follows the probability defined in Equation 14 to select the representative particle.

For the MP operation with P prediction, the SRS can obtain a representative particle after (P - 1) probabilistic comparing test. The first predicted particle is set as initial representative particle. After passing (P - 1) comparing test, the first predicted particle is accepted as final representative particle. The condition for first predicted being the final representative particle is described as Equation 15

w local ( 1 ) i = 1 2 w local ( i ) u 1 & i = 1 2 w local ( i ) i = 1 3 w local ( i ) u 2 & . . . & i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) u P - 1 ,
(16)

where u i is an independent uniform random variable for i th probabilistic comparing test. Hence, the probability of first particle being accepted as representative particle is shown as

P ( inde x select = 1 ) = P w local ( 1 ) i = 1 2 w local ( i ) u 1 & i = 1 2 w local ( i ) i = 1 3 w local ( i ) u 2 & . . . & i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) u P - 1 (1) = P w local ( 1 ) i = 1 2 w local ( i ) u 1 P i = 1 2 w local ( i ) i = 1 3 w local ( i ) u 2 . . . P i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) u P - 1 (2) = w local ( 1 ) i = 1 2 w local ( i ) i = 1 2 w local ( i ) i = 1 3 w local ( i ) . . . i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) (3) = w local ( 1 ) i = 1 P w local ( i ) . (4) (5) 
(17)

The j th local predicted particle needs to pass (P - j + 1) comparing test, and the accept probability is formed as

P ( inde x select = j ) = P w local ( j ) i = 1 j w local ( i ) > u j - 1 P i = 1 j w local ( i ) i = 1 j + 1 w local ( i ) u j . . . P i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) u P - 1 (1) = w local ( j ) i = 1 j w local ( i ) i = 1 j w local ( i ) i = 1 j + 1 w local ( i ) . . . i = 1 P - 1 w local ( i ) i = 1 P w local ( i ) (2) = w local ( j ) i = 1 P w local ( i ) . (3) (4) 
(18)

From Equations 16 and 17, the SRS scheme follows the same probability described in Equation 14 to select the representative particle.

References

  1. Gordon N, Salmond D, Smith AF: Novel approach to nonlinear/non-Gaussian Bayesian state estimation. IEE Proc F Radar Signal Process 1993, 140: 107-113. 10.1049/ip-f-2.1993.0015

    Article  Google Scholar 

  2. Doucet A, de Freitas N, Gordon N, eds: Sequential Monte Carlo Methods in Practice, Statistics for Engineering and Information Science. Springer, New York; 2001.

    Google Scholar 

  3. Ristic B, Arulampalam S: Beyond the Kalman Filter: Particle Filters for Tracking. Artech House, Boston; 2004.

    Google Scholar 

  4. Arulampalam MS, Maskell S, Gordon N, Clapp T: A tutorial on particle filters for online nonlinear/non-Gaussian Bayesian tracking. IEEE Trans Signal Process 2002,50(2):174-188. 10.1109/78.978374

    Article  Google Scholar 

  5. Capp'e O, Godsill SJ, Moulines E: An overview of existing methods and recent advances in sequential Monte Carlo. Proc IEEE 2007,95(5):899-924.

    Article  Google Scholar 

  6. Bolić M: Architectures for Efficient Implementation of Particle Filters. Ph.D. dissertation, State University of New York, Stony Brook; 2004.

    Google Scholar 

  7. Bolić M, Djurić PM, Hong S: Resampling algorithms and architectures for distributed particle filters. IEEE Trans Signal Process 2005,53(7):2442-2450.

    Article  MathSciNet  Google Scholar 

  8. Sankaranarayanan AC, Chellappa R, Srivastava A: Algorithmic and architectural design methodology for particle filters in hardware. Proc IEEE International Conference on Computer Design (ICCD) 2005, 275-280.

    Google Scholar 

  9. Sankaranarayanan AC, Srivastava A, Chellappa R: Algorithmic and architectural optimizations for computationally efficient particle filtering. IEEE Trans Image Process 2008,17(5):737-748.

    Article  MathSciNet  Google Scholar 

  10. Miao L, Zhang J, Chakrabarti C, Papandreou-Suppappola A: A new parallel implementation for particle filters and its application to adaptive waveform design. Proc IEEE Workshop on Design and Impl Signal Proc Systems (SiPS) 2010, 19-24.

    Google Scholar 

  11. Manjunath BB, Williams AS, Chakrabarti C: A Papandreou-Suppappola, Efficient mapping of advanced signal processing algorithms on multi-processor architectures. Proc IEEE Workshop on Design and Impl Signal Proc Systems (SiPS-2008) 2008, 269-274.

    Chapter  Google Scholar 

  12. Hill MD, Marty MR: Amdahl's law in the multicore era. IEEE Trans Comput 2008,41(7):33-38.

    Google Scholar 

  13. Chao CH, Chu CY, Wu AY: Location-constrained particle filter for RSSI-based indoor human positioning and tracking system. Proc IEEE Workshop on Design and Impl Signal Proc Systems (SiPS-2008) 2008, 73-76.

    Chapter  Google Scholar 

  14. Evennou F, Marx F, Novakov E: Map-aided indoor mobile positioning system using particle filter. Proc of IEEE Wireless Communications and Network Conf (WCNC) 2005, 13-17.

    Google Scholar 

  15. Shams R, Sadeghi P, Kennedy RA, Hartley RI: A survey of medical image registration on multicore and the GPU. IEEE Signal Process Mag 2010,27(2):50-60.

    Article  Google Scholar 

  16. Bisceglie MD, Santo MD, Galdi C, Lanari R, Ranaldo N: Synthetic aperture radar processing with GPGPU. IEEE Signal Process Mag 2010,27(2):69-78.

    Article  Google Scholar 

  17. Cheung NM, Fan X, Au OC, Kung MC: Video coding on multicore graphics processors. IEEE Signal Process Mag 2010,27(2):79-89.

    Article  Google Scholar 

  18. NVIDIA, NVIDIA CUDA TM programming guide[http://www.nvidia.com/object/cudahomenew.html]

  19. Lindholm E, Nickolls J, Oberman S, Montrym J: NVIDIA Tesla: a unified graphics and computing architecture. IEEE Micro 2008,28(2):39-55.

    Article  Google Scholar 

Download references

Acknowledgements

Financial supports from NSC (grant no. NSC 97-2220-E-002-012) are greatly appreciated.

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to An-Yeu Andy Wu.

Authors’ original submitted files for images

Rights and permissions

Open Access This article is distributed under the terms of the Creative Commons Attribution 2.0 International License ( https://creativecommons.org/licenses/by/2.0 ), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.

Reprints and permissions

About this article

Cite this article

Chu, CY., Chao, CH., Chao, MA. et al. Multi-prediction particle filter for efficient parallelized implementation. EURASIP J. Adv. Signal Process. 2011, 53 (2011). https://doi.org/10.1186/1687-6180-2011-53

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/1687-6180-2011-53

Keywords