[go: up one dir, main page]

CN104574442A - Self-adaptation particle swarm optimization particle filter moving target tracking method - Google Patents

Self-adaptation particle swarm optimization particle filter moving target tracking method Download PDF

Info

Publication number
CN104574442A
CN104574442A CN201510019086.7A CN201510019086A CN104574442A CN 104574442 A CN104574442 A CN 104574442A CN 201510019086 A CN201510019086 A CN 201510019086A CN 104574442 A CN104574442 A CN 104574442A
Authority
CN
China
Prior art keywords
particle
swarm optimization
particles
target tracking
particle swarm
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Granted
Application number
CN201510019086.7A
Other languages
Chinese (zh)
Other versions
CN104574442B (en
Inventor
胡栋
王佩思
魏巍
曹金山
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Nanjing Post and Telecommunication University
Original Assignee
Nanjing Post and Telecommunication University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Nanjing Post and Telecommunication University filed Critical Nanjing Post and Telecommunication University
Priority to CN201510019086.7A priority Critical patent/CN104574442B/en
Publication of CN104574442A publication Critical patent/CN104574442A/en
Application granted granted Critical
Publication of CN104574442B publication Critical patent/CN104574442B/en
Expired - Fee Related legal-status Critical Current
Anticipated expiration legal-status Critical

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T7/00Image analysis
    • G06T7/20Analysis of motion
    • G06T7/277Analysis of motion involving stochastic approaches, e.g. using Kalman filters
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T2207/00Indexing scheme for image analysis or image enhancement
    • G06T2207/20Special algorithmic details
    • G06T2207/20024Filtering details

Landscapes

  • Engineering & Computer Science (AREA)
  • Multimedia (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Physics & Mathematics (AREA)
  • General Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • Image Analysis (AREA)

Abstract

本发明公开了一种自适应粒子群优化粒子滤波运动目标跟踪方法,属于图像处理与智能视频监控技术领域。本发明方法在用粒子滤波方法进行运动目标的跟踪过程中,利用粒子群优化方法对粒子的位置进行优化;在利用粒子群优化方法对粒子的位置进行优化时,根据全局最优粒子的位置变化情况对粒子的数量进行自适应调整。相比现有技术,本发明不但可有效减轻粒子群优化中的局部最优现象,提高目标跟踪的准确度,同时又具有算法复杂度低,实时性好的优点。

The invention discloses an adaptive particle swarm optimization particle filter moving target tracking method, which belongs to the technical field of image processing and intelligent video monitoring. The method of the present invention uses the particle swarm optimization method to optimize the position of the particle during the tracking process of the moving target by the particle filter method; The situation adjusts the number of particles adaptively. Compared with the prior art, the present invention can not only effectively alleviate the local optimal phenomenon in particle swarm optimization, improve the accuracy of target tracking, but also has the advantages of low algorithm complexity and good real-time performance.

Description

自适应粒子群优化粒子滤波运动目标跟踪方法Adaptive Particle Swarm Optimization Particle Filter Moving Target Tracking Method

技术领域technical field

本发明涉及一种运动目标跟踪方法,尤其涉及一种自适应粒子群优化粒子滤波运动目标跟踪方法,属于图像处理与智能视频监控技术领域。The invention relates to a moving target tracking method, in particular to an adaptive particle swarm optimization particle filter moving target tracking method, which belongs to the technical field of image processing and intelligent video monitoring.

背景技术Background technique

运动目标跟踪是图像处理和智能视频监控技术领域研究的热点,也是机器人导航、精确制导等领域的关键技术,具有广泛应用。例如:捕获实验中目标运动的轨迹和姿态,对交通公路流量的检测,重要场合的视频监控和分析等。因此,运动目标的跟踪具有非常重要的研究意义。运动目标的跟踪包括目标的检测、特征提取以及匹配跟踪等几个部分技术组成。其中,目标的检测、目标的特征提取需要一定的先验知识,然后再根据一定的算法,利用之前的已知信息预测下一时刻目标运动信息(位置、速度等),实现运动目标跟踪。一个良好的跟踪算法应该具有可靠性高、实时性好、准确性精确等特性。Moving target tracking is a hotspot in the field of image processing and intelligent video surveillance technology, and it is also a key technology in the fields of robot navigation and precision guidance, and has a wide range of applications. For example: capture the trajectory and attitude of the target movement in the experiment, detect the flow of traffic roads, monitor and analyze video on important occasions, etc. Therefore, the tracking of moving objects has very important research significance. The tracking of moving target includes several technical components such as target detection, feature extraction and matching tracking. Among them, the detection of the target and the feature extraction of the target require certain prior knowledge, and then according to a certain algorithm, the previously known information is used to predict the target motion information (position, speed, etc.) at the next moment to realize the tracking of the moving target. A good tracking algorithm should have the characteristics of high reliability, good real-time performance, and precise accuracy.

关于运动目标的跟踪已经提出了很多有效的算法,其中,建立在卡尔曼滤波理论基础上的目标跟踪技术受到了很大关注。但是卡尔曼滤波只适用于线性系统,为此,Sunahara、Buey等人将卡尔曼滤波进一步应用到非线性领域并提出扩展卡尔曼滤波(EKF),但是这种方法运算复杂度大大增加了,因此现实中没有得到广泛应用。另一类常用的方法是均值漂移算法——Mean-shift算法[D.Comaniciu,V.Ramesh and P.Meer,"Real-time tracking of non-rigid objects using Mean Shift",Proceedings of IEEE ComputerSociety Conference on Computer Vision and Pattern Recognition,2:142-149,2000],它是一类基于核函数的无参数估计算法,不需要先验知识,而且收敛速度比较快,但是对于快速运动和非高斯噪声环境下有局限性。粒子滤波(PF:Particle Filtering)算法近年来在目标跟踪领域越来越受到重视,它既不受限于线性系统,也不要求噪声服从高斯分布,而且在目标出现遮挡时也可以实现可靠跟踪。但是,粒子滤波存在粒子贫化和计算量大的问题是实际应用的重要障碍。Many effective algorithms have been proposed for the tracking of moving targets, among which, the target tracking technology based on Kalman filter theory has received great attention. However, Kalman filtering is only suitable for linear systems. For this reason, Sunahara, Buey and others further applied Kalman filtering to the nonlinear field and proposed Extended Kalman filtering (EKF), but this method greatly increases the computational complexity, so It has not been widely used in practice. Another commonly used method is the mean shift algorithm - the Mean-shift algorithm [D.Comaniciu, V.Ramesh and P.Meer, "Real-time tracking of non-rigid objects using Mean Shift", Proceedings of IEEE Computer Society Conference on Computer Vision and Pattern Recognition,2:142-149,2000], it is a kind of parameter-free estimation algorithm based on kernel function, which does not require prior knowledge, and the convergence speed is relatively fast, but for fast motion and non-Gaussian noise environment There are limitations. Particle Filtering (PF: Particle Filtering) algorithm has received more and more attention in the field of target tracking in recent years. It is not limited to linear systems, nor does it require noise to obey Gaussian distribution, and it can also achieve reliable tracking when the target is occluded. However, the problem of particle depletion and large amount of calculation in particle filter is an important obstacle to practical application.

为了解决粒子滤波运动目标跟踪所存在的粒子贫化的问题,很多学者选择将粒子群优化算法(Particle Swarm optimization,简称PSO)应用到粒子滤波当中,形成粒子群优化粒子滤波算法(简称PSOPF),从而使得粒子的多样性得以保障,但是现有PSOPF算法中粒子群优化算法容易使得粒子陷入局部最优点,从而导致对目标的位置信息定位不够准确。In order to solve the problem of particle impoverishment in particle filter moving target tracking, many scholars choose to apply particle swarm optimization algorithm (Particle Swarm optimization, PSO for short) to particle filter to form particle swarm optimization particle filter algorithm (PSOPF for short), Thus, the diversity of particles can be guaranteed, but the particle swarm optimization algorithm in the existing PSOPF algorithm tends to make the particles fall into the local optimum, which leads to inaccurate location information of the target.

针对该问题,一些自适应粒子群优化粒子滤波算法被提出,例如,有研究者提出一种新型邻域自适应调整的动态粒子群优化粒子滤波算法.该算法考虑了粒子的邻域信息,利用多样性因子、邻域扩展因子和邻域限制因子共同对粒子的邻域粒子数量进行自适应调整,控制粒子对邻域的影响,减轻局部最优现象,达到收敛速度和寻优能力的最佳平衡;也有研究者提出对各粒子赋予不同的权值,并在迭代过程中对粒子权值进行自适应调整。这些方法虽然不同程度地能够解决PSOPF算法中粒子群优化算法容易使得粒子陷入局部最优点的问题,但均存在算法复杂、计算量大的不足,运动目标跟踪的实时性难以令人满意。In response to this problem, some adaptive particle swarm optimization particle filter algorithms have been proposed. For example, some researchers proposed a new dynamic particle swarm optimization particle filter algorithm with neighborhood adaptive adjustment. This algorithm considers the neighborhood information of particles, and uses The diversity factor, the neighborhood expansion factor and the neighborhood restriction factor jointly adjust the number of particles in the neighborhood of particles, control the influence of particles on the neighborhood, reduce the local optimum phenomenon, and achieve the best convergence speed and optimization ability. Balance; some researchers also propose to assign different weights to each particle, and to adjust the particle weights adaptively during the iterative process. Although these methods can solve the problem that the particle swarm optimization algorithm in the PSOPF algorithm is easy to make the particles fall into the local optimum to varying degrees, they all have the disadvantages of complex algorithms and large amount of calculation, and the real-time performance of moving target tracking is not satisfactory.

发明内容Contents of the invention

本发明所要解决的技术问题在于克服现有粒子群优化粒子滤波运动目标跟踪技术所存在的定位不够准确、计算量较大的不足,提供一种自适应粒子群优化粒子滤波运动目标跟踪方法,在准确提高运动目标跟踪准确度的同时,其计算复杂度更低,目标跟踪实时性更好。The technical problem to be solved by the present invention is to overcome the deficiencies of inaccurate positioning and large amount of calculation existing in the existing particle swarm optimization particle filter moving target tracking technology, and provide an adaptive particle swarm optimization particle filter moving target tracking method. While accurately improving the accuracy of moving target tracking, its computational complexity is lower, and the real-time performance of target tracking is better.

本发明具体采用以下技术方案:The present invention specifically adopts the following technical solutions:

自适应粒子群优化粒子滤波运动目标跟踪方法,在用粒子滤波方法进行运动目标的跟踪过程中,利用粒子群优化方法对粒子的位置进行优化;在利用粒子群优化方法对粒子的位置进行优化时,根据全局最优粒子的位置变化情况对粒子的数量进行自适应调整,具体如下:如全局最优粒子的位置在连续M1次迭代中始终变化,则减少粒子数量;如全局最优粒子的位置在连续M2次迭代中始终不变,则增加粒子数量;M1、M2为预设的大于等于3的整数。The adaptive particle swarm optimization particle filter moving target tracking method uses the particle swarm optimization method to optimize the particle position during the tracking process of the moving target with the particle filter method; when using the particle swarm optimization method to optimize the particle position , the number of particles is adaptively adjusted according to the position change of the global optimal particle, as follows: if the position of the global optimal particle always changes in consecutive M1 iterations, the number of particles is reduced; for example, the position of the global optimal particle If it remains unchanged in consecutive M2 iterations, then increase the number of particles; M1 and M2 are preset integers greater than or equal to 3.

M1与M2可以相等也可以不等。M1 and M2 can be equal or not.

相比现有技术,本发明具有以下有益效果:Compared with the prior art, the present invention has the following beneficial effects:

本发明将自适应粒子群优化(APSO)技术与粒子滤波(PF)相结合,对运动目标进行跟踪,可有效克服粒子贫化现象,并进一步在利用粒子群优化方法对粒子的位置进行优化时,根据全局最优粒子的位置变化情况对粒子的数量进行自适应调整,从而可有效减轻粒子群优化中的局部最优现象,提高目标跟踪的准确度,同时又具有算法复杂度低,实时性好的优点。The present invention combines Adaptive Particle Swarm Optimization (APSO) technology with Particle Filter (PF) to track the moving target, which can effectively overcome the phenomenon of particle depletion, and further optimize the position of particles by using the particle swarm optimization method , according to the position change of the global optimal particle, the number of particles is adaptively adjusted, which can effectively reduce the local optimal phenomenon in particle swarm optimization and improve the accuracy of target tracking. At the same time, it has low algorithm complexity and real-time performance. good points.

附图说明Description of drawings

图1为粒子滤波算法的基本流程示意图;Figure 1 is a schematic diagram of the basic flow of the particle filter algorithm;

图2为粒子群优化算法的基本流程示意图;Fig. 2 is the basic flowchart diagram of particle swarm optimization algorithm;

图3为本发明自适应粒子群优化粒子滤波运动目标跟踪方法的流程示意图;Fig. 3 is a schematic flow chart of the adaptive particle swarm optimization particle filter moving target tracking method of the present invention;

图4为分别采用本发明方法和传统粒子滤波方法对Browse1视频序列进行运动目标跟踪的效果对比。FIG. 4 is a comparison of the effects of moving target tracking on the Browse1 video sequence using the method of the present invention and the traditional particle filter method respectively.

具体实施方式Detailed ways

下面结合附图对本发明的技术方案进行详细说明:The technical scheme of the present invention is described in detail below in conjunction with accompanying drawing:

本发明的思路是针对现有粒子群优化粒子滤波运动目标跟踪技术所存在的定位不够准确、计算量较大的不足,对其进行改进,即在利用粒子群优化方法对粒子的位置进行优化时,根据全局最优粒子的位置变化情况对粒子的数量进行自适应调整:在粒子迭代更新的过程中,全局最优点如果连续多次都更新,则说明当前粒子群处于不断开发新的状态的过程,此时适当减少粒子数目;反之,如果全局最优点连续多次都没有更新,此时粒子群处于一个收敛的状态,有可能陷入局部最优点而无法跳出来,即目标位置有可能跟踪的不准确,这时候需要增加粒子数目,从而帮助粒子群跳出这个点,扩展搜索的范围。The idea of the present invention is to improve the existing particle swarm optimization particle filter moving target tracking technology, which is not accurate enough in positioning and has a large amount of calculation. , the number of particles is adaptively adjusted according to the position change of the global optimal particle: in the process of particle iterative update, if the global optimal point is updated many times in a row, it means that the current particle swarm is in the process of constantly developing a new state , reduce the number of particles appropriately at this time; on the contrary, if the global optimal point has not been updated for many times in a row, the particle swarm is in a convergent state at this time, and may fall into the local optimal point and cannot jump out, that is, the target position may not be tracked properly. To be precise, the number of particles needs to be increased at this time, so as to help the particle swarm jump out of this point and expand the search range.

为了便于公众理解本发明的技术方案,下面首先对本发明所涉及的粒子滤波及粒子群优化技术进行简单介绍。In order to facilitate the public's understanding of the technical solutions of the present invention, the particle filter and particle swarm optimization technologies involved in the present invention will be briefly introduced below.

图1显示了粒子滤波算法的基本流程。粒子滤波(PF:Particle Filtering)的思想是基于蒙特卡罗方法,利用粒子集来表示概率的问题,可以用在任何形式的空间模型上。它的核心思想是通过从后验概率中抽取随机状态的粒子来表达它的分布,是一种顺序重要性采样方法。简单来说,就是通过寻找一组在状态空间传播的随机样本对概率密度函数进行近似,以样本均值来代替积分的运算,从而获得使状态实现最小方差分布的过程。Figure 1 shows the basic flow of the particle filter algorithm. The idea of particle filtering (PF: Particle Filtering) is based on the Monte Carlo method, which uses particle sets to represent probability problems, and can be used in any form of space model. Its core idea is to express its distribution by sampling random state particles from the posterior probability, which is a sequential importance sampling method. To put it simply, it is to approximate the probability density function by finding a group of random samples propagated in the state space, and replace the integral operation with the sample mean value, so as to obtain the process of making the state realize the minimum variance distribution.

一般情况下,粒子滤波的状态空间模型可以描述为:In general, the state space model of particle filter can be described as:

xk=f(xk-1)+uk-1 x k =f(x k-1 )+u k-1

yk=h(xk)+wk y k =h(x k )+w k

xk为系统在k时刻的状态值,yk为系统状态xk的量测值,uk-1,wk分别为非线性系统的过程噪声和量测噪声值。x k is the state value of the system at time k, y k is the measurement value of the system state x k , u k-1 , w k are the process noise and measurement noise values of the nonlinear system, respectively.

粒子滤波目标跟踪的基本步骤如下:The basic steps of particle filter target tracking are as follows:

1.初始化:初始跟踪帧k,然后根据先验分布p(xk),采样初始粒子集 1. Initialization: initially track frame k, and then sample the initial particle set according to the prior distribution p(x k )

2.For k=1,2,...2. For k=1,2,...

a)重要性采样:从建议分布采样粒子集, a) Importance sampling: sampling particle sets from a proposal distribution,

