CN107862261A - Image people counting method based on multiple dimensioned convolutional neural networks - Google Patents

Image people counting method based on multiple dimensioned convolutional neural networks Download PDF

Info

Publication number
CN107862261A
CN107862261A CN201711014291.XA CN201711014291A CN107862261A CN 107862261 A CN107862261 A CN 107862261A CN 201711014291 A CN201711014291 A CN 201711014291A CN 107862261 A CN107862261 A CN 107862261A
Authority
CN
China
Prior art keywords
mrow
convolutional neural
density map
crowd
neural networks
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.)
Pending
Application number
CN201711014291.XA
Other languages
Chinese (zh)
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.)
Tianjin University
Original Assignee
Tianjin 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 Tianjin University filed Critical Tianjin University
Priority to CN201711014291.XA priority Critical patent/CN107862261A/en
Publication of CN107862261A publication Critical patent/CN107862261A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/50Context or environment of the image
    • G06V20/52Surveillance or monitoring of activities, e.g. for recognising suspicious objects
    • G06V20/53Recognition of crowd images, e.g. recognition of crowd congestion
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/25Fusion techniques
    • G06F18/253Fusion techniques of extracted features
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods

Landscapes

  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • General Physics & Mathematics (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Artificial Intelligence (AREA)
  • General Engineering & Computer Science (AREA)
  • Evolutionary Computation (AREA)
  • Molecular Biology (AREA)
  • Computational Linguistics (AREA)
  • Software Systems (AREA)
  • Mathematical Physics (AREA)
  • Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computing Systems (AREA)
  • General Health & Medical Sciences (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Evolutionary Biology (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Multimedia (AREA)
  • Image Analysis (AREA)

Abstract

本发明公开了一种基于多尺度卷积神经网络的图像人群计数方法,步骤(1)、生成连续的密度图标签,将标注过的图像转化为连续的估计密度图;步骤(2)、利用多尺度卷积神经网络得到预测人群的精确密度图,为卷积神经网络设置一个初始参数后,根据实际的密度图算出输入图片的损失L(θ),然后在每一次优化迭代中更新整个网络的参数,直到损失值收敛到一个较小的值。与现有技术相比,本发明解决了单张图像中人群巨大尺度变化,在单支卷积神经网络的基础上,在生成预测密度图前融合了不同层级网络的特征,提取到不同深度对应不同尺度的特征,极大地提升了预测密度图的精度;解决了人群图像中的尺度变化和遮挡等问题。

The invention discloses an image crowd counting method based on a multi-scale convolutional neural network, step (1), generating continuous density map labels, and transforming marked images into continuous estimated density maps; step (2), using The multi-scale convolutional neural network obtains the accurate density map of the predicted crowd. After setting an initial parameter for the convolutional neural network, the loss L(θ) of the input image is calculated according to the actual density map, and then the entire network is updated in each optimization iteration. parameter until the loss value converges to a smaller value. Compared with the existing technology, the present invention solves the huge scale change of the crowd in a single image. On the basis of a single convolutional neural network, the features of different levels of networks are integrated before generating the predicted density map, and the corresponding images of different depths are extracted. The features of different scales greatly improve the accuracy of the predicted density map; solve the problems of scale change and occlusion in crowd images.

Description

基于多尺度卷积神经网络的图像人群计数方法Image crowd counting method based on multi-scale convolutional neural network

技术领域technical field

本发明涉及人群图像分析技术领域,具体是一种基于多尺度卷积神经网络的人群计数算法。The invention relates to the technical field of crowd image analysis, in particular to a crowd counting algorithm based on a multi-scale convolutional neural network.

背景技术Background technique

人群计数是一种通过预测人群图像的密度图计算人的数量的智能监控应用。随着世界人口的指数增长,快速的城镇化促进了很多大规模的活动,例如体育运动比赛,公众游行,交通拥挤等问题导致大规模的人群聚集。所以为了更好地管理人群和人身安全,人群行为分析算法具有重大的意义。Crowd counting is an intelligent surveillance application that calculates the number of people by predicting the density map of crowd images. With the exponential growth of the world population, rapid urbanization has promoted many large-scale activities, such as sports competitions, public parades, traffic congestion and other issues leading to large-scale crowd gatherings. Therefore, in order to better manage crowds and personal safety, crowd behavior analysis algorithms are of great significance.

随着深度学习算法的不断推广,基于卷积神经网络的人群计数算法对比传统算法大大提高了检测精度。基于卷积神经网络的算法主要分为两种:一种是基于回归的算法,另一种是基于密度图的算法。前者是利用人群图像与对应的人数作为标签,训练卷积神经网络学习到一个从人群图像到人群数量的非线性函数映射,网络的输出是人群的个数。后者是利用人群图像和对应的密度图作为标签,去训练卷积神经网络生成与输入人群图像对应的密度图,与回归的方法不同,基于密度图的算法的网络以密度图作为输出,在根据预测的密度图去计算人群数量。但是由于人群图像大多是在监控摄像头和高空拍摄,拍摄角度存在很大变化,拍出的图像中人的大小和尺度存在很大的变化。Zhang等人提出的多列卷积神经网络在网络复杂度上很高,网络参数很大,三列网络需要预训练再将多列网络输出特征进行融合,不能同时把握单张图像的多尺度信息。With the continuous promotion of deep learning algorithms, the crowd counting algorithm based on convolutional neural network has greatly improved the detection accuracy compared with traditional algorithms. Algorithms based on convolutional neural networks are mainly divided into two types: one is a regression-based algorithm, and the other is a density map-based algorithm. The former uses the crowd image and the corresponding number of people as labels, trains the convolutional neural network to learn a nonlinear function mapping from the crowd image to the number of people, and the output of the network is the number of people. The latter uses the crowd image and the corresponding density map as labels to train the convolutional neural network to generate a density map corresponding to the input crowd image. Unlike the regression method, the algorithm network based on the density map uses the density map as the output. Calculate the crowd size based on the predicted density map. However, since crowd images are mostly taken by surveillance cameras and high altitudes, there are great changes in shooting angles, and there are great changes in the size and scale of people in the captured images. The multi-column convolutional neural network proposed by Zhang et al. has high network complexity and large network parameters. The three-column network needs to be pre-trained and then the output features of the multi-column network are fused. It cannot grasp the multi-scale information of a single image at the same time. .

发明内容Contents of the invention

本发明目的是为提利用卷积神经网络提取不同深度的特征,将不同尺度特征融合,提出了一种基于多尺度卷积神经网络的人群密度检测方法,通过从人群图像中预测密度图来计算总计人数。The purpose of the present invention is to extract features of different depths using convolutional neural networks, and to integrate features of different scales, and propose a crowd density detection method based on multi-scale convolutional neural networks, which is calculated by predicting density maps from crowd images total number of people.

本发明的一种基于多尺度卷积神经网络的图像人群计数方法,该方法包括以下步骤:A kind of image crowd counting method based on multi-scale convolutional neural network of the present invention, the method comprises the following steps:

步骤1、生成连续的密度图标签,具体包括以下处理:Step 1, generate continuous density map labels, specifically including the following processing:

将人工标记好的人头坐标生成对应的密度图,具有N个人头标记的图像表示为如下函数:The corresponding density map is generated by manually marking the human head coordinates, and the image with N human head marks is expressed as the following function:

式中,δ(x-xi)为delta函数;xi表示一个人头标注点所在的位置;In the formula, δ(xx i ) is a delta function; xi represents the position of a human head marking point;

将标注过的图像转化为连续的密度图,表达式如下:Convert the labeled image into a continuous density map, the expression is as follows:

F(x)=H(x)* F(x)=H(x) *

步骤2、利用多尺度卷积神经网络得到预测人群的精确密度图,具体包括以下处理:Step 2. Use the multi-scale convolutional neural network to obtain the accurate density map of the predicted population, which specifically includes the following processing:

多尺度卷积神经网络经过卷积-池化-再卷积-再池化的连接得到三个卷积层,从前三个卷积层提取到不同感受野的特征,将这些特征以级联合并的方式进行融合,再经过两个卷积层输出对应的密度图;The multi-scale convolutional neural network obtains three convolutional layers through the connection of convolution-pooling-reconvolution-repooling, extracts the features of different receptive fields from the first three convolutional layers, and combines these features in cascade The method is fused, and then the corresponding density map is output through two convolutional layers;

计算该多尺度卷积神经网络的损失函数L(θ),表达式如下:Calculate the loss function L(θ) of the multi-scale convolutional neural network, the expression is as follows:

其中,N为输入卷积神经网络的图像数量,xi为卷积神经网络的第i幅输入图像,M(xi)表示第i幅输入图像的标准密度图矩阵;Wherein, N is the number of images input to the convolutional neural network, x i is the i-th input image of the convolutional neural network, and M( xi ) represents the standard density map matrix of the i-th input image;

为卷积神经网络设置一个初始参数后,根据实际的密度图算出输入图片的损失L(θ),然后在每一次优化迭代中更新整个网络的参数,直到损失值收敛到一个较小的值。After setting an initial parameter for the convolutional neural network, calculate the loss L(θ) of the input image according to the actual density map, and then update the parameters of the entire network in each optimization iteration until the loss value converges to a smaller value.

与现有技术相比,本发明的基于多尺度卷积神经网络的图像人群计数方法具有以下效果:Compared with the prior art, the image crowd counting method based on the multi-scale convolutional neural network of the present invention has the following effects:

1、能够利用单列卷积神经网络在较低参数的情况下,结合不同深度的特征,检测到人群图像中不同尺度的行人;1. Able to use a single-column convolutional neural network to detect pedestrians of different scales in crowd images in combination with features of different depths in the case of low parameters;

2、解决了单张图像中人群巨大尺度变化,在单支卷积神经网络的基础上,在生成预测密度图前融合了不同层级网络的特征,提取到不同深度对应不同尺度的特征,极大地提升了预测密度图的精度;2. It solves the huge scale change of the crowd in a single image. On the basis of a single convolutional neural network, the features of different levels of networks are integrated before generating the predicted density map, and the features of different depths corresponding to different scales are extracted, which greatly improves Improved the accuracy of predicted density maps;

3、解决了人群图像中的尺度变化和遮挡等问题。3. Solve the problems of scale change and occlusion in crowd images.

附图说明Description of drawings

图1为本发明的基于多尺度卷积神经网络的图像人群计数方法整体流程示意图;Fig. 1 is a schematic diagram of the overall flow of the multi-scale convolutional neural network-based image crowd counting method of the present invention;

图2为多尺度卷积神经网络结构图;Figure 2 is a structural diagram of a multi-scale convolutional neural network;

图3为实验结果图;图(a)为人群图像,图(b)为对应的密度图。Figure 3 is the result of the experiment; Figure (a) is the crowd image, and Figure (b) is the corresponding density map.

具体实施方式Detailed ways

下面将结合附图对本发明的实施方式作进一步的详细描述。Embodiments of the present invention will be further described in detail below in conjunction with the accompanying drawings.

如图1所示,本发明的一种基于多尺度卷积神经网络的人群密度检测方法,将单列卷积神经网络在不同深度的特征进行融合,具体步骤如下:As shown in Figure 1, a crowd density detection method based on a multi-scale convolutional neural network of the present invention fuses the features of a single-column convolutional neural network at different depths, and the specific steps are as follows:

步骤1、生成连续的密度图标签,将标注过的图像转化为连续的估计密度图,具体包括以下处理:Step 1. Generate a continuous density map label, and convert the labeled image into a continuous estimated density map, which specifically includes the following processing:

将人工标记好的人头坐标生成对应的密度图,具有N个人头标记的图像表示为如下函数:The corresponding density map is generated by manually marking the human head coordinates, and the image with N human head marks is expressed as the following function:

式中,δ(x-xi)为delta函数;xi表示一个人头标注点所在的位置;In the formula, δ(xx i ) is a delta function; xi represents the position of a human head marking point;

估计密度图F(x)表达式如下:The expression of the estimated density map F(x) is as follows:

F(x)=H(x)* F(x)=H(x) *

;

步骤2、利用多尺度卷积神经网络得到预测人群的精确密度图:多尺度卷积神经网络经过卷积-池化-再卷积-再池化的连接得到三个卷积层,从前三个卷积层提取到不同感受野的特征,该些特征由三个不同深度的卷积层提取到多层次的特征组成,随着网络的加深,越高的卷积层的感受野也会越大,在低层次的卷积层提取到的特征能够获得更多的小物体的细节信息,在高层次的卷积层获得的是高级的语义特征,将这些特征以级联合并的方式进行融合,即特征图的叠加,再经过两个卷积层输出对应的密度图。该网络的损失函数是估计密度图F(xi;θ)和实际密度图M(xi)之间的欧式距离L(θ),具体表达式如下:Step 2. Use the multi-scale convolutional neural network to obtain the accurate density map of the predicted population: the multi-scale convolutional neural network obtains three convolutional layers through the connection of convolution-pooling-reconvolution-repooling, from the first three The convolutional layer extracts features of different receptive fields. These features are composed of multi-level features extracted from three convolutional layers of different depths. As the network deepens, the higher the convolutional layer, the larger the receptive field. , the features extracted in the low-level convolutional layer can obtain more detailed information of small objects, and the high-level convolutional layer obtains advanced semantic features, and these features are fused in a cascaded and combined manner, That is, the feature map is superimposed, and then the corresponding density map is output through two convolutional layers. The loss function of this network is the Euclidean distance L(θ) between the estimated density map F( xi ; θ) and the actual density map M( xi ), the specific expression is as follows:

其中,N为输入卷积神经网络的图像数量,xi为卷积神经网络的第i幅输入图像,M(xi)表示第i幅输入图像的精准密度图矩阵;Among them, N is the number of images input to the convolutional neural network, xi is the i-th input image of the convolutional neural network, and M( xi ) represents the precise density map matrix of the i-th input image;

为卷积神经网络设置一个初始参数后,根据实际的精准密度图算出输入图片的损失L(θ),然后在每一次优化迭代中更新整个网络的参数,直到损失值收敛到一个较小的值。After setting an initial parameter for the convolutional neural network, calculate the loss L(θ) of the input image according to the actual precise density map, and then update the parameters of the entire network in each optimization iteration until the loss value converges to a smaller value .

由于相机拍摄角度的原因,人群图像往往会发生不同程度的透视畸变,其总体表现为距离相机较近的行人在图像中占据的面积较大,远离相机的行人在图像中占据的面积较小。本步骤中,采用多尺度的卷积神经网络监测人群图像中不同尺度的行人。在卷积神经网络中,网络中不同深度的特征代表着不同等级的特征。卷积神经网络在低层提取的是图像的轮廓和形状特征,感受野相对较小,随着网络层数的加深,深层网络提取到的是图像的高层语义特征,将网络中不同层级的特征进行叠加融合,很好的结合了人群图像中多尺度的特征,最终产生更加精确地预测人群密度图。Due to the shooting angle of the camera, the crowd images often have different degrees of perspective distortion. The overall performance is that the pedestrians who are closer to the camera occupy a larger area in the image, and the pedestrians who are far away from the camera occupy a smaller area in the image. In this step, a multi-scale convolutional neural network is used to monitor pedestrians of different scales in the crowd image. In a convolutional neural network, features at different depths in the network represent features at different levels. The convolutional neural network extracts the contour and shape features of the image at the low level, and the receptive field is relatively small. As the number of network layers deepens, the deep network extracts the high-level semantic features of the image, and the features of different levels in the network are analyzed. Superposition fusion combines the multi-scale features of the crowd image well, and finally produces a more accurate prediction of the crowd density map.

具体实施例描述如下:Specific embodiments are described as follows:

本发明需要解决的问题是“给定一张人群图像或者视频中的一帧,然后估计该图像各个区域人群的密度以及人数总计”:The problem to be solved in the present invention is "given a crowd image or a frame in a video, and then estimating the density and total number of people in each area of the image":

将已知输入图像表示为M×N的矩阵:x∈Rm×n,则该输入图像x所对应的实际人群密度表示为:Express the known input image as a matrix of M×N: x∈R m×n , then the actual crowd density corresponding to the input image x is expressed as:

其中,N表示图像中的人数,x表示图像中每个像素的位置,xi为第i个人头在图像中的位置,δ(x-xi)表示冲击函数,*表示卷积操作符号,Gδ(x)表示标准差为δ的高斯核。Among them, N represents the number of people in the image, x represents the position of each pixel in the image, x i represents the position of the i-th head in the image, δ(xx i ) represents the impact function, * represents the symbol of the convolution operation, G δ (x) represents a Gaussian kernel with standard deviation δ.

该实施例的目标是学习一个由输入图像x到人群密度图的映射函数:The goal of this example is to learn a mapping function from an input image x to a crowd density map:

F:x→F(x)≈M(x)F:x→F(x)≈M(x)

其中,F(x)为估计人群密度图。Among them, F(x) is the estimated population density map.

为了学习F,需要优化下面问题:In order to learn F, the following problems need to be optimized:

其中,F(x;θ)为估计人群密度图,θ为待学习参数。一般来说,F是一个复杂非线性函数。Among them, F(x; θ) is the estimated crowd density map, and θ is the parameter to be learned. In general, F is a complex nonlinear function.

如图2所示,为本发明所利用来学习从人群图像到密度图的非线性函数F的多尺度卷积神经网络。多尺度卷积神经网络是将不同深度层级的特征进行融合。将单列卷积神经网络的第一层特征图经过一次卷积两次池化,第二层特征图经过一次卷积一次池化,将前两层得到的特征与第三层卷积得到的特征图在“通道”维度上链接在一起,形成总特征图Merged feature maps,随后再经过两个卷积层得到最后的密度图。As shown in FIG. 2 , it is a multi-scale convolutional neural network used by the present invention to learn a nonlinear function F from a crowd image to a density map. The multi-scale convolutional neural network is to fuse the features of different depth levels. The feature map of the first layer of the single-column convolutional neural network undergoes one convolution and two pooling, the second layer feature map undergoes one convolution and one pooling, and the features obtained by the first two layers and the features obtained by the third layer convolution The graphs are linked together in the "channel" dimension to form the total feature map Merged feature maps, which are then passed through two convolutional layers to obtain the final density map.

上述多尺度卷积神经网络的损失函数是估计密度图和实际密度图之间的欧氏距离:The loss function of the above multi-scale convolutional neural network is the Euclidean distance between the estimated density map and the actual density map:

训练过程中采用梯度下降法在每一次优化迭代中更新整个网络的参数L(θ),直到损失值收敛到一个较小的值。During the training process, the gradient descent method is used to update the parameters L(θ) of the entire network in each optimization iteration until the loss value converges to a smaller value.

本发明在三个公共数据集上与其他方法进行了比较,包括商场数据集MALL、UCSD和SHANGHAITECH数据集。实验结果的评价标准采用:The present invention is compared with other methods on three public datasets, including shopping mall datasets MALL, UCSD and SHANGHAITECH datasets. The evaluation criteria for the experimental results are as follows:

平均绝对误差(MAE): Mean Absolute Error (MAE):

和均方误差(MSE): and mean squared error (MSE):

N为图片数量,zi为第i幅图像中实际的人头数,为第i幅图像通过本发明提供的网络输出的人头数)来衡量算法的准确性。在MALL商场数据集上,本发明与现有算法的技术对比,如表1所示(其中MD-CNN为本发明算法):N is the number of pictures, z i is the actual number of heads in the i-th image, The accuracy of the algorithm is measured by the number of heads output by the network provided by the present invention for the i-th image. On the MALL shopping mall data set, the technical comparison of the present invention and existing algorithm, as shown in table 1 (wherein MD-CNN is the algorithm of the present invention):

表1Table 1

在UCSD数据集上,本发明与现有技术对比,如表2所示:On the UCSD data set, the present invention is compared with the prior art, as shown in Table 2:

表2Table 2

MethodMethod MAEMAE MSEMSE KernelridgeregressionKernelridge regression 2.162.16 7.457.45 RidgeregressionRidge regression 2.252.25 7.827.82 GaussianprocessregressionGaussian process regression 2.242.24 7.977.97 CumulativeattributeregressionCumulative attribute regression 2.072.07 6.866.86 Zhangetal.Zhangetal. 1.601.60 3.313.31 MCNNMCNN 1.071.07 1.351.35 MDCNN(ours)MDCNN(ours) 1.161.16 1.751.75

在SHANGHAITECH part_B数据集上与其他现有算法的比较如表3所示:The comparison with other existing algorithms on the SHANGHAITECH part_B dataset is shown in Table 3:

表3table 3

MethodMethod MAEMAE MSEMSE LBP+RRLBP+RR 59.159.1 87.187.1 Zhangetal.Zhangetal. 3232 49.849.8 MCNNMCNN 26.426.4 41.341.3 MDCNN(ours)MDCNN(ours) 22.322.3 39.4539.45

Claims (1)

1. a kind of image people counting method based on multiple dimensioned convolutional neural networks, it is characterised in that this method includes following Step:
Step (1), the continuous density map label of generation, the image marked is converted into continuous estimation density map, specific bag Include following processing:
By density map corresponding to the good number of people Coordinate generation of handmarking, the graphical representation with N number of people's labeling head is following letter Number:
<mrow> <mi>H</mi> <mrow> <mo>(</mo> <mi>x</mi> <mo>)</mo> </mrow> <mo>=</mo> <munderover> <mo>&amp;Sigma;</mo> <mrow> <mi>i</mi> <mo>=</mo> <mn>1</mn> </mrow> <mi>N</mi> </munderover> <mi>&amp;delta;</mi> <mrow> <mo>(</mo> <mi>x</mi> <mo>-</mo> <msub> <mi>x</mi> <mi>i</mi> </msub> <mo>)</mo> </mrow> </mrow>
In formula, δ (x-xi) it is delta function;xiRepresent the position where people's leader note point;
Estimate that density map F (x) expression formula is as follows:
F (x)=H (x)*
Step (2), the accurate density map of prediction crowd is obtained using multiple dimensioned convolutional neural networks, specifically include following processing:
Multiple dimensioned convolutional neural networks obtain three convolutional layers by the connection in pond of the convolution of convolution-pond-again-again, from first three Individual convolutional layer extracts the wild feature of different feeling, and these features are merged in a manner of cascading merging, then by two Density map corresponding to convolutional layer output;
The loss function L (θ) of the multiple dimensioned convolutional neural networks is calculated, expression formula is as follows:
<mrow> <mi>L</mi> <mrow> <mo>(</mo> <mi>&amp;theta;</mi> <mo>)</mo> </mrow> <mo>=</mo> <mfrac> <mi>I</mi> <mrow> <mn>2</mn> <mi>N</mi> </mrow> </mfrac> <munderover> <mo>&amp;Sigma;</mo> <mrow> <mi>i</mi> <mo>=</mo> <mn>1</mn> </mrow> <mi>N</mi> </munderover> <mo>|</mo> <mo>|</mo> <mi>F</mi> <mrow> <mo>(</mo> <msub> <mi>x</mi> <mi>i</mi> </msub> <mo>,</mo> <mi>&amp;theta;</mi> <mo>)</mo> </mrow> <mo>-</mo> <mi>M</mi> <mrow> <mo>(</mo> <msub> <mi>x</mi> <mi>i</mi> </msub> <mo>)</mo> </mrow> <mo>|</mo> <msubsup> <mo>|</mo> <mn>2</mn> <mn>2</mn> </msubsup> </mrow>
Wherein, N be input convolutional neural networks amount of images, xiFor the i-th width input picture of convolutional neural networks, M (xi) table Show the accurate density map matrix of the i-th width input picture;
After one initial parameter is set for convolutional neural networks, the loss L of input picture is calculated according to the accurate density map of reality (θ), the parameter of whole network is then updated in Optimized Iterative each time, until penalty values converge to a less value.
CN201711014291.XA 2017-10-25 2017-10-25 Image people counting method based on multiple dimensioned convolutional neural networks Pending CN107862261A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201711014291.XA CN107862261A (en) 2017-10-25 2017-10-25 Image people counting method based on multiple dimensioned convolutional neural networks

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201711014291.XA CN107862261A (en) 2017-10-25 2017-10-25 Image people counting method based on multiple dimensioned convolutional neural networks

Publications (1)

Publication Number Publication Date
CN107862261A true CN107862261A (en) 2018-03-30

Family

ID=61697892

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201711014291.XA Pending CN107862261A (en) 2017-10-25 2017-10-25 Image people counting method based on multiple dimensioned convolutional neural networks

Country Status (1)

Country Link
CN (1) CN107862261A (en)

Cited By (34)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN108876774A (en) * 2018-06-07 2018-11-23 浙江大学 A kind of people counting method based on convolutional neural networks
CN109166100A (en) * 2018-07-24 2019-01-08 中南大学 Multi-task learning method for cell count based on convolutional neural networks
CN109271960A (en) * 2018-10-08 2019-01-25 燕山大学 A kind of demographic method based on convolutional neural networks
CN109389044A (en) * 2018-09-10 2019-02-26 中国人民解放军陆军工程大学 Multi-scene crowd density estimation method based on convolutional network and multi-task learning
CN109447990A (en) * 2018-10-22 2019-03-08 北京旷视科技有限公司 Image, semantic dividing method, device, electronic equipment and computer-readable medium
CN109492615A (en) * 2018-11-29 2019-03-19 中山大学 Crowd density estimation method based on CNN low layer semantic feature density map
CN109543695A (en) * 2018-10-26 2019-03-29 复旦大学 General density people counting method based on multiple dimensioned deep learning
CN109558862A (en) * 2018-06-15 2019-04-02 广州深域信息科技有限公司 The people counting method and system of attention refinement frame based on spatial perception
CN109598220A (en) * 2018-11-26 2019-04-09 山东大学 A kind of demographic method based on the polynary multiple dimensioned convolution of input
CN109614941A (en) * 2018-12-14 2019-04-12 中山大学 An Embedded Crowd Density Estimation Method Based on Convolutional Neural Network Model
CN109919214A (en) * 2019-02-27 2019-06-21 南京地平线机器人技术有限公司 A kind of training method and training device of neural network model
CN110163060A (en) * 2018-11-07 2019-08-23 腾讯科技(深圳)有限公司 The determination method and electronic equipment of crowd density in image
CN110163057A (en) * 2018-10-29 2019-08-23 腾讯科技(深圳)有限公司 Object detection method, device, equipment and computer-readable medium
CN110598669A (en) * 2019-09-20 2019-12-20 郑州大学 Method and system for detecting crowd density in complex scene
CN110674704A (en) * 2019-09-05 2020-01-10 同济大学 A method and device for crowd density estimation based on multi-scale dilated convolutional network
WO2020042169A1 (en) * 2018-08-31 2020-03-05 Intel Corporation 3d object recognition using 3d convolutional neural network with depth based multi-scale filters
CN110956057A (en) * 2018-09-26 2020-04-03 杭州海康威视数字技术股份有限公司 Crowd situation analysis method and device and electronic equipment
CN111027554A (en) * 2019-12-27 2020-04-17 创新奇智(重庆)科技有限公司 System and method for accurately detecting and positioning commodity price tag characters
CN111144398A (en) * 2018-11-02 2020-05-12 银河水滴科技(北京)有限公司 Target detection method, target detection device, computer equipment and storage medium
CN111144329A (en) * 2019-12-29 2020-05-12 北京工业大学 A lightweight and fast crowd counting method based on multi-label
CN111191667A (en) * 2018-11-15 2020-05-22 天津大学青岛海洋技术研究院 Crowd counting method for generating confrontation network based on multiple scales
CN111209892A (en) * 2020-01-19 2020-05-29 浙江中创天成科技有限公司 Crowd density and quantity estimation method based on convolutional neural network
CN111242036A (en) * 2020-01-14 2020-06-05 西安建筑科技大学 A Crowd Counting Method Based on Encoder-Decoder Structure Multi-scale Convolutional Neural Networks
CN111428809A (en) * 2020-04-02 2020-07-17 哈尔滨工业大学(深圳)(哈尔滨工业大学深圳科技创新研究院) Crowd counting method based on spatial information fusion and convolutional neural network
CN111460912A (en) * 2020-03-12 2020-07-28 南京理工大学 A Dense Crowd Counting Algorithm Based on Cascaded High-Resolution Convolutional Neural Networks
CN111611878A (en) * 2020-04-30 2020-09-01 杭州电子科技大学 A Video Image-Based Approach for Crowd Counting and Future Traffic Prediction
CN111626134A (en) * 2020-04-28 2020-09-04 上海交通大学 Dense crowd counting method, system and terminal based on hidden density distribution
CN111815665A (en) * 2020-07-10 2020-10-23 电子科技大学 A single image crowd counting method based on depth information and scale-aware information
CN111951260A (en) * 2020-08-21 2020-11-17 苏州大学 Real-time target counting system and method based on partial feature fusion convolutional neural network
CN112183728A (en) * 2020-09-29 2021-01-05 上海松鼠课堂人工智能科技有限公司 Deep learning-based learning strategy generation method and system
CN112287873A (en) * 2020-11-12 2021-01-29 广东恒电信息科技股份有限公司 Judicial service early warning system
CN112767316A (en) * 2020-12-31 2021-05-07 山东师范大学 Crowd counting method and system based on multi-scale interactive network
CN113706529A (en) * 2021-10-28 2021-11-26 鲁东大学 Method, system and device for counting abalone in seedling stage by using convolutional neural network
CN113887536A (en) * 2021-12-06 2022-01-04 松立控股集团股份有限公司 Multi-stage efficient crowd density estimation method based on high-level semantic guidance

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN104992223A (en) * 2015-06-12 2015-10-21 安徽大学 Intensive population estimation method based on deep learning
CN105528589A (en) * 2015-12-31 2016-04-27 上海科技大学 Single image crowd counting algorithm based on multi-column convolutional neural network
US20160259980A1 (en) * 2015-03-03 2016-09-08 Umm Al-Qura University Systems and methodologies for performing intelligent perception based real-time counting
CN106203331A (en) * 2016-07-08 2016-12-07 苏州平江历史街区保护整治有限责任公司 A kind of crowd density evaluation method based on convolutional neural networks
CN106326937A (en) * 2016-08-31 2017-01-11 郑州金惠计算机系统工程有限公司 Convolutional neural network based crowd density distribution estimation method

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20160259980A1 (en) * 2015-03-03 2016-09-08 Umm Al-Qura University Systems and methodologies for performing intelligent perception based real-time counting
CN104992223A (en) * 2015-06-12 2015-10-21 安徽大学 Intensive population estimation method based on deep learning
CN105528589A (en) * 2015-12-31 2016-04-27 上海科技大学 Single image crowd counting algorithm based on multi-column convolutional neural network
CN106203331A (en) * 2016-07-08 2016-12-07 苏州平江历史街区保护整治有限责任公司 A kind of crowd density evaluation method based on convolutional neural networks
CN106326937A (en) * 2016-08-31 2017-01-11 郑州金惠计算机系统工程有限公司 Convolutional neural network based crowd density distribution estimation method

Cited By (52)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN108876774A (en) * 2018-06-07 2018-11-23 浙江大学 A kind of people counting method based on convolutional neural networks
CN109558862A (en) * 2018-06-15 2019-04-02 广州深域信息科技有限公司 The people counting method and system of attention refinement frame based on spatial perception
CN109558862B (en) * 2018-06-15 2023-04-07 拓元(广州)智慧科技有限公司 Crowd counting method and system based on attention thinning framework of space perception
CN109166100A (en) * 2018-07-24 2019-01-08 中南大学 Multi-task learning method for cell count based on convolutional neural networks
WO2020042169A1 (en) * 2018-08-31 2020-03-05 Intel Corporation 3d object recognition using 3d convolutional neural network with depth based multi-scale filters
US11880770B2 (en) 2018-08-31 2024-01-23 Intel Corporation 3D object recognition using 3D convolutional neural network with depth based multi-scale filters
CN109389044A (en) * 2018-09-10 2019-02-26 中国人民解放军陆军工程大学 Multi-scene crowd density estimation method based on convolutional network and multi-task learning
CN109389044B (en) * 2018-09-10 2021-11-23 中国人民解放军陆军工程大学 Multi-scene crowd density estimation method based on convolutional network and multi-task learning
CN110956057A (en) * 2018-09-26 2020-04-03 杭州海康威视数字技术股份有限公司 Crowd situation analysis method and device and electronic equipment
CN109271960B (en) * 2018-10-08 2020-09-04 燕山大学 People counting method based on convolutional neural network
CN109271960A (en) * 2018-10-08 2019-01-25 燕山大学 A kind of demographic method based on convolutional neural networks
CN109447990B (en) * 2018-10-22 2021-06-22 北京旷视科技有限公司 Image semantic segmentation method, apparatus, electronic device and computer readable medium
CN109447990A (en) * 2018-10-22 2019-03-08 北京旷视科技有限公司 Image, semantic dividing method, device, electronic equipment and computer-readable medium
CN109543695B (en) * 2018-10-26 2023-01-06 复旦大学 Pan-density crowd counting method based on multi-scale deep learning
CN109543695A (en) * 2018-10-26 2019-03-29 复旦大学 General density people counting method based on multiple dimensioned deep learning
CN110163057A (en) * 2018-10-29 2019-08-23 腾讯科技(深圳)有限公司 Object detection method, device, equipment and computer-readable medium
CN110163057B (en) * 2018-10-29 2023-06-09 腾讯科技(深圳)有限公司 Object detection method, device, equipment and computer readable medium
CN111144398A (en) * 2018-11-02 2020-05-12 银河水滴科技(北京)有限公司 Target detection method, target detection device, computer equipment and storage medium
CN110163060B (en) * 2018-11-07 2022-12-23 腾讯科技(深圳)有限公司 Method for determining crowd density in image and electronic equipment
CN110163060A (en) * 2018-11-07 2019-08-23 腾讯科技(深圳)有限公司 The determination method and electronic equipment of crowd density in image
CN111191667A (en) * 2018-11-15 2020-05-22 天津大学青岛海洋技术研究院 Crowd counting method for generating confrontation network based on multiple scales
CN111191667B (en) * 2018-11-15 2023-08-18 天津大学青岛海洋技术研究院 Crowd counting method based on multiscale generation countermeasure network
CN109598220A (en) * 2018-11-26 2019-04-09 山东大学 A kind of demographic method based on the polynary multiple dimensioned convolution of input
CN109492615A (en) * 2018-11-29 2019-03-19 中山大学 Crowd density estimation method based on CNN low layer semantic feature density map
CN109614941A (en) * 2018-12-14 2019-04-12 中山大学 An Embedded Crowd Density Estimation Method Based on Convolutional Neural Network Model
CN109614941B (en) * 2018-12-14 2023-02-03 中山大学 Embedded crowd density estimation method based on convolutional neural network model
CN109919214A (en) * 2019-02-27 2019-06-21 南京地平线机器人技术有限公司 A kind of training method and training device of neural network model
CN109919214B (en) * 2019-02-27 2023-07-21 南京地平线机器人技术有限公司 Training method and training device for neural network model
CN110674704A (en) * 2019-09-05 2020-01-10 同济大学 A method and device for crowd density estimation based on multi-scale dilated convolutional network
CN110598669A (en) * 2019-09-20 2019-12-20 郑州大学 Method and system for detecting crowd density in complex scene
CN111027554B (en) * 2019-12-27 2023-05-23 创新奇智(重庆)科技有限公司 Commodity price tag text accurate detection positioning system and positioning method
CN111027554A (en) * 2019-12-27 2020-04-17 创新奇智(重庆)科技有限公司 System and method for accurately detecting and positioning commodity price tag characters
CN111144329A (en) * 2019-12-29 2020-05-12 北京工业大学 A lightweight and fast crowd counting method based on multi-label
CN111242036B (en) * 2020-01-14 2023-05-09 西安建筑科技大学 A Crowd Counting Method Based on Multi-scale Convolutional Neural Network with Encoder-Decoder Structure
CN111242036A (en) * 2020-01-14 2020-06-05 西安建筑科技大学 A Crowd Counting Method Based on Encoder-Decoder Structure Multi-scale Convolutional Neural Networks
CN111209892A (en) * 2020-01-19 2020-05-29 浙江中创天成科技有限公司 Crowd density and quantity estimation method based on convolutional neural network
CN111460912B (en) * 2020-03-12 2022-10-28 南京理工大学 A Dense Crowd Counting Algorithm Based on Cascaded High-Resolution Convolutional Neural Networks
CN111460912A (en) * 2020-03-12 2020-07-28 南京理工大学 A Dense Crowd Counting Algorithm Based on Cascaded High-Resolution Convolutional Neural Networks
CN111428809A (en) * 2020-04-02 2020-07-17 哈尔滨工业大学(深圳)(哈尔滨工业大学深圳科技创新研究院) Crowd counting method based on spatial information fusion and convolutional neural network
CN111626134B (en) * 2020-04-28 2023-04-21 上海交通大学 A dense crowd counting method, system and terminal based on hidden density distribution
CN111626134A (en) * 2020-04-28 2020-09-04 上海交通大学 Dense crowd counting method, system and terminal based on hidden density distribution
CN111611878B (en) * 2020-04-30 2022-07-22 杭州电子科技大学 Method for crowd counting and future people flow prediction based on video image
CN111611878A (en) * 2020-04-30 2020-09-01 杭州电子科技大学 A Video Image-Based Approach for Crowd Counting and Future Traffic Prediction
CN111815665B (en) * 2020-07-10 2023-02-17 电子科技大学 Crowd Counting Method Based on Depth Information and Scale Awareness Information in a Single Image
CN111815665A (en) * 2020-07-10 2020-10-23 电子科技大学 A single image crowd counting method based on depth information and scale-aware information
CN111951260A (en) * 2020-08-21 2020-11-17 苏州大学 Real-time target counting system and method based on partial feature fusion convolutional neural network
CN112183728A (en) * 2020-09-29 2021-01-05 上海松鼠课堂人工智能科技有限公司 Deep learning-based learning strategy generation method and system
CN112287873A (en) * 2020-11-12 2021-01-29 广东恒电信息科技股份有限公司 Judicial service early warning system
CN112767316A (en) * 2020-12-31 2021-05-07 山东师范大学 Crowd counting method and system based on multi-scale interactive network
CN113706529B (en) * 2021-10-28 2022-01-28 鲁东大学 Method, system and device for counting abalone in seedling stage by using convolutional neural network
CN113706529A (en) * 2021-10-28 2021-11-26 鲁东大学 Method, system and device for counting abalone in seedling stage by using convolutional neural network
CN113887536A (en) * 2021-12-06 2022-01-04 松立控股集团股份有限公司 Multi-stage efficient crowd density estimation method based on high-level semantic guidance

Similar Documents

Publication Publication Date Title
CN107862261A (en) Image people counting method based on multiple dimensioned convolutional neural networks
CN109886066B (en) Rapid target detection method based on multi-scale and multi-layer feature fusion
CN109858390B (en) Human skeleton behavior recognition method based on end-to-end spatiotemporal graph learning neural network
CN109101930B (en) A crowd counting method and system
CN109543695B (en) Pan-density crowd counting method based on multi-scale deep learning
CN110263849B (en) A crowd density estimation method based on multi-scale attention mechanism
CN107657226B (en) A population estimation method based on deep learning
CN106897670B (en) Express violence sorting identification method based on computer vision
CN107169421B (en) Automobile driving scene target detection method based on deep convolutional neural network
CN107092870B (en) A kind of high resolution image Semantic features extraction method
CN110276264B (en) Crowd density estimation method based on foreground segmentation graph
CN106096561A (en) Infrared pedestrian detection method based on image block degree of depth learning characteristic
CN111612807A (en) A Small Object Image Segmentation Method Based on Scale and Edge Information
CN107563349A (en) A kind of Population size estimation method based on VGGNet
CN107506692A (en) A kind of dense population based on deep learning counts and personnel&#39;s distribution estimation method
CN107134144A (en) A kind of vehicle checking method for traffic monitoring
CN104966104A (en) Three-dimensional convolutional neural network based video classifying method
CN105528589A (en) Single image crowd counting algorithm based on multi-column convolutional neural network
CN104217214A (en) Configurable convolutional neural network based red green blue-distance (RGB-D) figure behavior identification method
CN106203318A (en) The camera network pedestrian recognition method merged based on multi-level depth characteristic
CN106570893A (en) Rapid stable visual tracking method based on correlation filtering
CN109583456B (en) Infrared surface target detection method based on feature fusion and dense connection
CN107301376A (en) A kind of pedestrian detection method stimulated based on deep learning multilayer
CN105678248A (en) Face key point alignment algorithm based on deep learning
CN109948593A (en) Crowd Counting Method Based on MCNN Combined with Global Density Features

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination
WD01 Invention patent application deemed withdrawn after publication

Application publication date: 20180330

WD01 Invention patent application deemed withdrawn after publication