CN111597902A - Motor vehicle illegal parking monitoring method - Google Patents
Motor vehicle illegal parking monitoring method Download PDFInfo
- Publication number
- CN111597902A CN111597902A CN202010299684.5A CN202010299684A CN111597902A CN 111597902 A CN111597902 A CN 111597902A CN 202010299684 A CN202010299684 A CN 202010299684A CN 111597902 A CN111597902 A CN 111597902A
- Authority
- CN
- China
- Prior art keywords
- motor vehicle
- network
- representing
- sample
- model
- 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
Links
Images
Classifications
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06V—IMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
- G06V20/00—Scenes; Scene-specific elements
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F18/00—Pattern recognition
- G06F18/20—Analysing
- G06F18/24—Classification techniques
- G06F18/241—Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/04—Architecture, e.g. interconnection topology
- G06N3/045—Combinations of networks
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N3/00—Computing arrangements based on biological models
- G06N3/02—Neural networks
- G06N3/08—Learning methods
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06V—IMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
- G06V2201/00—Indexing scheme relating to image or video recognition or understanding
- G06V2201/08—Detecting or categorising vehicles
-
- Y—GENERAL TAGGING OF NEW TECHNOLOGICAL DEVELOPMENTS; GENERAL TAGGING OF CROSS-SECTIONAL TECHNOLOGIES SPANNING OVER SEVERAL SECTIONS OF THE IPC; TECHNICAL SUBJECTS COVERED BY FORMER USPC CROSS-REFERENCE ART COLLECTIONS [XRACs] AND DIGESTS
- Y02—TECHNOLOGIES OR APPLICATIONS FOR MITIGATION OR ADAPTATION AGAINST CLIMATE CHANGE
- Y02T—CLIMATE CHANGE MITIGATION TECHNOLOGIES RELATED TO TRANSPORTATION
- Y02T10/00—Road transport of goods or passengers
- Y02T10/10—Internal combustion engine [ICE] based vehicles
- Y02T10/40—Engine management systems
Landscapes
- Engineering & Computer Science (AREA)
- Theoretical Computer Science (AREA)
- Physics & Mathematics (AREA)
- General Physics & Mathematics (AREA)
- Data Mining & Analysis (AREA)
- Evolutionary Computation (AREA)
- Life Sciences & Earth Sciences (AREA)
- Artificial Intelligence (AREA)
- General Engineering & Computer Science (AREA)
- Computing Systems (AREA)
- Software Systems (AREA)
- Molecular Biology (AREA)
- Computational Linguistics (AREA)
- Biophysics (AREA)
- Biomedical Technology (AREA)
- Mathematical Physics (AREA)
- General Health & Medical Sciences (AREA)
- Health & Medical Sciences (AREA)
- Bioinformatics & Cheminformatics (AREA)
- Bioinformatics & Computational Biology (AREA)
- Computer Vision & Pattern Recognition (AREA)
- Evolutionary Biology (AREA)
- Multimedia (AREA)
- Image Analysis (AREA)
- Traffic Control Systems (AREA)
Abstract
机动车违停监测方法,包括如下步骤:1)采集大量街道中高空摄像头的图像以及其他机动车数据集,依据现场的管理需求进行数据集的标定,确定使用的一阶段目标检测算法模型。2)构建参数自适应的损失函数和3)构建一阶段目标检测算法模型的损失函数LOSS。4)采用梯度下降法对一阶段目标检测算法模型的权值进行更新,直到模型收敛为止;将训练好的模型在实际系统中完成对机动车的检测,并根据现场机动车存在的时间与位置关系,实现对街道内机动车违停的管理。本发明的优点在于能够提高违停车辆监测模型的参数自适应性,大幅提高了违停车辆监测的准确率。The motor vehicle parking violation monitoring method includes the following steps: 1) Collecting a large number of images of high-altitude cameras in the street and other motor vehicle data sets, calibrating the data sets according to on-site management requirements, and determining the one-stage target detection algorithm model to be used. 2) Build a parameter-adaptive loss function and 3) Construct the loss function LOSS of the one-stage target detection algorithm model. 4) Use the gradient descent method to update the weights of the one-stage target detection algorithm model until the model converges; the trained model is used to detect the motor vehicle in the actual system, and according to the time and location of the motor vehicle on site relationship, and realize the management of illegal parking of motor vehicles in the street. The invention has the advantages that the parameter self-adaptability of the illegally parked vehicle monitoring model can be improved, and the accuracy of illegally parked vehicle monitoring can be greatly improved.
Description
技术领域technical field
本发明属于图像识别与计算机视觉技术领域,涉及的是机动车违停监测方法。The invention belongs to the technical field of image recognition and computer vision, and relates to a method for monitoring illegal parking of motor vehicles.
背景技术Background technique
目前,针对街道机动车违停的检测问题,传统检测方法主要包括:微雷达检测、红外检测、地磁感应线圈检测及射频识别技术。这类方法需要在街道边的每个位置安装专用传感设备,工程成本开销大,后期维护困难,需要投入的人力、物力成本较高。利用现有街道中的安防摄像头对街道中的区域进行机动车违停识别,无须对街道地面进行改动,而且设备维护与维修容易,因此这种基于视频的机动车违停检测系统具有很好的推广价值。At present, for the detection of illegal parking of street vehicles, traditional detection methods mainly include: micro-radar detection, infrared detection, geomagnetic induction coil detection and radio frequency identification technology. This type of method requires special sensing equipment to be installed at each location on the street, which has high engineering cost, difficult maintenance in the later stage, and high cost of manpower and material resources. Using the existing security cameras in the street to identify the illegal parking of motor vehicles in the area of the street, no need to change the street surface, and the equipment is easy to maintain and repair, so this video-based motor vehicle parking violation detection system has a good performance. Promote value.
利用安防摄像头的视频流判断机动车是否在街道区域内违停,对识别算法的精准度以及应用场景中对机动车违停信息的实时性要求较高。因此,采用基于深度学习的目标检测算法较合理。基于深度学习的目标检测算法分为二阶段模型与一阶段模型。虽然二阶段目标检测模型具有更好的检测精度,但其前向推理速度较慢,无法满足业务场景的实时性要求。在传统的一阶段目标检测算法模型中,算法的实时性较好,但无法达到二阶段目标检测算法模型的检测精度。在图像检测目标时含有大量的街道背景对象,街道背景对象的损失值虽然很小,但是数量远远超过机动车目标,目前传统的目标检测方法在这种复杂场景下很难获得较高的识别准确度,因此迫切需要一种具有高度自适应性的目标检测方法。Using the video stream of the security camera to determine whether a motor vehicle is illegally parked in the street area requires high accuracy of the recognition algorithm and real-time information of motor vehicle illegal parking in the application scenario. Therefore, it is more reasonable to use the target detection algorithm based on deep learning. The target detection algorithm based on deep learning is divided into two-stage model and one-stage model. Although the two-stage target detection model has better detection accuracy, its forward reasoning speed is slow and cannot meet the real-time requirements of business scenarios. In the traditional one-stage target detection algorithm model, the real-time performance of the algorithm is good, but the detection accuracy of the two-stage target detection algorithm model cannot be achieved. There are a large number of street background objects in the image detection target. Although the loss value of the street background objects is small, the number is far more than the motor vehicle target. At present, the traditional target detection method is difficult to obtain high recognition in this complex scene. Therefore, a highly adaptive object detection method is urgently needed.
发明内容SUMMARY OF THE INVENTION
本发明要克服现有技术的上述缺点,提供一种具有高度自适应性且识别准确度较高的机动车违停监测方法。The present invention aims to overcome the above shortcomings of the prior art, and provides a vehicle parking violation monitoring method with high self-adaptability and high recognition accuracy.
本发明对一阶段目标检测算法模型中的损失函数进行改进。损失函数作为卷积神经网络中梯度下降过程的目标函数,直接影响着卷积神经网络的训练结果。而卷积神经网络训练的结果好坏直接关系着目标检测的识别精度,因此对损失函数的设计显现的尤为重要。在一阶段目标检测算法模型训练过程中,网络在图像检测目标时含有大量的街道背景对象,街道背景对象的损失值虽然很小,但是数量远远超过机动车目标,因此在计算损失值时,概率值小的街道背景损失值压倒了机动车的目标损失值,导致模型精度下降很多,因此在检测模型中嵌入焦点损失函数来提高训练精度。而在焦点损失函数中有超参数需要依据经验值去设置,无法依据预测出的类别概率值,自动调节自身的超参大小。The invention improves the loss function in the one-stage target detection algorithm model. As the objective function of the gradient descent process in the convolutional neural network, the loss function directly affects the training results of the convolutional neural network. The result of convolutional neural network training is directly related to the recognition accuracy of target detection, so the design of loss function is particularly important. In the training process of the one-stage target detection algorithm model, the network contains a large number of street background objects when detecting targets in the image. Although the loss value of the street background objects is small, the number is far more than the motor vehicle target. Therefore, when calculating the loss value, The street background loss value with a small probability value overwhelms the target loss value of the motor vehicle, causing the model accuracy to drop a lot. Therefore, a focal loss function is embedded in the detection model to improve the training accuracy. In the focal loss function, there are hyperparameters that need to be set based on empirical values, and it is impossible to automatically adjust the size of their own hyperparameters based on the predicted class probability value.
本发明针对焦点损失函数在训练过程中需要手动调节超参数,训练过程中的参数不具备自适应性的问题,提出了一种基于半监督学习的深度学习损失函数,该损失函数使用加权法对超参进行改进,使得网络在梯度下降过程中,能够自适应的调节网络超参数,进而提高网络的学习效率。Aiming at the problem that the focus loss function needs to manually adjust the hyperparameters in the training process, and the parameters in the training process are not adaptive, the invention proposes a deep learning loss function based on semi-supervised learning. The loss function uses a weighting method to The hyperparameters are improved so that the network can adaptively adjust the network hyperparameters during the gradient descent process, thereby improving the learning efficiency of the network.
机动车违停监测方法,包括如下步骤:The vehicle parking violation monitoring method includes the following steps:
Step 1:构建机动车样本数据集M,训练数据集T,验证数据集V,标注机动车样本类别数C,训练数据批次大小batch,训练批次数batches,学习率l_rate,训练数据集T与验证数据集V之间的比例系数ζ。Step 1: Build a motor vehicle sample data set M, a training data set T, a validation data set V, label the number of motor vehicle sample categories C, the training data batch size batch, the training batch number batches, the learning rate l_rate, the training data set T and Scale factor ζ between validation datasets V.
其中:V∪T=M,C∈N+,ζ∈(0,1),batches∈N+,l_rate∈N+,batch∈N+,表示图像的高和宽,r表示图像的通道数。Where: V∪T=M, C∈N + , ζ∈(0,1), batches∈N + , l_rate∈N + , batch∈N + , Represents the height and width of the image, and r represents the number of channels in the image.
Step 2:确定待训练的一阶段目标检测模型,设卷积神经网络深度为L,网络卷积层卷积核集合G,网络输出层采用全连接方式,其卷积核集合A,网络特征图集合U,表示第l层网络中第k个特征图对应的网格数量,锚点集合M,具体定义如下:Step 2: Determine the one-stage target detection model to be trained, set the depth of the convolutional neural network as L, the network convolution layer convolution kernel set G, the network output layer using the full connection method, the convolution kernel set A, and the network feature map. set U, Represents the kth feature map in the lth layer network The corresponding number of grids, the anchor point set M, is specifically defined as follows:
其中:分别表示第l层网络对应的卷积核、特征图和锚点的高、宽、维度。表示第l层网络卷积核的填充大小,表示第l层网络卷积步长,f表示卷积神经元的激励函数,Θ表示选取的输入特征,Λ∈N+表示第l层网络的锚点总数,Ξ∈N+表示输出层节点总数,Φ∈N+表示第l层网络特征图总数,Δ∈N+表示第l层卷积核的总数。in: Respectively represent the height, width and dimension of the convolution kernel, feature map and anchor point corresponding to the lth layer network. Indicates the padding size of the convolution kernel of the lth layer network, Indicates the convolution step size of the network in the lth layer, f represents the excitation function of the convolution neurons, Θ represents the selected input features, Λ∈N + represents the total number of anchor points of the network in the first layer, Ξ∈N + represents the total number of nodes in the output layer , Φ∈N + denotes the total number of network feature maps in the lth layer, and Δ∈N + denotes the total number of convolution kernels in the lth layer.
Step 3:设计参数自适应的焦点损失函数,具体包括:Step 3: Design a focal loss function with adaptive parameters, including:
其中:in:
表示第l层网络上第i个网格中第j个锚点在图像tk的机动车样本与街道背景样本置信度的损失函数;同理,表示机动车样本预测框的损失函数,表示机动车类别的损失函数,λ∈Q为损失函数参数。和分别表示机动车样本目标和街道背景目标的损失函数,具体如下所示: represents the loss function of the confidence of the vehicle sample and the street background sample of the j-th anchor point in the i-th grid on the l-th network in the image t k ; similarly, represents the loss function of the vehicle sample prediction box, represents the loss function of the vehicle category, λ∈Q is the loss function parameter. and Represent the loss functions of the vehicle sample target and the street background target, respectively, as follows:
表示第l层网络上第i个网格中第j个锚点预测的前景机动车样本概率值,同理,表示相对应的街道背景概率值。分别表示第l层网络上第i个网格中第j个锚点的预测框中心点横坐标和纵坐标,同理分别表示机动车样本标定框的中心点横坐标与纵坐标;分别表示第l层网络上第i个网格中第j个锚点的预测框中心点到该框边界的最短欧式距离,同理分别表示机动车样本标定框的中心点到该框边界的最短欧式距离;表示第l层网络上第i个网格中第j个锚点预测的机动车样本类别预测值。同理,表示机动车样本类别的标定状态,表示机动车样本进行预测,表示是否对街道背景样本进行预测,具体计算如下: Represents the probability value of the foreground vehicle sample predicted by the jth anchor point in the ith grid on the lth layer network. Similarly, Represents the corresponding street background probability value. respectively represent the abscissa and ordinate of the center point of the prediction frame of the jth anchor point in the ith grid on the lth layer network. Similarly, respectively represent the abscissa and ordinate of the center point of the vehicle sample calibration frame; Respectively represent the shortest Euclidean distance from the center point of the prediction box of the j-th anchor point in the i-th grid on the l-th network to the boundary of the box. Similarly, Respectively represent the shortest Euclidean distance from the center point of the vehicle sample calibration frame to the boundary of the frame; Represents the predicted value of the vehicle sample category predicted by the jth anchor point in the ith grid on the lth network. Similarly, Represents the calibration state of the vehicle sample category, represents a sample of motor vehicles for prediction, Indicates whether to predict the street background sample, the specific calculation is as follows:
其中参数α∈(0,1);iouj表示锚点mj在第i个网格中锚点框与机动车样本标定框的交叠率,miou表示最大交叠率。The parameter α∈(0,1); iou j represents the overlap rate of anchor point m j in the i-th grid of the anchor point frame and the vehicle sample calibration frame, and miou represents the maximum overlap rate.
Step 4:基于Step 3中的一阶段目标检测算法模型的损失函数,利用训练集对模型进行梯度下降法训练,直至模型收敛。在模型测试阶段,设置报警时间为timer,当系统模型检测到机动车时,自动记录其所属的详细类别、位置信息,并开始计时,超过给定的时间timer后,如果再次检测到的机动车详细类别和位置信息与之前检测到的信息一致,则发出告警。Step 4: Based on the loss function of the one-stage target detection algorithm model in Step 3, use the training set to train the model by gradient descent until the model converges. In the model testing stage, set the alarm time as timer. When the system model detects a motor vehicle, it automatically records the detailed category and location information it belongs to, and starts timing. After the given time timer is exceeded, if the motor vehicle is detected again If the detailed category and location information is consistent with previously detected information, an alert is issued.
本发明的优点是:能够提高违停车辆监测模型的参数自适应性,大幅提高了违停车辆监测的准确率。The invention has the advantages that the parameter self-adaptability of the illegally parked vehicle monitoring model can be improved, and the accuracy of illegally parked vehicle monitoring can be greatly improved.
附图说明Description of drawings
图1是本发明的卷积神经网络的网络结构图。FIG. 1 is a network structure diagram of the convolutional neural network of the present invention.
图2是本发明的卷积神经网络中损失函数结构图。FIG. 2 is a structural diagram of the loss function in the convolutional neural network of the present invention.
图3是本发明的基于卷积神经网络的机动车违停检测算法部署流程图。FIG. 3 is a flow chart of the deployment of a motor vehicle parking violation detection algorithm based on a convolutional neural network of the present invention.
具体实施方式Detailed ways
为了更好的说明本发明的技术方案,下面结合附图,对本发明做进一步说明。In order to better illustrate the technical solutions of the present invention, the present invention will be further described below with reference to the accompanying drawings.
机动车违停监测方法,包括如下步骤:The vehicle parking violation monitoring method includes the following steps:
Step 1:采集大量高空拍摄的机动车图像数据,构建出机动车样本数据集M的数量为10000,训练数据集T的数量为8000,验证数据集V的数量为2000,标注机动车类别数C取值为5,分别为跑车、越野车、大货车、面包车和普通轿车,训练数据批次大小batch取值为4,训练批次数batches取值为1000,学习率l_rate取值为0.001,训练数据集T与验证数据集V之间的比例系数ζ取值为0.25,所有图像的高、宽、通道数设置一致,图像的高hk和宽wk分别取值为416,416,图像的通道数r取值为3。Step 1: Collect a large number of high-altitude motor vehicle image data, construct a motor vehicle sample data set M with a number of 10,000, a training data set T with a number of 8,000, a verification data set V with a number of 2,000, and label the number of motor vehicle categories C The value is 5, which are sports cars, off-road vehicles, large trucks, vans and ordinary cars. The training data batch size is 4, the training batch number batches is 1000, the learning rate l_rate is 0.001, and the training data is 0.001. The scale coefficient ζ between the set T and the validation data set V is 0.25, the height, width and number of channels of all images are set the same, the height h k and width w k of the image are respectively 416 and 416, The number r takes the value 3.
Step 2:确定一阶段目标检测模型为Yolov3,卷积神经网络深度L设置为139,其中,卷积核的高、宽和维度设置具体如图1所示,卷积核的填充大小默认为1,卷积步长默认为1,卷积神经元的激励函数f默认为leakly_relu激励函数;锚点在每一层网络中都共享,锚点集合M取值为{(10,13),(30,61),(156,198)},即在每一层网络层中,锚点总数Λ取值为3;网络输出层采用全连接方式,其卷积核集合A取值为{(1,1,30),(1,1,30),(1,1,30)},即输出层节点总数Ξ取值为3。Step 2: Determine the first-stage target detection model as Yolov3, and set the depth L of the convolutional neural network to 139. Among them, the height, width and dimension of the convolution kernel are set as shown in Figure 1, and the filling size of the convolution kernel is shown in Figure 1. Default is 1, convolution stride The default is 1, the activation function f of the convolutional neuron defaults to the leakly_relu activation function; the anchor points are shared in each layer of the network, and the anchor point set M is {(10,13),(30,61),( 156,198)}, that is, in each network layer, the total number of anchor points Λ is 3; the network output layer adopts the full connection method, and its convolution kernel set A is {(1,1,30), (1 ,1,30),(1,1,30)}, that is, the total number of output layer nodes Ξ is 3.
Step 3:如图2所示,构建参数自适应的焦点损失函数LOSS,参数α取值为0.25,参数λ取值为0.5。Step 3: As shown in Figure 2, build a parameter adaptive focus loss function LOSS, the parameter α is 0.25, and the parameter λ is 0.5.
Step 4:基于Step 3中的一阶段目标检测算法模型的损失函数,利用训练集对模型进行梯度下降法训练,直至模型收敛。参考图3,利用街道安装的摄像头的视频流进行实时检测,报警时间timer取值为3分钟,当系统模型检测到机动车时,自动记录其所属的详细类别、位置信息,并开始计时,超过3分钟后,如果再次检测到的机动车详细类别和位置信息与之前一致,则发出告警,实现对街道内机动车违停的管理。Step 4: Based on the loss function of the one-stage target detection algorithm model in Step 3, use the training set to train the model by gradient descent until the model converges. Referring to Figure 3, real-time detection is performed using the video stream of the camera installed on the street. The alarm time timer is 3 minutes. When the system model detects a motor vehicle, it automatically records the detailed category and location information to which it belongs, and starts timing. After 3 minutes, if the detailed category and location information of the motor vehicle detected again is consistent with the previous one, an alarm will be issued to realize the management of illegal parking of motor vehicles in the street.
本说明书实施例所述的内容仅仅是对发明构思的实现形式的列举,本发明的保护范围不应当被视为仅限于实施例所陈述的具体形式,本发明的保护范围也及于本领域技术人员根据本发明构思所能够想到的等同技术手段。The content described in the embodiments of the present specification is only an enumeration of the realization forms of the inventive concept, and the protection scope of the present invention should not be regarded as limited to the specific forms stated in the embodiments, and the protection scope of the present invention also extends to those skilled in the art. Equivalent technical means that can be conceived by a person based on the inventive concept.
Claims (1)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202010299684.5A CN111597902B (en) | 2020-04-16 | 2020-04-16 | Method for monitoring motor vehicle illegal parking |
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202010299684.5A CN111597902B (en) | 2020-04-16 | 2020-04-16 | Method for monitoring motor vehicle illegal parking |
Publications (2)
| Publication Number | Publication Date |
|---|---|
| CN111597902A true CN111597902A (en) | 2020-08-28 |
| CN111597902B CN111597902B (en) | 2023-08-11 |
Family
ID=72189003
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN202010299684.5A Active CN111597902B (en) | 2020-04-16 | 2020-04-16 | Method for monitoring motor vehicle illegal parking |
Country Status (1)
| Country | Link |
|---|---|
| CN (1) | CN111597902B (en) |
Cited By (3)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN112289037A (en) * | 2020-10-29 | 2021-01-29 | 南通中铁华宇电气有限公司 | Motor vehicle illegal parking detection method and system based on high visual angle under complex environment |
| CN112711996A (en) * | 2020-12-22 | 2021-04-27 | 中通服咨询设计研究院有限公司 | System for detecting occupancy of fire fighting access |
| CN115082903A (en) * | 2022-08-24 | 2022-09-20 | 深圳市万物云科技有限公司 | Non-motor vehicle illegal parking identification method and device, computer equipment and storage medium |
Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN109902677A (en) * | 2019-01-30 | 2019-06-18 | 深圳北斗通信科技有限公司 | A kind of vehicle checking method based on deep learning |
| CN110443208A (en) * | 2019-08-08 | 2019-11-12 | 南京工业大学 | YOLOv 2-based vehicle target detection method, system and equipment |
| CN110490156A (en) * | 2019-08-23 | 2019-11-22 | 哈尔滨理工大学 | A kind of fast vehicle detection method based on convolutional neural networks |
| WO2020048242A1 (en) * | 2018-09-04 | 2020-03-12 | 阿里巴巴集团控股有限公司 | Method and apparatus for generating vehicle damage image based on gan network |
-
2020
- 2020-04-16 CN CN202010299684.5A patent/CN111597902B/en active Active
Patent Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| WO2020048242A1 (en) * | 2018-09-04 | 2020-03-12 | 阿里巴巴集团控股有限公司 | Method and apparatus for generating vehicle damage image based on gan network |
| CN109902677A (en) * | 2019-01-30 | 2019-06-18 | 深圳北斗通信科技有限公司 | A kind of vehicle checking method based on deep learning |
| CN110443208A (en) * | 2019-08-08 | 2019-11-12 | 南京工业大学 | YOLOv 2-based vehicle target detection method, system and equipment |
| CN110490156A (en) * | 2019-08-23 | 2019-11-22 | 哈尔滨理工大学 | A kind of fast vehicle detection method based on convolutional neural networks |
Non-Patent Citations (1)
| Title |
|---|
| 邵奇可 等: "基于深度学习的高速服务区车位检测算法", 《计算机系统应用》 * |
Cited By (5)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN112289037A (en) * | 2020-10-29 | 2021-01-29 | 南通中铁华宇电气有限公司 | Motor vehicle illegal parking detection method and system based on high visual angle under complex environment |
| CN112289037B (en) * | 2020-10-29 | 2022-06-07 | 南通中铁华宇电气有限公司 | Motor vehicle illegal parking detection method and system based on high visual angle under complex environment |
| CN112711996A (en) * | 2020-12-22 | 2021-04-27 | 中通服咨询设计研究院有限公司 | System for detecting occupancy of fire fighting access |
| CN115082903A (en) * | 2022-08-24 | 2022-09-20 | 深圳市万物云科技有限公司 | Non-motor vehicle illegal parking identification method and device, computer equipment and storage medium |
| CN115082903B (en) * | 2022-08-24 | 2022-11-11 | 深圳市万物云科技有限公司 | Non-motor vehicle illegal parking identification method and device, computer equipment and storage medium |
Also Published As
| Publication number | Publication date |
|---|---|
| CN111597902B (en) | 2023-08-11 |
Similar Documents
| Publication | Publication Date | Title |
|---|---|---|
| CN111079640B (en) | Vehicle type identification method and system based on automatic amplification sample | |
| CN112101221B (en) | A method for real-time detection and recognition of traffic lights | |
| CN107886073B (en) | A fine-grained vehicle multi-attribute recognition method based on convolutional neural network | |
| CN107133974B (en) | Vehicle Classification Method Combining Gaussian Background Modeling and Recurrent Neural Network | |
| CN111597901A (en) | Illegal Billboard Monitoring Methods | |
| CN106934378B (en) | Automobile high beam identification system and method based on video deep learning | |
| CN113160575A (en) | Traffic violation detection method and system for non-motor vehicles and drivers | |
| CN107705560A (en) | A kind of congestion in road detection method for merging visual signature and convolutional neural networks | |
| CN111597902B (en) | Method for monitoring motor vehicle illegal parking | |
| CN108875754B (en) | A vehicle re-identification method based on multi-depth feature fusion network | |
| CN109784254A (en) | A kind of method, apparatus and electronic equipment of rule-breaking vehicle event detection | |
| CN115170611A (en) | Complex intersection vehicle driving track analysis method, system and application | |
| CN119313928B (en) | Intelligent identification system and method for violations at new energy stations based on machine vision | |
| CN114565896A (en) | A cross-layer fusion improved YOLOv4 road target recognition algorithm | |
| CN115393802A (en) | Railway scene unusual invasion target identification method based on small sample learning | |
| CN118609069B (en) | Industrial casting monitoring method based on deep learning and graph neural network | |
| CN111709336A (en) | Highway pedestrian detection method and device and readable storage medium | |
| CN115937788A (en) | A method for detecting helmet wearing based on yolov5 industrial zone | |
| CN120356165A (en) | Blind road illegal stop identification method based on target detection | |
| CN111597897B (en) | High-speed service area parking space recognition method | |
| Wang et al. | Road surface state recognition based on semantic segmentation | |
| CN111563468B (en) | Driver abnormal behavior detection method based on attention of neural network | |
| CN116246218B (en) | Smart city monitoring image recognition method based on data quality assessment federated learning | |
| CN110458013B (en) | A traffic anomaly event detection method based on instance-level attention mechanism | |
| CN111597900B (en) | Illegal dog walking identification method |
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 | ||
| GR01 | Patent grant | ||
| GR01 | Patent grant |