b)重要性加权:b) Importance weighting:

重要性加权公式为:The importance weighting formula is:

ww tt ii == ww tt -- 11 ii pp (( ythe y tt || xx tt ii )) pp (( xx tt ii || xx tt -- 11 ii )) qq (( xx tt ii || xx tt -- 11 ii ,, ythe y tt )) ,,

再接着对粒子的权重进行归一化即:Then normalize the weights of the particles:

ww tt ii == ww tt ii ΣΣ jj == 11 NN ww tt jj

c)重采样:如果Neff<Nth则进行重采样对于从而得到新的粒子集:如果不满足条件则不需要进行重采样步骤。c) Resampling: If N eff < N th then resample for Thus a new set of particles is obtained: If the condition is not met then no resampling step is required.

3.状态的估计:有了粒子的位置和权重,就可以估计目标的位置了。 3. Estimation of the state: With the position and weight of the particle, the position of the target can be estimated.

4.接下来判断是不是结束帧,如果是则跟踪结束,如果不是则进入下一个状态的跟踪过程,转到步骤2。4. Next, judge whether it is the end frame, if yes, the tracking ends, if not, enter the tracking process of the next state, and go to step 2.

图2表示了粒子群优化算法的基本框架。粒子群优化(Particle Swarm Optimization,PSO)中所有粒子都有一个被优化的函数决定的适应值,每个粒子有一个速度决定他们飞翔的方向和位置。然后所有粒子都趋向于当前的最优粒子靠近。PSO通过初始化一群随机粒子,然后通过跟踪当前粒子极值和全局极值点来不断迭代更新自己。具体步骤为:首先选定种群规模N,将第i个粒子表示为一个N维的向量xi=(xi1,xi2,...,xiN),i=1,2,...,m,即第i个粒子在N维搜索空间中的位置为xi将其带入目标函数就可以计算其适应值,从而衡量出xi的优劣。第i个粒子的速度也是一个N维的向量,记为vi=(vi1,vi2,...,viN),速度决定了自理在搜索空间中收敛的速度。第i个粒子迄今搜索到的最优位置为pi=(pi1,pi2,...,piN),整个粒子群迄今搜多到的最优点为pg=(pg1,pg2,...pgN)。Figure 2 shows the basic framework of particle swarm optimization algorithm. In Particle Swarm Optimization (PSO), all particles have an fitness value determined by an optimized function, and each particle has a speed that determines their flying direction and position. Then all particles tend to approach the current optimal particle. PSO initializes a group of random particles, and then iteratively updates itself by tracking the current particle extremum and global extremum points. The specific steps are: first select the population size N, express the i-th particle as an N-dimensional vector x i =(x i1 ,x i2 ,...,x iN ),i=1,2,... , m, that is, the position of the i-th particle in the N-dimensional search space is xi, and its fitness value can be calculated by bringing it into the objective function, so as to measure the quality of xi . The velocity of the i-th particle is also an N-dimensional vector, denoted as v i =(v i1 ,v i2 ,...,v iN ), and the velocity determines the convergence speed of the self-care in the search space. The optimal position searched by the i-th particle so far is p i =(p i1 ,p i2 ,...,p iN ), and the optimal point searched so far by the entire particle swarm is p g =(p g1 ,p g2 ,...p gN ).

接着根据方程来更新粒子的速度和位置:Then update the velocity and position of the particle according to the equation:

vi=w*vi+c1*rand1*(pi-xi)+c2*rand2*(pg-xi)v i =w*v i +c1*rand1*(p i -x i )+c2*rand2*(p g -x i )

xi+1=xi+vi x i+1 = x i +v i

更新粒子的位置以后,不断来更新当前粒子的最优点和全局最优点。再一次迭代结束以后需要根据最新的目标估计状态来判定当前目标状态的最适应值是否满足条件,如果满足则跳出迭代过程,结束寻找最优点过程,否则继续迭代。After updating the position of the particle, the optimal point and the global optimal point of the current particle are continuously updated. After another iteration, it is necessary to judge whether the most suitable value of the current target state satisfies the condition according to the latest estimated state of the target, and if so, jump out of the iterative process and end the process of finding the optimum point, otherwise continue the iteration.

虽然粒子滤波算法可以解决非线性非高斯的问题,但是该算法仍然存在一些问题。其中最主要的是需要用大量的样本数量才能很好地接近系统的后验概率密度,因此计算量也就很大,而且重采样阶段会造成样本有效性和多样性的损失,导致样本的贫化现象。对于粒子群优化来说经常会遇到对于多峰值问题粒子陷入局部最优点无法跳出来的问题,因此无法得到全局最优点,进而影响跟踪效果。因此本发明将两者结合起来,同时在粒子群优化过程中全局最优粒子的位置变化情况对粒子的数量进行自适应调整,从而一方面克服了传统粒子滤波方法计算量大、粒子贫化的问题,另一方面克服了陷入局部最优所导致的跟踪结果不准确问题。同时,相比现有各种自适应粒子群优化粒子滤波算法,例如,现有的邻域自适应调整的动态粒子群优化粒子滤波算法需要计算多样性因子、邻域扩展因子和邻域限制因子来对粒子的邻域粒子数量进行自适应调整,本发明方法仅需要根据迭代过程中全局最优值的连续更新情况即可实现粒子数的自适应调整,其计算复杂度更低,实时性更好。Although the particle filter algorithm can solve nonlinear and non-Gaussian problems, there are still some problems in this algorithm. The most important of these is that it takes a large number of samples to get close to the posterior probability density of the system, so the amount of calculation is very large, and the resampling stage will cause the loss of sample validity and diversity, resulting in poor samples. phenomenon. For particle swarm optimization, it often encounters the problem that particles fall into the local optimal point and cannot jump out of the multi-peak problem, so the global optimal point cannot be obtained, which affects the tracking effect. Therefore, the present invention combines the two, and at the same time adjusts the number of particles adaptively according to the position change of the global optimal particle during the particle swarm optimization process, thereby on the one hand overcoming the traditional particle filter method with a large amount of calculation and particle depletion. On the other hand, it overcomes the problem of inaccurate tracking results caused by falling into local optimum. At the same time, compared with various existing adaptive particle swarm optimization particle filter algorithms, for example, the existing neighborhood adaptive adjustment dynamic particle swarm optimization particle filter algorithm needs to calculate the diversity factor, neighborhood expansion factor and neighborhood restriction factor To carry out adaptive adjustment to the number of particles in the neighborhood of particles, the method of the present invention only needs to realize the adaptive adjustment of the number of particles according to the continuous update of the global optimal value in the iterative process, which has lower computational complexity and better real-time performance. good.

图3为本发明自适应粒子群优化粒子滤波运动目标跟踪方法的基本流程示意图,其具体算法流程如下:Fig. 3 is the basic flow schematic diagram of the adaptive particle swarm optimization particle filter moving target tracking method of the present invention, and its specific algorithm flow is as follows:

首先读入视频序列初始帧k帧,选定要跟踪的目标,并对选取的区域建立基于颜色信息的颜色直方图特征p(xk),初始化系统跟踪的方程,粒子数目N,跟踪过程中噪声Rk,并且粒子的初始位置是服从以初始化的目标区域的几何中心为中心的高斯函数分布。First read the initial frame k of the video sequence, select the target to be tracked, and establish the color histogram feature p(x k ) based on the color information for the selected area, initialize the system tracking equation, the number of particles N, during the tracking process The noise R k , and the initial position of the particle obeys the Gaussian function distribution centered on the geometric center of the initialized target area.

状态转移:当视频序列运动到下一帧时刻,根据设定的参数,粒子运动到某一位置,然后根据第i个粒子的位置计算当前粒子的颜色信息直方图为通过计算其与初始帧的颜色直方图特征的巴氏距离得到两者之间的相似度关系,进而得到当前粒子的权重,对N个粒子统计以后需要进行权值归一化,并根据权重和位置关系得到预测的目标位置。State transition: When the video sequence moves to the next frame, according to the set parameters, the particle moves to a certain position, and then calculates the color information histogram of the current particle according to the position of the i-th particle as The similarity relationship between the two is obtained by calculating the Bhattacharyachian distance between it and the color histogram feature of the initial frame, and then the weight of the current particle is obtained. After counting the N particles, the weight needs to be normalized, and according to the weight and Positional relationship Get the predicted target position.

再接着就进入到自适应粒子群优化的步骤中:Then enter the step of adaptive particle swarm optimization:

初始化跳出粒子群优化的迭代次数阈值Tm。之后根据粒子群优化的速度和位置方程来不断更新粒子的速度和位置,这里极值p是否进行更新,是根据巴氏距离的函数结果来判定的,如果相似度高,则相应的极值就进行更新。pi是当前粒子i的个体极值,pg为整个粒子群的全局极值。每次粒子都更新以后需要重新判定看预测的目标位置与初始的目标相似度是否达到设定阈值,如果达到阈值则可以跳出粒子群优化过程,如果迭代Tm次都没有达到,也跳出粒子群优化的过程。Initialize the iteration threshold T m for jumping out of the particle swarm optimization. Afterwards, the speed and position of the particles are continuously updated according to the speed and position equations of particle swarm optimization. Here, whether the extreme value p is updated is determined according to the function result of the Bhattachary distance. If the similarity is high, the corresponding extreme value is to update. p i is the individual extremum of the current particle i, and p g is the global extremum of the entire particle group. After each particle is updated, it needs to be re-judged to see if the similarity between the predicted target position and the initial target reaches the set threshold. If it reaches the threshold, it can jump out of the particle swarm optimization process. If the iteration T m times is not reached, it also jumps out of the particle swarm optimization process. process of optimization.

预先设定两个大于等于3的整数M1、M2,如果在不断迭代更新的过程中,全局最优点pg连续M1次迭代都更新,则说明当前粒子群处于不断开发新的状态的过程,则适当的减少粒子数目,例如将粒子数目减1;反之,如果全局最优点连续M2次迭代都没有更新,此时粒子群处于一个收敛的状态,有可能陷入局部最优点而无法跳出来,即目标位置有可能跟踪的不准确,这时候需要增加粒子数目,例如将粒子数目加1,从而帮助粒子群跳出这个点,扩展搜索的范围,当满足粒子估计状态阈值以后或者满足最大迭代次数阈值以后即跳出粒子群优化过程。M1和M2的值可根据实际情况设定,两者可以相同也可以不同,本实施例中两者的值相同,均为T。Preset two integers M1 and M2 greater than or equal to 3. If the global optimal point p g is updated for M1 consecutive iterations during the iterative update process, it means that the current particle swarm is in the process of continuously developing a new state, then Appropriately reduce the number of particles, such as reducing the number of particles by 1; on the contrary, if the global optimal point has not been updated for M2 consecutive iterations, the particle swarm is in a convergent state at this time, and may fall into the local optimal point and cannot jump out, that is, the target The position may not be tracked accurately. At this time, it is necessary to increase the number of particles, such as adding 1 to the number of particles, so as to help the particle swarm jump out of this point and expand the search range. Jump out of the particle swarm optimization process. The values of M1 and M2 can be set according to the actual situation, and they can be the same or different. In this embodiment, the values of both are the same, both being T.

跳出自适应粒子群优化以后:After jumping out of adaptive particle swarm optimization:

需要对粒子重新计算权重,并对权重进行归一化的处理。It is necessary to recalculate the weight of the particles and normalize the weight.

状态的估计:根据粒子的位置和权重,估计目标的位置。并将估计目标位置显示出来,以便识别。接下来判断是不是结束帧,如果是则跟踪结束,如果不是则进入下一个状态的跟踪过程,转到状态转移步骤。Estimation of the state: According to the position and weight of the particle, estimate the position of the target. And the estimated target position is displayed for easy identification. Next, it is judged whether it is the end frame, if it is, the tracking ends, if not, it enters the tracking process of the next state, and goes to the state transition step.

根据以上描述可以看出,在本发明的自适应粒子群优化粒子滤波算法中,重采样是不需要的,因为经过粒子群优化以后粒子都趋向于最优点的位置,不会出现权重集中在某几个粒子的上面。According to the above description, it can be seen that in the adaptive particle swarm optimization particle filter algorithm of the present invention, resampling is unnecessary, because after particle swarm optimization, the particles tend to be at the optimal point, and there will be no weight concentration on a certain point. top of several particles.

为了验证本发明的效果,进行了以下验证实验:选取三段不同的视频序列(Browse1,Fight_RunAway1来源于http://homepages.inf.ed.ac.uk/rbf/CAVIARDATA1,Aircraft为常用的飞机跟踪序列),分别采用200个粒子的粒子滤波算法和30个粒子本发明方法对其进行目标跟踪,并进行跟踪处理的时间统计(即平均处理一帧所花费的时间)。所得到的实验结果如表1所示,其中PF表示粒子滤波算法,APSOPF表示本发明方法。In order to verify the effect of the present invention, the following verification experiment has been carried out: select three different video sequences (Browse1, Fight_RunAway1 from http://homepages.inf.ed.ac.uk/rbf/CAVIARDATA1, Aircraft is a commonly used aircraft tracking Sequence), adopt the particle filter algorithm of 200 particles and the method of the present invention of 30 particles to track the target respectively, and carry out the time statistics of tracking processing (that is, the time spent on processing one frame on average). The obtained experimental results are shown in Table 1, wherein PF represents the particle filter algorithm, and APSOPF represents the method of the present invention.

表1验证实验的结果比较Table 1 Comparison of the results of the verification experiment

视频序列video sequence PF(200个粒子)PF (200 particles) APSOPF(30个粒子)APSOPF (30 particles) 时间节省time saver Browse1Browse1 0.3284s0.3284s 0.2120s0.2120s 35.44%35.44% Fight_RunAway1Fight_RunAway1 0.3946s0.3946s 0.2429s0.2429s 38.44%38.44% AircraftAircraft 0.3735s0.3735s 0.2264s0.2264s 39.38%39.38%

图4显示了两种方法所估计出的跟踪目标在Browse1视频序列中的位置坐标(以像素为单位)随时间变化的曲线与实际状态曲线之间的对比。从图4中可以看出,本发明方法的目标跟踪准确性明显优于传统的粒子滤波目标跟踪方法。Figure 4 shows the comparison between the time-varying curve of the tracking target's position coordinates (in pixels) in the Browse1 video sequence estimated by the two methods and the actual state curve. It can be seen from FIG. 4 that the target tracking accuracy of the method of the present invention is obviously better than that of the traditional particle filter target tracking method.

Claims (5)

1. adaptive particle swarm optimization particle filter motion target tracking method, is carrying out in the tracing process of moving target with particle filter method, utilize the position of particle group optimizing method to particle to be optimized; It is characterized in that, when the position utilizing particle group optimizing method to particle is optimized, change in location situation according to global optimum's particle carries out self-adaptative adjustment to the quantity of particle, specific as follows: the position as global optimum's particle changes all the time in continuous N 1 iteration, then reduce number of particles; Position as global optimum's particle is constant all the time in continuous N 2 iteration, then increase number of particles; M1, M2 be default be more than or equal to 3 integer.
2. adaptive particle swarm optimization particle filter motion target tracking method as claimed in claim 1, it is characterized in that, M1 equals M2.
3. adaptive particle swarm optimization particle filter motion target tracking method as claimed in claim 1, is characterized in that, the number of particles that each institute increases or reduces is 1.
4. adaptive particle swarm optimization particle filter motion target tracking method as claimed in claim 1, it is characterized in that, carrying out in the tracing process of moving target with particle filter method, the feature used is color histogram.
5. adaptive particle swarm optimization particle filter motion target tracking method as claimed in claim 4, is characterized in that, uses the similarity of Pasteur's distance metric color histogram.
CN201510019086.7A 2015-01-14 2015-01-14 Adaptive particle swarm optimization particle filter motion target tracking method Expired - Fee Related CN104574442B (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201510019086.7A CN104574442B (en) 2015-01-14 2015-01-14 Adaptive particle swarm optimization particle filter motion target tracking method

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201510019086.7A CN104574442B (en) 2015-01-14 2015-01-14 Adaptive particle swarm optimization particle filter motion target tracking method

Publications (2)

Publication Number Publication Date
CN104574442A true CN104574442A (en) 2015-04-29
CN104574442B CN104574442B (en) 2018-02-09

Family

ID=53090410

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201510019086.7A Expired - Fee Related CN104574442B (en) 2015-01-14 2015-01-14 Adaptive particle swarm optimization particle filter motion target tracking method

Country Status (1)

Country Link
CN (1) CN104574442B (en)

Cited By (12)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN105136469A (en) * 2015-07-23 2015-12-09 江苏大学 Unmanned vehicle speed control method based on PSO and RBF neutral network
CN105303585A (en) * 2015-09-29 2016-02-03 燕山大学 Rapid target tracking method and device
CN105427348A (en) * 2015-12-03 2016-03-23 山东理工大学 Video object tracking method based on bat algorithm
CN106250979A (en) * 2016-08-16 2016-12-21 安阳师范学院 A kind of particle group optimizing method based on mutual information similarity Strategy
CN106558064A (en) * 2016-12-07 2017-04-05 江南大学 A kind of method for tracking target based on cellular quantum-behaved particle swarm optimization
CN106600624A (en) * 2016-12-06 2017-04-26 昆山鲲鹏无人机科技有限公司 Particle filtering video object tracking method based on particle swarms
CN107869993A (en) * 2017-11-07 2018-04-03 西北工业大学 Small Satellite Attitude Estimation Method Based on Adaptive Iterative Particle Filter
CN109961129A (en) * 2017-12-25 2019-07-02 中国科学院沈阳自动化研究所 An improved particle swarm-based search scheme generation method for stationary targets at sea
CN110320472A (en) * 2019-05-17 2019-10-11 枣庄学院 A kind of self-correction SOC estimation method for mining lithium battery
US20220051044A1 (en) * 2020-08-14 2022-02-17 Fujitsu Limited Image processing apparatus and computer-readable storage medium for storing screen processing program
CN114325699A (en) * 2021-12-13 2022-04-12 北京理工大学 A Low Signal-to-Noise Ratio Inverse Synthetic Aperture Radar Imaging Method
CN116758445A (en) * 2022-04-13 2023-09-15 无锡慧眼人工智能科技有限公司 Method and device for dynamically identifying health codes based on video

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN101576880A (en) * 2008-05-06 2009-11-11 山东省标准化研究院 Database query optimization method based on extremum optimization
US20100205122A1 (en) * 2009-02-11 2010-08-12 Myriam Zana Abramson Methods and systems of adaptive coalition of cognitive agents
CN103942612A (en) * 2014-04-08 2014-07-23 河海大学 Cascade reservoir optimal operation method based on adaptive particle swarm optimization algorithm
CN104023394A (en) * 2014-06-17 2014-09-03 河海大学 WSN positioning method based on self-adaptation inertia weight
CN104036525A (en) * 2014-06-18 2014-09-10 上海交通大学 Self-adaptive particle swarm optimization (PSO)-based particle filter tracking method

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN101576880A (en) * 2008-05-06 2009-11-11 山东省标准化研究院 Database query optimization method based on extremum optimization
US20100205122A1 (en) * 2009-02-11 2010-08-12 Myriam Zana Abramson Methods and systems of adaptive coalition of cognitive agents
CN103942612A (en) * 2014-04-08 2014-07-23 河海大学 Cascade reservoir optimal operation method based on adaptive particle swarm optimization algorithm
CN104023394A (en) * 2014-06-17 2014-09-03 河海大学 WSN positioning method based on self-adaptation inertia weight
CN104036525A (en) * 2014-06-18 2014-09-10 上海交通大学 Self-adaptive particle swarm optimization (PSO)-based particle filter tracking method

Non-Patent Citations (3)

* Cited by examiner, † Cited by third party
Title
WEN-FUNG LEONG 等: "Dynamic Population Size in PSO-based Multiobjective Optimization", 《IEEE CONGRESS ON EVOLUTIONARY COMPUTATION》 *
秦绪伟 等: "整车物流网络规划问题的混合粒子群算法研究", 《系统工程理论与实践》 *
陈志敏 等: "基于自适应粒子群优化的新型粒子滤波在目标跟踪中的应用", 《控制与决策》 *

Cited By (17)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN105136469A (en) * 2015-07-23 2015-12-09 江苏大学 Unmanned vehicle speed control method based on PSO and RBF neutral network
CN105303585A (en) * 2015-09-29 2016-02-03 燕山大学 Rapid target tracking method and device
CN105427348A (en) * 2015-12-03 2016-03-23 山东理工大学 Video object tracking method based on bat algorithm
CN106250979A (en) * 2016-08-16 2016-12-21 安阳师范学院 A kind of particle group optimizing method based on mutual information similarity Strategy
CN106250979B (en) * 2016-08-16 2019-06-14 安阳师范学院 A Particle Swarm Optimization Method Based on Mutual Information Similarity Strategy
CN106600624B (en) * 2016-12-06 2020-05-08 昆山鲲鹏无人机科技有限公司 Particle filter video target tracking method based on particle swarm
CN106600624A (en) * 2016-12-06 2017-04-26 昆山鲲鹏无人机科技有限公司 Particle filtering video object tracking method based on particle swarms
CN106558064A (en) * 2016-12-07 2017-04-05 江南大学 A kind of method for tracking target based on cellular quantum-behaved particle swarm optimization
CN107869993A (en) * 2017-11-07 2018-04-03 西北工业大学 Small Satellite Attitude Estimation Method Based on Adaptive Iterative Particle Filter
CN109961129A (en) * 2017-12-25 2019-07-02 中国科学院沈阳自动化研究所 An improved particle swarm-based search scheme generation method for stationary targets at sea
CN109961129B (en) * 2017-12-25 2021-02-09 中国科学院沈阳自动化研究所 Improved particle swarm-based marine static target searching scheme generation method
CN110320472A (en) * 2019-05-17 2019-10-11 枣庄学院 A kind of self-correction SOC estimation method for mining lithium battery
CN110320472B (en) * 2019-05-17 2021-06-01 枣庄学院 Self-correction SOC estimation method for mining lithium battery
US20220051044A1 (en) * 2020-08-14 2022-02-17 Fujitsu Limited Image processing apparatus and computer-readable storage medium for storing screen processing program
US11682188B2 (en) * 2020-08-14 2023-06-20 Fujitsu Limited Image processing apparatus and computer-readable storage medium for storing screen processing program
CN114325699A (en) * 2021-12-13 2022-04-12 北京理工大学 A Low Signal-to-Noise Ratio Inverse Synthetic Aperture Radar Imaging Method
CN116758445A (en) * 2022-04-13 2023-09-15 无锡慧眼人工智能科技有限公司 Method and device for dynamically identifying health codes based on video

Also Published As

Publication number Publication date
CN104574442B (en) 2018-02-09

Similar Documents

Publication Publication Date Title
CN104574442B (en) Adaptive particle swarm optimization particle filter motion target tracking method
CN107424177B (en) Positioning correction long-range tracking method based on continuous correlation filter
CN107748873B (en) A kind of multimodal method for tracking target merging background information
CN101867699B (en) Real-time tracking method of nonspecific target based on partitioning
CN110084831A (en) Based on the more Bernoulli Jacob&#39;s video multi-target detecting and tracking methods of YOLOv3
CN110276783A (en) A multi-target tracking method, device and computer system
CN104091349B (en) robust target tracking method based on support vector machine
CN111739053B (en) An online multi-pedestrian detection and tracking method in complex scenes
CN101408982A (en) Object-tracking method base on particle filtering and movable contour model
CN104616318A (en) Moving object tracking method in video sequence image
CN101408983A (en) Multi-object tracking method based on particle filtering and movable contour model
CN104574439A (en) Kalman filtering and TLD (tracking-learning-detection) algorithm integrated target tracking method
CN104766346B (en) A kind of zebra fish tracking based on video image
CN113516713B (en) Unmanned aerial vehicle self-adaptive target tracking method based on pseudo twin network
CN111340842A (en) A Correlation Filtering Target Tracking Algorithm Based on Joint Model
CN111242985B (en) Video Multi-Pedestrian Tracking Method Based on Markov Model
CN106780564A (en) A kind of anti-interference contour tracing method based on Model Prior
CN104036526A (en) Gray target tracking method based on self-adaptive window
CN112613565A (en) Anti-occlusion tracking method based on multi-feature fusion and adaptive learning rate updating
CN104063880A (en) PSO based multi-cell position outline synchronous accurate tracking system
Qing et al. A novel particle filter implementation for a multiple-vehicle detection and tracking system using tail light segmentation
CN106485283B (en) A Particle Filter Pedestrian Target Tracking Method Based on Online Boosting
CN104091352A (en) Visual tracking method based on structural similarity
CN105427348A (en) Video object tracking method based on bat algorithm
CN108734722A (en) A kind of vision tracking error correcting method based on PSR

Legal Events

Date Code Title Description
C06 Publication
PB01 Publication
C10 Entry into substantive examination
SE01 Entry into force of request for substantive examination
GR01 Patent grant
GR01 Patent grant
CF01 Termination of patent right due to non-payment of annual fee
CF01 Termination of patent right due to non-payment of annual fee

Granted publication date: 20180209