WO2020181685A1 - Vehicle-mounted video target detection method based on deep learning - Google Patents

Vehicle-mounted video target detection method based on deep learning Download PDF

Info

Publication number
WO2020181685A1
WO2020181685A1 PCT/CN2019/092749 CN2019092749W WO2020181685A1 WO 2020181685 A1 WO2020181685 A1 WO 2020181685A1 CN 2019092749 W CN2019092749 W CN 2019092749W WO 2020181685 A1 WO2020181685 A1 WO 2020181685A1
Authority
WO
WIPO (PCT)
Prior art keywords
vehicle
training
cnn
network
target detection
Prior art date
Application number
PCT/CN2019/092749
Other languages
French (fr)
Chinese (zh)
Inventor
张登银
金天宇
丁飞
赵莎莎
刘锦
薛睿
聂涵
王雪纯
Original Assignee
南京邮电大学
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 南京邮电大学 filed Critical 南京邮电大学
Priority to JP2021502766A priority Critical patent/JP7120689B2/en
Publication of WO2020181685A1 publication Critical patent/WO2020181685A1/en

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/40Extraction of image or video features
    • G06V10/44Local feature extraction by analysis of parts of the pattern, e.g. by detecting edges, contours, loops, corners, strokes or intersections; Connectivity analysis, e.g. of connected components
    • G06V10/443Local feature extraction by analysis of parts of the pattern, e.g. by detecting edges, contours, loops, corners, strokes or intersections; Connectivity analysis, e.g. of connected components by matching or filtering
    • G06V10/449Biologically inspired filters, e.g. difference of Gaussians [DoG] or Gabor filters
    • G06V10/451Biologically inspired filters, e.g. difference of Gaussians [DoG] or Gabor filters with interaction between the filter responses, e.g. cortical complex cells
    • G06V10/454Integrating the filters into a hierarchical structure, e.g. convolutional neural networks [CNN]
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/40Scenes; Scene-specific elements in video content
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/50Context or environment of the image
    • G06V20/56Context or environment of the image exterior to a vehicle by using sensors mounted on the vehicle

Definitions

  • the invention relates to a vehicle-mounted video target detection method based on deep learning, which belongs to the technical field of video image processing.
  • the target detection and tracking of vehicles, pedestrians and other obstacles in front of the vehicle, and on this basis, the behavior analysis of the preceding vehicle is the basis of the driving safety assistance system.
  • the main steps of traditional target detection methods are generally: extracting target features, training corresponding classifiers, sliding window search, repetition and false positive filtering.
  • This sliding window selection strategy for target detection is not targeted, has high time complexity, window redundancy, and hand-designed features have poor robustness and unreliable classifiers; at the same time, existing target detection algorithms cannot be flexibly trained
  • the data is used to learn effective features according to different needs to complete specific detection tasks.
  • the purpose of the present invention is to solve the above shortcomings of the prior art and provide a vehicle-mounted video target detection method based on deep learning.
  • a vehicle-mounted video target detection method based on deep learning includes the following steps:
  • Step 1) Align the pixels under the depth coordinates to the color coordinates; then extract the features of the depth image and the color image through CNN respectively, and concatenate the feature maps output by the respective convolutional layers in the channel dimension to obtain the final RGB -D feature as the convolution feature map after convolution;
  • Step 2 Construct a regional proposal network RPN, which includes a 3 ⁇ 3 convolutional layer and two 1 ⁇ 1 parallel convolutional layers; input the fused convolution feature map into a 3 ⁇ 3 volume Multilayer, sliding a network of a preset size in pixels on the input feature map, and each sliding position generates an anchor point of a specific scale;
  • RPN regional proposal network
  • the Fast R-CNN model consists of two ROI pooling layers, a fully connected layer and two parallel fully connected layers, respectively outputting the confidence of the region and the candidate frame after the border regression Location; input the fused convolutional features into the Fast R-CNN model, and output the location of the target in the image and its category and confidence;
  • Step 3) Construct the cost function for training the RPN network and the cost function for training the Fast R-CNN network;
  • Step 4) Use a standard ZF model to train and fine-tune the parameters of the network, and randomly initialize all new layers by extracting weights from the zero-mean Gaussian distribution of the set standard deviation;
  • Step 5 Use the back propagation algorithm and the stochastic gradient descent algorithm to train the model by alternately training the RPN and Fast R-CNN networks, and adjust the weight of each layer of neural network in turn according to the preset parameters;
  • Step 6 Use the pre-obtained training set to test the pre-trained Faster R-CNN model, and screen out difficult samples according to the discriminant formula of difficult samples;
  • Step 7) Add the difficult samples generated in step 6) to the training set, train the network again, repeat steps 5)-step 7), and finally get the best Faster R-CNN model;
  • Step 8) Process the vehicle-mounted video image collected in practice, input it into the trained Faster R-CNN model, and output the target category, confidence and target position in the image.
  • the present invention proposes a target detection model based on depth information completion.
  • the improved Faster R-CNN adds a depth information channel to separate color images and depth images.
  • Feature extraction is carried out through CNN with the same structure.
  • Two CNNs are connected in parallel, and the original color image feature map and depth image feature map are combined in series to obtain the final image feature.
  • the present invention The obtained image features are richer, supplement the detailed information of the vehicle, and will not increase time overhead, and meet the requirements of improving target detection in complex scenes.
  • the present invention adds a difficult sample mining strategy in the training phase, so that the model pays more attention to difficult samples on the original basis, and better distinguishes the background of vehicles and suspected vehicles, so as to achieve the purpose of improving accuracy;
  • the Faster R-CNN algorithm that uses the shared convolutional network to extract suggested candidate frames in the present invention has been significantly improved in real-time. This algorithm abandons the traditional region suggestion algorithm and uses the convolutional layer in the deep network to Extracting candidate frames saves a lot of time and overhead.
  • Fig. 1 is a schematic flowchart of a method according to a specific embodiment of the present invention.
  • Fig. 2 is a training flow chart of the improved Faster R-CN algorithm in a specific embodiment of the present invention.
  • the purpose of the present invention is to propose a vehicle-mounted video target detection method based on deep learning.
  • feature maps of depth images are added to supplement vehicle detail information, and convolutional nerves that are the same as extracting color image features are selected.
  • the color image channel and the depth image channel adopt a parallel structure, and the extracted features are fused in series to obtain the final RGB-D feature, and a difficult sample mining strategy is added to the training to improve the algorithm's ability to deal with small targets and small targets in complex traffic scenes. Detection accuracy of difficult targets.
  • Fig. 1 is a flowchart of a method according to a specific embodiment of the present invention.
  • using the KITTI data set to construct the training sample set and the test sample set includes the following step 1: adopting the PASCAL VOC data set format and evaluation algorithm tool.
  • step 1 adopting the PASCAL VOC data set format and evaluation algorithm tool.
  • PASCAL VOC has a total of 20 categories.
  • the key detection objects are vehicles, pedestrians, and traffic signs.
  • the data set is divided into the above three categories; second, the label information is converted: The annotation file is converted from txt to xml, and other information in the annotation is removed, leaving only 3 categories; finally, a training verification set and a test set are generated.
  • the method of the present invention includes the following steps:
  • Step 2) Construct an improved Faster R-CNN model, which integrates the Regional Proposal Network (RPN) and Fast R-CNN network;
  • RPN Regional Proposal Network
  • CNN Convolutional Neural Networks
  • CNN selects the feature extraction network in the ZF model, and connects two CNNs with the same structure in parallel (the original color image channel is channel 1, and the parallel depth image channel is Channel 2);
  • the size of the feature map is hwc (where h and w represent the height and width of the feature map respectively, and c is the three channels of RGB), and the color image feature and the depth image feature are taken as Feature fusion of the two channels, the size of the fused feature map is 2hwc;
  • the regional proposal network RPN includes a 3 ⁇ 3 convolutional layer and two 1 ⁇ 1 parallel convolutional layers;
  • Input the fused convolutional feature map into a 3 ⁇ 3 convolutional layer, and slide a small network in pixels on the input feature map.
  • Two 1 ⁇ 1 parallel convolutional layers perform position regression and background scene judgment on the anchor points of the upper layer, and respectively output the foreground and background scene confidence of the anchor points and the candidate frame position.
  • the position of the candidate frame contains four parameters including the coordinates x and y of the center point of the candidate frame, as well as the width w’ and the height h’;
  • Fast R-CNN consists of two ROI pooling layers, one fully connected layer and two parallel fully connected layers, respectively outputting the confidence of the region and the position of the candidate frame after the border regression;
  • the ROI pooling layer performs a pooling operation on the region suggestion set C and the fused convolution feature map.
  • the ROI pooling layer maps the ROI to the corresponding position of the feature map according to the input image, and divides the mapped area into sections of the same size , Perform maximum pooling operation on each section;
  • the fully connected layer merges the output results of the ROI pooling layer, and finally inputs two fully connected layers in parallel, performs region classification and border regression on the candidate frame, and outputs the location of the target in the image and its category and confidence;
  • Step 3 Construct the cost function of training RPN network and the cost function of training Fast R-CNN network:
  • the anchor point and the ground truth have the largest Intersection over Union (IoU) or not less than 0.7 marked as positive samples, and P i is the prediction confidence; Is the label value, when it is 1, it means positive sample, and when it is 0, it means negative sample; i means the index of anchor point; N cls is the total number of anchor points; N reg is the number of positive samples; t i is the predicted anchor point bounding box Correction value Is the actual anchor point bounding box correction value; L cls is the classification cost; L reg is the border regression cost; ⁇ is the balance weight;
  • IoU Intersection over Union
  • u is the u-th category
  • tu is the correction value of the u-th frame regression prediction
  • v is the actual correction value
  • L cls is the classification cost
  • L reg is the frame regression cost
  • is the balance weight
  • Step 4) Use a standard ZF model to train and fine-tune the parameters of the network, and randomly initialize all new layers by extracting weights from the zero-mean Gaussian distribution of the set standard deviation;
  • Step 5 Use back propagation algorithm and stochastic gradient descent algorithm to train the model by alternately training RPN and Fast R-CNN networks, adjust the weights of each layer of neural network in turn, and set the initial network learning rate to 0.01, the minimum learning rate is set to 0.0001, the momentum is set to 0.9, the weight attenuation coefficient is set to 0.0005, and the dropout value is set to 0.5.
  • the specific steps are as follows:
  • Step 6 Use the training set to test the pre-trained Faster R-CNN model, and select difficult samples according to the difficult sample discrimination formula of the present invention
  • Step 7) Add the difficult samples generated in step 6) to the training set, train the network again, repeat step 5) to strengthen the network's ability to discriminate difficult samples, and finally get the best Faster R-CNN model; training process See Figure 2.
  • Step 8) Process the vehicle-mounted video image collected in practice, input it into the trained Faster R-CNN model, and output the target category, confidence and target position in the image.
  • the present invention can fully consider the problem of missed detection of small targets in the Faster R-CNN algorithm, and improve the accuracy of vehicle recognition in complex traffic scenes through deep image feature fusion and difficult sample mining methods.
  • the target detection algorithm based on the convolutional neural network used in the present invention can learn effective features according to different requirements under the condition of flexible training data to complete specific detection tasks.
  • the R-CNN algorithm is a target detection algorithm based on the combination of candidate frame suggestions and convolutional neural networks. Due to the large number of recommended candidate frames generated by the region recommendation algorithm and the large time overhead, the algorithm is in real-time and accuracy. There is still a lot of room for improvement.
  • the Faster R-CNN algorithm which uses the shared convolutional network to extract the suggested candidate frames, has been significantly improved in real-time. The algorithm discards the traditional region suggestion algorithm and uses the convolutional layer in the deep network to extract the candidate frames, saving A lot of time is spent, but in scenes with more small targets and more complex, the missed detection is more serious, and there is still much room for improvement.

Abstract

Disclosed is a vehicle-mounted video target detection method based on deep learning. The method employs an improved Faster R-CNN algorithm to implement target detection in a complex traffic environment, and to provide a driving safety auxiliary function. A serious problem of small target missed detection exists in an existing target tracking algorithm. According to the present invention, by adding a depth information channel, connecting the depth information channel to an original color image channel in parallel, performing fusion in a channel dimension, and performing candidate box extraction and target detection on a fused feature image, the detection rate of small targets is improved; in addition, by adding training of a difficult sample in training, the overall target recognition rate of the algorithm is improved. According to the present invention, the problem of small target missed detection existing in the Faster R-CNN algorithm can be fully considered, and the accuracy of vehicle recognition in a complex traffic scene is improved by means of depth image feature fusion and a difficult sample mining method.

Description

一种基于深度学习的车载视频目标检测方法A vehicle-mounted video target detection method based on deep learning 技术领域Technical field
本发明涉及一种基于深度学习的车载视频目标检测方法,属于视频图像处理技术领域。The invention relates to a vehicle-mounted video target detection method based on deep learning, which belongs to the technical field of video image processing.
背景技术Background technique
在行车过程中,对车辆前方的车辆、行人及其他障碍物进行目标检测与跟踪,并在此基础上进行前车的行为分析,是行车安全辅助系统的基础。传统目标检测方法的主要步骤一般为:提取目标特征,训练对应的分类器,滑动窗口搜索,重复和误报过滤。这种目标检测的滑窗选择策略没有针对性,时间复杂度高,窗口冗余,且手工设计的特征鲁棒性较差,分类器不可靠;同时现有的目标检测算法不能够灵活地训练数据以根据不同需求学习有效的特征完成具体的检测任务。In the driving process, the target detection and tracking of vehicles, pedestrians and other obstacles in front of the vehicle, and on this basis, the behavior analysis of the preceding vehicle is the basis of the driving safety assistance system. The main steps of traditional target detection methods are generally: extracting target features, training corresponding classifiers, sliding window search, repetition and false positive filtering. This sliding window selection strategy for target detection is not targeted, has high time complexity, window redundancy, and hand-designed features have poor robustness and unreliable classifiers; at the same time, existing target detection algorithms cannot be flexibly trained The data is used to learn effective features according to different needs to complete specific detection tasks.
发明内容Summary of the invention
本发明的目的在于解决以上现有技术的不足,提供一种基于深度学习的车载视频目标检测方法。The purpose of the present invention is to solve the above shortcomings of the prior art and provide a vehicle-mounted video target detection method based on deep learning.
为了实现上述目标,本发明采用如下的技术方案:In order to achieve the above objectives, the present invention adopts the following technical solutions:
一种基于深度学习的车载视频目标检测方法,包括如下步骤:A vehicle-mounted video target detection method based on deep learning includes the following steps:
步骤1)将深度坐标下的像素对齐到彩色坐标下;再将深度图像和彩色图像各自通过CNN进行特征提取,并将各自卷积层输出的特征图在通道维度上进行串联融合得到最终的RGB-D特征作为卷积后的卷积特征映射;Step 1) Align the pixels under the depth coordinates to the color coordinates; then extract the features of the depth image and the color image through CNN respectively, and concatenate the feature maps output by the respective convolutional layers in the channel dimension to obtain the final RGB -D feature as the convolution feature map after convolution;
步骤2)构建区域建议网络RPN,所述区域建议网络RPN包括一个3×3的卷积层和两个1×1的并行卷积层;将融合后的卷积特征映射输入3×3的卷积层,在输入的特征映射上以像素为单位滑动预设大小的网络,则每个滑动位置产生特定尺度的锚点;Step 2) Construct a regional proposal network RPN, which includes a 3×3 convolutional layer and two 1×1 parallel convolutional layers; input the fused convolution feature map into a 3×3 volume Multilayer, sliding a network of a preset size in pixels on the input feature map, and each sliding position generates an anchor point of a specific scale;
将产生的锚点输入两个1×1的并行卷积层进行位置回归和前后景判断,分别输出锚点的前后景置信度和所有候选框位置并按照预设条件从所得的矩形后选框中筛选出前景置信度最高的前特定数量的区域,得到最终的区域建议集合C;Input the generated anchor points into two 1×1 parallel convolutional layers for position regression and foreground and background judgment, respectively output the anchor point’s foreground and background confidence and the position of all candidate frames, and select frames from the resulting rectangle according to preset conditions Filter out the first specific number of regions with the highest foreground confidence, and get the final regional suggestion set C;
构建Fast R-CNN模型,所述Fast R-CNN模型由两个ROI池化层、一个全连接层和两个并联的全连接层组成,分别输出该区域的置信度以及边框回归之后的候选框位置;将融合后的卷积特征输入Fast R-CNN模型,输出图像中目标的位置及其类别和置信度;Construct the Fast R-CNN model. The Fast R-CNN model consists of two ROI pooling layers, a fully connected layer and two parallel fully connected layers, respectively outputting the confidence of the region and the candidate frame after the border regression Location; input the fused convolutional features into the Fast R-CNN model, and output the location of the target in the image and its category and confidence;
步骤3):构建训练RPN网络的代价函数和训练Fast R-CNN网络的代价函数;Step 3): Construct the cost function for training the RPN network and the cost function for training the Fast R-CNN network;
步骤4)使用标准的ZF模型训练和微调网络的各项参数,通过从设定的标准方差的零均值高斯分布中提取权重来随机初始化所有新层;Step 4) Use a standard ZF model to train and fine-tune the parameters of the network, and randomly initialize all new layers by extracting weights from the zero-mean Gaussian distribution of the set standard deviation;
步骤5)利用反向传播算法和随机梯度下降算法,采用对RPN和Fast R-CNN两个网络交替训练的方式对模型进行训练,根据预先设置的参数依次调整每层神经网络的权值;Step 5) Use the back propagation algorithm and the stochastic gradient descent algorithm to train the model by alternately training the RPN and Fast R-CNN networks, and adjust the weight of each layer of neural network in turn according to the preset parameters;
步骤6)使用预先获得的训练集测试初步训练好的Faster R-CNN模型,根据难样本的判别公式筛选出难样本;Step 6) Use the pre-obtained training set to test the pre-trained Faster R-CNN model, and screen out difficult samples according to the discriminant formula of difficult samples;
步骤7)将步骤6)中产生的难样本加入训练集中,对网络再次进行训练,重复步骤5)-步骤7),最终得到最优的Faster R-CNN模型;Step 7) Add the difficult samples generated in step 6) to the training set, train the network again, repeat steps 5)-step 7), and finally get the best Faster R-CNN model;
步骤8)对实际中采集的车载视频图像进行处理,输入训练好的Faster R-CNN模型中,输出该图像中目标类别、置信度以及目标位置。Step 8) Process the vehicle-mounted video image collected in practice, input it into the trained Faster R-CNN model, and output the target category, confidence and target position in the image.
本发明所达到的有益效果:The beneficial effects achieved by the present invention:
第一,本发明在基于建议的卷积神经网络模型基础上,提出一种基于深度信息补全的目标检测模型,改进的Faster R-CNN添加了一条深度信息通道,将彩色图像和深度图像分别通过结构一样的CNN进行特征提取,两个CNN采用并联的结构,再将原有的彩色图像特征映射与深度图像特征映射进行串联融合,得到最终的图像特征,与原有算法相比,本发明得到的图像特征更加丰富,补充了车辆的细节信息,并且不会增加时间开销,满足提高复杂场景下目标检测的要求。First, on the basis of the proposed convolutional neural network model, the present invention proposes a target detection model based on depth information completion. The improved Faster R-CNN adds a depth information channel to separate color images and depth images. Feature extraction is carried out through CNN with the same structure. Two CNNs are connected in parallel, and the original color image feature map and depth image feature map are combined in series to obtain the final image feature. Compared with the original algorithm, the present invention The obtained image features are richer, supplement the detailed information of the vehicle, and will not increase time overhead, and meet the requirements of improving target detection in complex scenes.
第二,本发明通过在训练阶段增加难样本挖掘策略,使得模型在原有基础上更加关注难样本,将车辆及疑似车辆的背景更好的区分,达到提高准确性的目的;Second, the present invention adds a difficult sample mining strategy in the training phase, so that the model pays more attention to difficult samples on the original basis, and better distinguishes the background of vehicles and suspected vehicles, so as to achieve the purpose of improving accuracy;
第三,本发明利用共享卷积网络来提取建议候选框的Faster R-CNN算法在实时性上得到了明显的提升,该算法抛弃了传统的区域建议算法,使用深度网络中的卷积层来提取候选框,节约了大量时间开销。Third, the Faster R-CNN algorithm that uses the shared convolutional network to extract suggested candidate frames in the present invention has been significantly improved in real-time. This algorithm abandons the traditional region suggestion algorithm and uses the convolutional layer in the deep network to Extracting candidate frames saves a lot of time and overhead.
附图说明Description of the drawings
图1为本发明具体实施例方法的流程示意图。Fig. 1 is a schematic flowchart of a method according to a specific embodiment of the present invention.
图2为本发明具体实施例中改进的Faster R-CN算法的训练流程 图。Fig. 2 is a training flow chart of the improved Faster R-CN algorithm in a specific embodiment of the present invention.
具体实施方式detailed description
下面结合附图对本发明作进一步描述。以下实施例仅用于更加清楚地说明本发明的技术方案,而不能以此来限制本发明的保护范围。The present invention will be further described below in conjunction with the drawings. The following embodiments are only used to explain the technical solutions of the present invention more clearly, and cannot be used to limit the protection scope of the present invention.
本发明目的在于提出了一种基于深度学习的车载视频目标检测方法,在Faster R-CNN的基础上,添加深度图像的特征映射来补充车辆细节信息,选用与提取彩色图像特征相同的卷积神经网络,彩色图像通道与深度图像通道采用并联的结构,提取出的特征经过串联融合得到最终的RGB-D特征,并在训练中添加难样本挖掘策略,提高算法在复杂交通场景中对小目标以及难目标的检测准确性。The purpose of the present invention is to propose a vehicle-mounted video target detection method based on deep learning. On the basis of Faster R-CNN, feature maps of depth images are added to supplement vehicle detail information, and convolutional nerves that are the same as extracting color image features are selected. In the network, the color image channel and the depth image channel adopt a parallel structure, and the extracted features are fused in series to obtain the final RGB-D feature, and a difficult sample mining strategy is added to the training to improve the algorithm's ability to deal with small targets and small targets in complex traffic scenes. Detection accuracy of difficult targets.
如图1所示为本发明具体实施例的方法流程图。Fig. 1 is a flowchart of a method according to a specific embodiment of the present invention.
在实施实施本发明方法时可以基于预先获取的训练集样本集和测试集样本,也可以根据需求制作训练集和测试集。在本实施例中,使用KITTI数据集构建训练样本集和测试样本集,包括以下步骤1:采用PASCAL VOC数据集的格式及评价算法工具。首先,转换KITTI的类别:PASCAL VOC总共有20个类别,在城市交通场景中,重点检测对象为车辆、行人、交通标志,因此将数据集分为上述3种类别;其次,转换标注信息:将标注文件从txt转化为xml,去掉标注中的其他信息,只留下3类;最后,生成训练验证集和测试集。When implementing the method of the present invention, it can be based on pre-acquired training set sample sets and test set samples, or training set and test set can be made according to requirements. In this embodiment, using the KITTI data set to construct the training sample set and the test sample set includes the following step 1: adopting the PASCAL VOC data set format and evaluation algorithm tool. First, convert the categories of KITTI: PASCAL VOC has a total of 20 categories. In urban traffic scenarios, the key detection objects are vehicles, pedestrians, and traffic signs. Therefore, the data set is divided into the above three categories; second, the label information is converted: The annotation file is converted from txt to xml, and other information in the annotation is removed, leaving only 3 categories; finally, a training verification set and a test set are generated.
如图1所述,本发明方法包括如下步骤:As shown in Figure 1, the method of the present invention includes the following steps:
步骤2)构建一种改进的Faster R-CNN模型,该模型综合了区域建议网络(Regional Proposal Network,RPN)和Fast R-CNN网 络;Step 2) Construct an improved Faster R-CNN model, which integrates the Regional Proposal Network (RPN) and Fast R-CNN network;
2.1)卷积神经网络(Convolutional Neural Networks,CNN)2.1) Convolutional Neural Networks (CNN)
首先,将深度坐标下的像素对齐到彩色坐标下;CNN选取ZF模型中特征提取的网络,将两个结构相同的CNN进行并联(原有的彩色图像通道为通道1,并联的深度图像通道为通道2);两类图像通过CNN特征提取之后,特征图大小均为hwc(这里h、w分别表示特征图的高、宽,c为RGB三个通道),将彩色图像特征与深度图像特征作为两个通道进行特征融合,融合后的特征图大小为2hwc;First, align the pixels under the depth coordinates to the color coordinates; CNN selects the feature extraction network in the ZF model, and connects two CNNs with the same structure in parallel (the original color image channel is channel 1, and the parallel depth image channel is Channel 2); After the two types of images are extracted by CNN features, the size of the feature map is hwc (where h and w represent the height and width of the feature map respectively, and c is the three channels of RGB), and the color image feature and the depth image feature are taken as Feature fusion of the two channels, the size of the fused feature map is 2hwc;
2.2)区域建议网络RPN包括一个3×3的卷积层和两个1×1的并行卷积层;2.2) The regional proposal network RPN includes a 3×3 convolutional layer and two 1×1 parallel convolutional layers;
将融合后的卷积特征映射输入3×3的卷积层,在输入的特征映射上以像素为单位滑动一个小网络,本实施例中分别采用3个尺度和3个长宽比,则每个滑动位置产生k=3×3=9个不同尺度的锚点,则总共产生hwk个锚点,得到hwk个矩形候选框;Input the fused convolutional feature map into a 3×3 convolutional layer, and slide a small network in pixels on the input feature map. In this embodiment, 3 scales and 3 aspect ratios are used, and each If k=3×3=9 anchor points of different scales are generated from one sliding position, a total of hwk anchor points are generated, and hwk rectangular candidate frames are obtained;
两个1×1的并行卷积层对上一层的锚点进行位置回归和前后景判断,分别输出锚点的前后景置信度和候选框位置。候选框位置包含候选框中心点坐标x和y,以及宽w’和高h’共四个参数;Two 1×1 parallel convolutional layers perform position regression and background scene judgment on the anchor points of the upper layer, and respectively output the foreground and background scene confidence of the anchor points and the candidate frame position. The position of the candidate frame contains four parameters including the coordinates x and y of the center point of the candidate frame, as well as the width w’ and the height h’;
2.2)将2.1)所得的矩形候选框按照预设条件筛选出满足预设条件的预定数量的区域。本实施例中对所得的矩形候选框按照softmax的得分进行降序排序,保留前2000个区域,再进一步用非极大值抑制算法(Non-Maximum Suppression,NMS)筛选出前景置信度最高的前300个区域,得到最终的区域建议集合C;2.2) Filter the rectangular candidate frame obtained in 2.1) according to the preset condition to select a predetermined number of regions that meet the preset condition. In this embodiment, the obtained rectangular candidate frames are sorted in descending order according to the softmax score, and the first 2000 regions are retained, and then the non-maximum suppression algorithm (Non-Maximum Suppression, NMS) is used to select the top 300 with the highest foreground confidence. Regions, get the final regional suggestion set C;
2.3)Fast R-CNN由两个ROI池化层、一个全连接层和两个并联的全连接层组成,分别输出该区域的置信度以及边框回归之后的候选框位置;2.3) Fast R-CNN consists of two ROI pooling layers, one fully connected layer and two parallel fully connected layers, respectively outputting the confidence of the region and the position of the candidate frame after the border regression;
ROI pooling层对区域建议集合C与融合后的卷积特征映射进行池化操作,ROI pooling层根据输入的image,将ROI映射到特征映射的对应位置,将映射后的区域划分为相同大小的sections,对每个section进行最大池化操作;The ROI pooling layer performs a pooling operation on the region suggestion set C and the fused convolution feature map. The ROI pooling layer maps the ROI to the corresponding position of the feature map according to the input image, and divides the mapped area into sections of the same size , Perform maximum pooling operation on each section;
全连接层对ROI pooling层的输出结果进行合并,最后输入并联的两个全连接层,对候选框进行区域分类和边框回归,输出图像中目标的位置及其类别、置信度;The fully connected layer merges the output results of the ROI pooling layer, and finally inputs two fully connected layers in parallel, performs region classification and border regression on the candidate frame, and outputs the location of the target in the image and its category and confidence;
步骤3)构建训练RPN网络的代价函数和训练Fast R-CNN网络的代价函数:Step 3) Construct the cost function of training RPN network and the cost function of training Fast R-CNN network:
本实施例中训练RPN网络的代价函数为:The cost function of training the RPN network in this embodiment is:
Figure PCTCN2019092749-appb-000001
Figure PCTCN2019092749-appb-000001
其中,锚点与ground truth(即标定过的真实数据)的交并比(Intersection over Union,IoU)最大或不低于0.7的标为正样本,P i为预测置信度;
Figure PCTCN2019092749-appb-000002
为标注值,取1时表示正样本,取0时表示负样本;i表示锚点的索引;N cls为锚点总数量;N reg为正样本的数量;t i为预测的锚点边界框修正值;
Figure PCTCN2019092749-appb-000003
为实际的锚点边界框修正值;L cls为分类代价;L reg为边框回归代价;λ为平衡权重;
Among them, the anchor point and the ground truth (ie, the calibrated real data) have the largest Intersection over Union (IoU) or not less than 0.7 marked as positive samples, and P i is the prediction confidence;
Figure PCTCN2019092749-appb-000002
Is the label value, when it is 1, it means positive sample, and when it is 0, it means negative sample; i means the index of anchor point; N cls is the total number of anchor points; N reg is the number of positive samples; t i is the predicted anchor point bounding box Correction value
Figure PCTCN2019092749-appb-000003
Is the actual anchor point bounding box correction value; L cls is the classification cost; L reg is the border regression cost; λ is the balance weight;
本实施例中训练Fast R-CNN网络的代价函数为:The cost function of training the Fast R-CNN network in this embodiment is:
L(p,u,t u,v)=L cls(p,u)+λ[u≥1]L reg(t u,v) L(p,u,t u ,v)=L cls (p,u)+λ[u≥1]L reg (t u ,v)
其中,u为第u类;t u为第u类边框回归预测的修正值;v为实际修正值;L cls为分类代价;L reg为边框回归代价;λ为平衡权重; Among them, u is the u-th category; tu is the correction value of the u-th frame regression prediction; v is the actual correction value; L cls is the classification cost; L reg is the frame regression cost; λ is the balance weight;
步骤4)使用标准的ZF模型训练和微调网络的各项参数,通过从设定的标准方差的零均值高斯分布中提取权重来随机初始化所有新层;Step 4) Use a standard ZF model to train and fine-tune the parameters of the network, and randomly initialize all new layers by extracting weights from the zero-mean Gaussian distribution of the set standard deviation;
步骤5)利用反向传播算法和随机梯度下降算法,采用对RPN和Fast R-CNN两个网络交替训练的方式对模型进行训练,依次调整每层神经网络的权值,网络初始学习率设为0.01,最低学习率设为0.0001,动量设置为0.9,权重衰减系数为0.0005,Dropout值设置为0.5,具体步骤如下:Step 5) Use back propagation algorithm and stochastic gradient descent algorithm to train the model by alternately training RPN and Fast R-CNN networks, adjust the weights of each layer of neural network in turn, and set the initial network learning rate to 0.01, the minimum learning rate is set to 0.0001, the momentum is set to 0.9, the weight attenuation coefficient is set to 0.0005, and the dropout value is set to 0.5. The specific steps are as follows:
(1)采用反向传播算法和随机梯度算法训练RPN模型,该阶段迭代80000次;(1) Use back propagation algorithm and stochastic gradient algorithm to train RPN model, and iterate 80,000 times in this stage;
(2)使用RPN生成的候选框作为Fast R-CNN的输入,并进行独立训练,该阶段迭代40000次;(2) Use the candidate frame generated by RPN as the input of Fast R-CNN, and conduct independent training, and iterate 40,000 times in this stage;
(3)利用(2)中的结果对RPN网络结构进行初始化,固定共享卷积层(将共享卷积层的学习率设置为0),更新RPN网络的参数,该阶段迭代80000次;(3) Use the results in (2) to initialize the RPN network structure, fix the shared convolutional layer (set the learning rate of the shared convolutional layer to 0), update the parameters of the RPN network, and iterate 80,000 times in this stage;
(4)固定共享卷积层(将共享卷积层的学习率设置为0),微调Fast R-CNN网络结构,更新其全连接层的参数,该阶段迭代40000次;(4) Fix the shared convolutional layer (set the learning rate of the shared convolutional layer to 0), fine-tune the Fast R-CNN network structure, update the parameters of its fully connected layer, and iterate 40,000 times in this stage;
步骤6)使用训练集测试初步训练好的Faster R-CNN模型,根据 本发明的难样本判别公式筛选出难样本;Step 6) Use the training set to test the pre-trained Faster R-CNN model, and select difficult samples according to the difficult sample discrimination formula of the present invention;
步骤7)将步骤6)中产生的难样本加入训练集中,对网络再次进行训练,重复步骤5),从而加强网络对难样本的判别能力,最终得到最优的Faster R-CNN模型;训练过程可参见图2。Step 7) Add the difficult samples generated in step 6) to the training set, train the network again, repeat step 5) to strengthen the network's ability to discriminate difficult samples, and finally get the best Faster R-CNN model; training process See Figure 2.
步骤8)对实际中采集的车载视频图像进行处理,输入训练好的Faster R-CNN模型中,输出该图像中目标类别、置信度以及目标位置。Step 8) Process the vehicle-mounted video image collected in practice, input it into the trained Faster R-CNN model, and output the target category, confidence and target position in the image.
本发明能够充分考虑Faster R-CNN算法存在的小目标漏检问题,通过深度图像特征融合和难样本挖掘方法,提高复杂交通场景中车辆识别的准确率。The present invention can fully consider the problem of missed detection of small targets in the Faster R-CNN algorithm, and improve the accuracy of vehicle recognition in complex traffic scenes through deep image feature fusion and difficult sample mining methods.
本发明使用的基于卷积神经网络的目标检测算法可以在灵活的训练数据的情况下,根据不同需求学习有效的特征来完成具体的检测任务。R-CNN算法是基于候选框建议与卷积神经网络相结合的一种目标检测算法,由于区域建议算法产生的数量众多的建议候选框以及较大的时间开销,该算法在实时性和准确性方面仍有较大的提升空间。利用共享卷积网络来提取建议候选框的Faster R-CNN算法在实时性上得到了明显的提升,该算法抛弃了传统的区域建议算法,使用深度网络中的卷积层来提取候选框,节约了大量时间开销,但在小目标较多以及较复杂的场景中,漏检的情况较为严重,仍有较大的改进空间。The target detection algorithm based on the convolutional neural network used in the present invention can learn effective features according to different requirements under the condition of flexible training data to complete specific detection tasks. The R-CNN algorithm is a target detection algorithm based on the combination of candidate frame suggestions and convolutional neural networks. Due to the large number of recommended candidate frames generated by the region recommendation algorithm and the large time overhead, the algorithm is in real-time and accuracy. There is still a lot of room for improvement. The Faster R-CNN algorithm, which uses the shared convolutional network to extract the suggested candidate frames, has been significantly improved in real-time. The algorithm discards the traditional region suggestion algorithm and uses the convolutional layer in the deep network to extract the candidate frames, saving A lot of time is spent, but in scenes with more small targets and more complex, the missed detection is more serious, and there is still much room for improvement.
以上所述仅是本发明的优选实施方式,应当指出,对于本技术领域的普通技术人员来说,在不脱离本发明技术原理的前提下,还可以做出若干改进和变形,这些改进和变形也应视为本发明的保护范围。The above are only the preferred embodiments of the present invention. It should be pointed out that for those of ordinary skill in the art, without departing from the technical principles of the present invention, several improvements and modifications can be made. These improvements and modifications It should also be regarded as the protection scope of the present invention.

Claims (10)

  1. 一种基于深度学习的车载视频目标检测方法,其特征是,包括如下步骤:A vehicle-mounted video target detection method based on deep learning is characterized by including the following steps:
    步骤1)将深度坐标下的像素对齐到彩色坐标下;再将深度图像和彩色图像各自通过CNN进行特征提取,并将各自卷积层输出的特征图在通道维度上进行串联融合得到最终的RGB-D特征作为卷积后的卷积特征映射;Step 1) Align the pixels under the depth coordinates to the color coordinates; then extract the features of the depth image and the color image through CNN respectively, and concatenate the feature maps output by the respective convolutional layers in the channel dimension to obtain the final RGB -D feature as the convolution feature map after convolution;
    构建区域建议网络RPN,所述区域建议网络RPN包括一个3×3的卷积层和两个1×1的并行卷积层;将融合后的卷积特征映射输入3×3的卷积层,在输入的特征映射上以像素为单位滑动预设大小的网络,则每个滑动位置产生特定尺度的锚点;Construct a regional suggestion network RPN, which includes a 3×3 convolutional layer and two 1×1 parallel convolutional layers; input the merged convolution feature map into a 3×3 convolutional layer, Slide a network with a preset size in pixels on the input feature map, and each sliding position will generate an anchor point of a specific scale;
    将产生的锚点输入两个1×1的并行卷积层进行位置回归和前后景判断,分别输出锚点的前后景置信度和所有候选框位置并按照预设条件从所得的矩形后选框中筛选满足特定条件的预设数量的区域,得到最终的区域建议集合C;Input the generated anchor points into two 1×1 parallel convolutional layers for position regression and foreground and background judgment, respectively output the anchor point’s foreground and background confidence and the position of all candidate frames, and select frames from the resulting rectangle according to preset conditions Select a preset number of areas that meet specific conditions in the, and obtain the final area suggestion set C;
    步骤2)构建Fast R-CNN模型:Step 2) Construct Fast R-CNN model:
    所述Fast R-CNN模型由两个ROI池化层、一个全连接层和两个并联的全连接层组成,分别输出该区域的置信度以及边框回归之后的候选框位置;将融合后的卷积特征输入Fast R-CNN模型,输出图像中目标的位置及其类别和置信度;The Fast R-CNN model is composed of two ROI pooling layers, a fully connected layer, and two parallel fully connected layers. The confidence of the region and the position of the candidate frame after the border regression are respectively output; the merged volume The product features are input to the Fast R-CNN model, and the position of the target in the output image and its category and confidence are output;
    步骤3):构建训练RPN网络的代价函数和训练Fast R-CNN网络的代价函数;Step 3): Construct the cost function for training the RPN network and the cost function for training the Fast R-CNN network;
    步骤4)使用标准的ZF模型训练和微调网络的各项参数,通过从设定的标准方差的零均值高斯分布中提取权重来随机初始化所有新层;Step 4) Use a standard ZF model to train and fine-tune the parameters of the network, and randomly initialize all new layers by extracting weights from the zero-mean Gaussian distribution of the set standard deviation;
    步骤5)利用反向传播算法和随机梯度下降算法,采用对RPN和Fast R-CNN两个网络交替训练的方式对模型进行训练,根据预先设置的参数依次调整每层神经网络的权值;Step 5) Use the back propagation algorithm and the stochastic gradient descent algorithm to train the model by alternately training the RPN and Fast R-CNN networks, and adjust the weight of each layer of neural network in turn according to the preset parameters;
    步骤6)使用预先获得的训练集测试初步训练好的Faster R-CNN模型,根据难样本的判别公式筛选出难样本;Step 6) Use the pre-obtained training set to test the pre-trained Faster R-CNN model, and screen out difficult samples according to the discriminant formula of difficult samples;
    步骤7)将步骤6)中产生的难样本加入训练集中,对网络再次进行训练,重复步骤5)-步骤7),得到最优的Faster R-CNN模型;Step 7) Add the difficult samples generated in step 6) to the training set, train the network again, repeat steps 5)-step 7) to obtain the optimal Faster R-CNN model;
    步骤8)对实际中采集的车载视频图像进行处理,输入训练好的Faster R-CNN模型中,输出该图像中目标类别、置信度以及目标位置。Step 8) Process the vehicle-mounted video image collected in practice, input it into the trained Faster R-CNN model, and output the target category, confidence and target position in the image.
  2. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,所述步骤2)中所述RGB-D特征作为RPN和Fast R-CNN共享的卷积特征映射,其矩阵形式为:A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the RGB-D feature in step 2) is used as a convolution feature map shared by RPN and Fast R-CNN, which The matrix form is:
    Figure PCTCN2019092749-appb-100001
    Figure PCTCN2019092749-appb-100001
    其中,i,j,k为中间变量,i~[0,h-1],j~[0,w-1],k~[0,2c-1],h为特征图的高,w为特征图的宽,c为RGB三个通道;Y RGB(i,j,k)是通道串联后的图像特征;Y depth(i,j,k-c)是彩色图像特征;Y merge(i,j,k)是深度图像特征。 Among them, i, j, k are intermediate variables, i~[0,h-1], j~[0,w-1], k~[0,2c-1], h is the height of the feature map, and w is The width of the feature map, c is the three channels of RGB; Y RGB (i,j,k) is the image feature after channel concatenation; Y depth (i,j,kc) is the color image feature; Y merge (i,j, k) is the depth image feature.
  3. 根据权利要求1所述的一种基于深度学习的车载视频目标检 测方法,其特征是,所述训练RPN网络的代价函数为:A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the cost function of training RPN network is:
    Figure PCTCN2019092749-appb-100002
    Figure PCTCN2019092749-appb-100002
    其中,将与标定过的真实数据的交并比最大或不低于0.7的锚点标为正样本,P i为预测置信度;
    Figure PCTCN2019092749-appb-100003
    为标注值,取1时表示正样本,取0时表示负样本;i表示锚点的索引;N cls为锚点总数量;N reg为正样本的数量;t i为预测的锚点边界框修正值;
    Figure PCTCN2019092749-appb-100004
    为实际的锚点边界框修正值;L cls为分类代价;L reg为边框回归代价;λ为平衡权重。
    Among them, the anchor point with the largest intersection ratio with the calibrated real data or not less than 0.7 is marked as a positive sample, and P i is the prediction confidence;
    Figure PCTCN2019092749-appb-100003
    Is the label value, when it is 1, it means positive sample, and when it is 0, it means negative sample; i means the index of anchor point; N cls is the total number of anchor points; N reg is the number of positive samples; t i is the predicted anchor point bounding box Correction value
    Figure PCTCN2019092749-appb-100004
    Is the actual anchor bounding box correction value; L cls is the classification cost; L reg is the border regression cost; λ is the balance weight.
  4. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,所述训练Fast R-CNN网络的代价函数为:A vehicle-mounted video target detection method based on deep learning according to claim 1, characterized in that the cost function of training the Fast R-CNN network is:
    L(p,u,t u,v)=L cls(p,u)+λ[u≥1]L reg(t u,v) L(p,u,t u ,v)=L cls (p,u)+λ[u≥1]L reg (t u ,v)
    其中,u为第u类;t u为第u类边框回归预测的修正值;v为实际修正值;L reg为边框回归代价,p是分类预测结果。 Among them, u is the u-th category; tu is the correction value of the u-th frame regression prediction; v is the actual correction value; L reg is the frame regression cost and p is the classification prediction result.
  5. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,所述步骤6)中,所述难样本判别函数如下:A vehicle-mounted video target detection method based on deep learning according to claim 1, characterized in that, in said step 6), said difficult sample discriminant function is as follows:
    L(o,p)=L IoU(o)+L score(p), L(o,p)=L IoU (o)+L score (p),
    Figure PCTCN2019092749-appb-100005
    Figure PCTCN2019092749-appb-100005
    L score(p)=(1-p), L score (p)=(1-p),
    其中,L IoU为边框误差;L score为分类误差;o为样本与目标的相交率;k为对阈值的敏感系数;o和p的取值范围均为0~1。 Among them, L IoU is the frame error; L score is the classification error; o is the intersection rate between the sample and the target; k is the sensitivity coefficient to the threshold; the value ranges of o and p are both 0 to 1.
  6. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,步骤5)的具体步骤如下:A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the specific steps of step 5) are as follows:
    (1)采用反向传播算法和随机梯度算法训练RPN模型,该阶段迭代80000次;(1) Use back propagation algorithm and stochastic gradient algorithm to train RPN model, and iterate 80,000 times in this stage;
    (2)使用RPN生成的候选框作为Fast R-CNN的输入,并进行独立训练,该阶段迭代40000次;(2) Use the candidate frame generated by RPN as the input of Fast R-CNN, and conduct independent training, and iterate 40,000 times in this stage;
    (3)利用(2)中的结果对RPN网络结构进行初始化,固定共享卷积层(将共享卷积层的学习率设置为0),更新RPN网络的参数,该阶段迭代80000次;(3) Use the results in (2) to initialize the RPN network structure, fix the shared convolutional layer (set the learning rate of the shared convolutional layer to 0), update the parameters of the RPN network, and iterate 80,000 times in this stage;
    (4)固定共享卷积层(将共享卷积层的学习率设置为0),微调Fast R-CNN网络结构,更新其全连接层的参数,该阶段迭代40000次。(4) Fix the shared convolutional layer (set the learning rate of the shared convolutional layer to 0), fine-tune the Fast R-CNN network structure, update the parameters of its fully connected layer, and iterate 40,000 times in this stage.
  7. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,步骤5)中参数设定包括网络初始学习率设为0.01,最低学习率设为0.0001,动量设置为0.9,权重衰减系数为0.0005,Dropout值设置为0.5。A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the parameter setting in step 5) includes the initial network learning rate is set to 0.01, the minimum learning rate is set to 0.0001, and the momentum is set to 0.9 , The weight attenuation coefficient is 0.0005, and the Dropout value is set to 0.5.
  8. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,预先获得训练集和测试集的方法包括如下步骤:A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the method of obtaining a training set and a test set in advance comprises the following steps:
    使用KITTI数据集构建训练样本集和测试样本集;Use KITTI data set to construct training sample set and test sample set;
    按照PASCAL VOC格式转换KITTI的类别,将KITTI数据集分为车辆、行人和交通3种类别;According to the PASCAL VOC format conversion KITTI category, the KITTI data set is divided into three categories: vehicle, pedestrian and traffic;
    转换标注信息:将标注文件从txt转化为xml,去掉标注中的其他信息,只留下3类;最后,生成训练验证集和测试集。Convert annotation information: Convert the annotation file from txt to xml, remove other information in the annotation, and leave only 3 categories; finally, generate the training validation set and the test set.
  9. 根据权利要求1所述的一种基于深度学习的车载视频目标检 测方法,其特征是,筛选出满足特定条件的预设数量的区域的方法如下:A vehicle-mounted video target detection method based on deep learning according to claim 1, characterized in that the method of filtering out a preset number of regions meeting specific conditions is as follows:
    将所得的矩形候选框按照softmax的得分进行降序排序,保留前2000个区域,再进一步用非极大值抑制算法筛选出前景置信度最高的前特定数量的区域。The obtained rectangular candidate boxes are sorted in descending order according to the softmax score, the first 2000 regions are retained, and the non-maximum suppression algorithm is further used to filter out the first specific number of regions with the highest foreground confidence.
  10. 根据权利要求1所述的一种基于深度学习的车载视频目标检测方法,其特征是,步骤4)所述设定的标准方差为0.01。A vehicle-mounted video target detection method based on deep learning according to claim 1, wherein the standard deviation set in step 4) is 0.01.
PCT/CN2019/092749 2019-03-12 2019-06-25 Vehicle-mounted video target detection method based on deep learning WO2020181685A1 (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
JP2021502766A JP7120689B2 (en) 2019-03-12 2019-06-25 In-Vehicle Video Target Detection Method Based on Deep Learning

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201910185300.4 2019-03-12
CN201910185300.4A CN109977812B (en) 2019-03-12 2019-03-12 Vehicle-mounted video target detection method based on deep learning

Publications (1)

Publication Number Publication Date
WO2020181685A1 true WO2020181685A1 (en) 2020-09-17

Family

ID=67078633

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2019/092749 WO2020181685A1 (en) 2019-03-12 2019-06-25 Vehicle-mounted video target detection method based on deep learning

Country Status (3)

Country Link
JP (1) JP7120689B2 (en)
CN (1) CN109977812B (en)
WO (1) WO2020181685A1 (en)

Cited By (213)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112115913A (en) * 2020-09-28 2020-12-22 杭州海康威视数字技术股份有限公司 Image processing method, device and equipment and storage medium
CN112132804A (en) * 2020-09-22 2020-12-25 苏州巨能图像检测技术有限公司 Anti-lifting detection method for hub of hub truck
CN112132042A (en) * 2020-09-24 2020-12-25 西安电子科技大学 SAR image target detection method based on anti-domain adaptation
CN112164017A (en) * 2020-09-27 2021-01-01 中国兵器工业集团第二一四研究所苏州研发中心 Deep learning-based polarization colorization method
CN112183485A (en) * 2020-11-02 2021-01-05 北京信息科技大学 Deep learning-based traffic cone detection positioning method and system and storage medium
CN112183274A (en) * 2020-09-21 2021-01-05 深圳中兴网信科技有限公司 Mud car detection method and computer-readable storage medium
CN112200803A (en) * 2020-11-04 2021-01-08 成都朴华科技有限公司 Method and device for detecting maturity of sperm nucleoprotein
CN112215128A (en) * 2020-10-09 2021-01-12 武汉理工大学 FCOS-fused R-CNN urban road environment identification method and device
CN112232214A (en) * 2020-10-16 2021-01-15 天津大学 Real-time target detection method based on depth feature fusion and attention mechanism
CN112233090A (en) * 2020-10-15 2021-01-15 浙江工商大学 Film flaw detection method based on improved attention mechanism
CN112233175A (en) * 2020-09-24 2021-01-15 西安交通大学 Chip positioning method based on YOLOv3-tiny algorithm and integrated positioning platform
CN112241718A (en) * 2020-10-23 2021-01-19 北京百度网讯科技有限公司 Vehicle information detection method, detection model training method and device
CN112287854A (en) * 2020-11-02 2021-01-29 湖北大学 Building indoor personnel detection method and system based on deep neural network
CN112329871A (en) * 2020-11-11 2021-02-05 河北工业大学 Pulmonary nodule detection method based on self-correction convolution and channel attention mechanism
CN112329588A (en) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 Pipeline fault detection method based on fast R-CNN
CN112330591A (en) * 2020-09-30 2021-02-05 中国铁道科学研究院集团有限公司 Steel rail surface defect detection method and device capable of achieving sample-less learning
CN112329558A (en) * 2020-10-22 2021-02-05 上海交通大学 FeO content prediction method based on sintering machine tail section video
CN112364687A (en) * 2020-09-29 2021-02-12 上善智城(苏州)信息科技有限公司 Improved Faster R-CNN gas station electrostatic sign identification method and system
CN112380962A (en) * 2020-11-11 2021-02-19 成都摘果子科技有限公司 Animal image identification method and system based on deep learning
CN112381005A (en) * 2020-11-17 2021-02-19 温州大学 Safety helmet detection system for complex scene
CN112396582A (en) * 2020-11-16 2021-02-23 南京工程学院 Mask RCNN-based equalizing ring skew detection method
CN112395987A (en) * 2020-11-18 2021-02-23 西安电子科技大学 SAR image target detection method based on unsupervised domain adaptive CNN
CN112396017A (en) * 2020-11-27 2021-02-23 上海建科工程咨询有限公司 Engineering potential safety hazard identification method and system based on image identification
CN112417981A (en) * 2020-10-28 2021-02-26 大连交通大学 Complex battlefield environment target efficient identification method based on improved FasterR-CNN
CN112418114A (en) * 2020-11-27 2021-02-26 广州华多网络科技有限公司 Time sequence behavior detection and response method and device, equipment and medium
CN112418117A (en) * 2020-11-27 2021-02-26 北京工商大学 Small target detection method based on unmanned aerial vehicle image
CN112434740A (en) * 2020-11-26 2021-03-02 西北大学 Depth learning-based Qin tomb warriors fragment classification method
CN112434745A (en) * 2020-11-27 2021-03-02 西安电子科技大学 Occlusion target detection and identification method based on multi-source cognitive fusion
CN112464851A (en) * 2020-12-08 2021-03-09 国网陕西省电力公司电力科学研究院 Smart power grid foreign matter intrusion detection method and system based on visual perception
CN112488229A (en) * 2020-12-10 2021-03-12 西安交通大学 Domain self-adaptive unsupervised target detection method based on feature separation and alignment
CN112488066A (en) * 2020-12-18 2021-03-12 航天时代飞鸿技术有限公司 Real-time target detection method under unmanned aerial vehicle multi-machine cooperative reconnaissance
CN112507862A (en) * 2020-12-04 2021-03-16 东风汽车集团有限公司 Vehicle orientation detection method and system based on multitask convolutional neural network
CN112507898A (en) * 2020-12-14 2021-03-16 重庆邮电大学 Multi-modal dynamic gesture recognition method based on lightweight 3D residual error network and TCN
CN112508091A (en) * 2020-12-03 2021-03-16 大连海事大学 Low-quality image classification method based on convolutional neural network
CN112528995A (en) * 2020-12-22 2021-03-19 北京百度网讯科技有限公司 Method for training target detection model, target detection method and device
CN112528862A (en) * 2020-12-10 2021-03-19 西安电子科技大学 Remote sensing image target detection method based on improved cross entropy loss function
CN112528782A (en) * 2020-11-30 2021-03-19 北京农业信息技术研究中心 Underwater fish target detection method and device
CN112541389A (en) * 2020-09-29 2021-03-23 西安交通大学 Power transmission line fault detection method based on EfficientDet network
CN112556682A (en) * 2021-02-07 2021-03-26 天津蓝鳍海洋工程有限公司 Automatic target detection algorithm for underwater composite sensor
CN112580424A (en) * 2020-09-29 2021-03-30 长安大学 Polarization characteristic multi-scale pooling classification algorithm for complex vehicle road environment
CN112580647A (en) * 2020-12-11 2021-03-30 湖北工业大学 Stacked object oriented identification method and system
CN112580778A (en) * 2020-11-25 2021-03-30 江苏集萃未来城市应用技术研究所有限公司 Job worker mobile phone use detection method based on YOLOv5 and Pose-animation
CN112598165A (en) * 2020-12-11 2021-04-02 湖南大学 Private car data-based urban functional area transfer flow prediction method and device
CN112633177A (en) * 2020-12-24 2021-04-09 浙江大学 Lane line detection segmentation method based on attention space convolution neural network
CN112651458A (en) * 2020-12-31 2021-04-13 深圳云天励飞技术股份有限公司 Method and device for training classification model, electronic equipment and storage medium
CN112668536A (en) * 2021-01-06 2021-04-16 北京理工大学 Lightweight rotating target detection and identification method based on airborne photoelectric video
CN112669312A (en) * 2021-01-12 2021-04-16 中国计量大学 Chest radiography pneumonia detection method and system based on depth feature symmetric fusion
CN112668696A (en) * 2020-12-25 2021-04-16 杭州中科先进技术研究院有限公司 Unmanned aerial vehicle power grid inspection method and system based on embedded deep learning
CN112686188A (en) * 2021-01-05 2021-04-20 西安理工大学 Front windshield and driver region positioning method based on deep learning method
CN112699782A (en) * 2020-12-29 2021-04-23 杭州电子科技大学 Radar HRRP target identification method based on N2N and Bert
CN112712503A (en) * 2020-12-30 2021-04-27 厦门福信光电集成有限公司 Display panel appearance detection method based on deep learning
CN112733742A (en) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 Deep learning-based fault detection method for round pin of lower pull rod of railway wagon
CN112733741A (en) * 2021-01-14 2021-04-30 苏州挚途科技有限公司 Traffic signboard identification method and device and electronic equipment
CN112766188A (en) * 2021-01-25 2021-05-07 浙江科技学院 Small-target pedestrian detection method based on improved YOLO algorithm
CN112766274A (en) * 2021-02-01 2021-05-07 长沙市盛唐科技有限公司 Water gauge image water level automatic reading method and system based on Mask RCNN algorithm
CN112766170A (en) * 2021-01-21 2021-05-07 广西财经学院 Self-adaptive segmentation detection method and device based on cluster unmanned aerial vehicle image
CN112784723A (en) * 2021-01-14 2021-05-11 金陵科技学院 Road traffic safety protection model based on IFast-RCNN algorithm
CN112802006A (en) * 2021-02-07 2021-05-14 南通大学 Deep learning-based edge calculation motor oil stain identification method
CN112801187A (en) * 2021-01-29 2021-05-14 广东省科学院智能制造研究所 Hyperspectral data analysis method and system based on attention mechanism and ensemble learning
CN112818932A (en) * 2021-02-26 2021-05-18 北京车和家信息技术有限公司 Image processing method, obstacle detection device, medium, and vehicle
CN112818837A (en) * 2021-01-29 2021-05-18 山东大学 Aerial photography vehicle weight recognition method based on attitude correction and difficult sample perception
CN112837315A (en) * 2021-03-05 2021-05-25 云南电网有限责任公司电力科学研究院 Transmission line insulator defect detection method based on deep learning
CN112835008A (en) * 2021-01-12 2021-05-25 西安电子科技大学 High-resolution range profile target identification method based on attitude self-adaptive convolutional network
CN112861932A (en) * 2021-01-21 2021-05-28 上海应用技术大学 Track slab crack detection method
CN112861849A (en) * 2020-12-29 2021-05-28 北京航空航天大学 Tissue identification method in spinal deformity correction surgery
CN112861700A (en) * 2021-02-03 2021-05-28 西安仁义智机电科技有限公司 DeepLabv3+ based lane line network identification model establishment and vehicle speed detection method
CN112884213A (en) * 2021-02-02 2021-06-01 华北电力大学 Coal-fired boiler NOx prediction method based on wavelet decomposition and dynamic hybrid deep learning
CN112907621A (en) * 2021-02-24 2021-06-04 华南理工大学 Moving object extraction method based on difference and semantic information fusion
CN112926457A (en) * 2021-02-26 2021-06-08 中国电子科技集团公司第二十八研究所 SAR image recognition method based on fusion frequency domain and space domain network model
CN112926652A (en) * 2021-02-25 2021-06-08 青岛科技大学 Fish fine-grained image identification method based on deep learning
CN112927264A (en) * 2021-02-25 2021-06-08 华南理工大学 Unmanned aerial vehicle tracking shooting system and RGBD tracking method thereof
CN112949849A (en) * 2021-01-27 2021-06-11 武汉星巡智能科技有限公司 Method and device for optimizing intelligent camera detection model by adopting edge calculation
CN112966747A (en) * 2021-03-04 2021-06-15 北京联合大学 Improved vehicle detection method based on anchor-frame-free detection network
CN112966598A (en) * 2021-03-04 2021-06-15 河南大学 Hyperspectral image classification method of dual-path small convolution network
CN112966611A (en) * 2021-03-09 2021-06-15 中国科学技术大学 Energy trace noise self-adaption method of DWT attention mechanism
CN112986210A (en) * 2021-02-10 2021-06-18 四川大学 Scale-adaptive microbial Raman spectrum detection method and system
CN112990230A (en) * 2021-03-12 2021-06-18 西安电子科技大学 Spectral image compression reconstruction method based on two-stage grouping attention residual error mechanism
CN112990065A (en) * 2021-03-31 2021-06-18 上海海事大学 Optimized YOLOv5 model-based vehicle classification detection method
CN113011338A (en) * 2021-03-19 2021-06-22 华南理工大学 Lane line detection method and system
CN113011417A (en) * 2021-01-08 2021-06-22 湖南大学 Target matching method based on intersection ratio coverage rate loss and repositioning strategy
CN113033609A (en) * 2021-02-16 2021-06-25 浙江大学 SAR image classification method based on multitask DCGAN
CN113032612A (en) * 2021-03-12 2021-06-25 西北大学 Construction method of multi-target image retrieval model, retrieval method and device
CN113076898A (en) * 2021-04-09 2021-07-06 长安大学 Traffic vehicle target detection method, device, equipment and readable storage medium
CN113077491A (en) * 2021-04-02 2021-07-06 安徽大学 RGBT target tracking method based on cross-modal sharing and specific representation form
CN113095152A (en) * 2021-03-18 2021-07-09 西安交通大学 Lane line detection method and system based on regression
CN113095417A (en) * 2021-04-16 2021-07-09 西安电子科技大学 SAR target recognition method based on fusion graph convolution and convolution neural network
CN113128335A (en) * 2021-03-09 2021-07-16 西北大学 Method, system and application for detecting, classifying and discovering micro-body paleontological fossil image
CN113128563A (en) * 2021-03-23 2021-07-16 武汉泰沃滋信息技术有限公司 High-speed engineering vehicle detection method, device, equipment and storage medium
CN113129225A (en) * 2021-03-09 2021-07-16 西安理工大学 Computed ghost imaging reconstruction recovery method based on Dense Net network
CN113139615A (en) * 2021-05-08 2021-07-20 北京联合大学 Unmanned environment target detection method based on embedded equipment
CN113139497A (en) * 2021-05-08 2021-07-20 广东工业大学 System and method for identifying water surface object and application based on 5G MEC
CN113159159A (en) * 2021-04-15 2021-07-23 东北大学 Small sample image classification method based on improved CNN
CN113159021A (en) * 2021-03-10 2021-07-23 国网河北省电力有限公司 Text detection method based on context information
CN113191235A (en) * 2021-04-22 2021-07-30 上海东普信息科技有限公司 Sundry detection method, device, equipment and storage medium
CN113205026A (en) * 2021-04-26 2021-08-03 武汉大学 Improved vehicle type recognition method based on fast RCNN deep learning network
CN113221668A (en) * 2021-04-20 2021-08-06 西安翔迅科技有限责任公司 Frame extraction method in wind generating set blade video monitoring
CN113221993A (en) * 2021-05-06 2021-08-06 西安电子科技大学 Large-view-field small-sample target detection method based on meta-learning and cross-stage hourglass
CN113240050A (en) * 2021-06-08 2021-08-10 南京师范大学 Metal printing molten pool detection method with adjustable feature fusion weight
CN113240039A (en) * 2021-05-31 2021-08-10 西安电子科技大学 Small sample target detection method and system based on spatial position characteristic reweighting
CN113240017A (en) * 2021-05-18 2021-08-10 西安理工大学 Multispectral and panchromatic image classification method based on attention mechanism
CN113239899A (en) * 2021-06-17 2021-08-10 阿波罗智联(北京)科技有限公司 Method for processing image and generating convolution kernel, road side equipment and cloud control platform
CN113255797A (en) * 2021-06-02 2021-08-13 通号智慧城市研究设计院有限公司 Dangerous goods detection method and system based on deep learning model
CN113255737A (en) * 2021-04-30 2021-08-13 超节点创新科技(深圳)有限公司 Method for sorting stacked luggage on civil aviation sorting line, electronic equipment and storage medium
CN113256507A (en) * 2021-04-01 2021-08-13 南京信息工程大学 Attention enhancement method for generating image aiming at binary flux data
CN113269073A (en) * 2021-05-19 2021-08-17 青岛科技大学 Ship multi-target tracking method based on YOLO V5 algorithm
CN113313058A (en) * 2021-06-16 2021-08-27 北京航空航天大学 Unmanned aerial vehicle aerial image target detection method based on self-adaptive model integration
CN113327227A (en) * 2021-05-10 2021-08-31 桂林理工大学 Rapid wheat head detection method based on MobilenetV3
CN113343821A (en) * 2021-05-31 2021-09-03 合肥工业大学 Non-contact heart rate measurement method based on space-time attention network and input optimization
CN113343863A (en) * 2021-06-11 2021-09-03 北京邮电大学 Fusion characterization network model training method, fingerprint characterization method and equipment thereof
CN113362389A (en) * 2021-06-08 2021-09-07 长安大学 Shield tunnel deformation prediction method based on CNN-RNN coupling number-shape fusion
CN113361483A (en) * 2021-07-07 2021-09-07 合肥英睿系统技术有限公司 Traffic speed limit sign detection method, device, equipment and storage medium
CN113378936A (en) * 2021-06-11 2021-09-10 长沙军民先进技术研究有限公司 Small sample target detection method based on fast RCNN
CN113379761A (en) * 2021-05-25 2021-09-10 广州市东崇科技有限公司 Multi-AGV and automatic door linkage method and system based on artificial intelligence
CN113378918A (en) * 2021-06-09 2021-09-10 武汉大学 Insulator binding wire state detection method based on metric learning
CN113408423A (en) * 2021-06-21 2021-09-17 西安工业大学 Aquatic product target real-time detection method suitable for TX2 embedded platform
CN113408584A (en) * 2021-05-19 2021-09-17 成都理工大学 RGB-D multi-modal feature fusion 3D target detection method
CN113421235A (en) * 2021-06-17 2021-09-21 中国电子科技集团公司第四十一研究所 Cigarette positioning device and method based on deep learning
CN113421222A (en) * 2021-05-21 2021-09-21 西安科技大学 Lightweight coal gangue target detection method
CN113420643A (en) * 2021-06-21 2021-09-21 西北工业大学 Lightweight underwater target detection method based on depth separable cavity convolution
CN113449738A (en) * 2021-07-06 2021-09-28 国网信息通信产业集团有限公司 Priori frame parameter adaptive improved FRC detection method based on sample characteristics
CN113449675A (en) * 2021-07-12 2021-09-28 西安科技大学 Coal mine personnel border crossing detection method
CN113469071A (en) * 2021-07-06 2021-10-01 西安科技大学 Video detection method for foreign matters in coal conveying belt for embedded equipment
CN113468967A (en) * 2021-06-02 2021-10-01 北京邮电大学 Lane line detection method, device, equipment and medium based on attention mechanism
CN113484908A (en) * 2021-08-25 2021-10-08 成都理工大学 Missing seismic data reconstruction method with partial convolution and attention mechanism fused with deep learning network
CN113506317A (en) * 2021-06-07 2021-10-15 北京百卓网络技术有限公司 Multi-target tracking method based on Mask R-CNN and apparent feature fusion
CN113534146A (en) * 2021-07-26 2021-10-22 中国人民解放军海军航空大学 Radar video image target automatic detection method and system
CN113537119A (en) * 2021-07-28 2021-10-22 国网河南省电力公司电力科学研究院 Transmission line connecting part detection method based on improved Yolov4-tiny
CN113537105A (en) * 2021-07-23 2021-10-22 北京经纬恒润科技股份有限公司 Parking space detection method and device
CN113537098A (en) * 2021-07-21 2021-10-22 北京航空航天大学 Method for detecting and identifying impact pits in landing image
CN113569835A (en) * 2021-08-16 2021-10-29 浙江广厦建设职业技术大学 Water meter numerical value reading method based on target detection and segmentation identification
CN113591617A (en) * 2021-07-14 2021-11-02 武汉理工大学 Water surface small target detection and classification method based on deep learning
CN113592906A (en) * 2021-07-12 2021-11-02 华中科技大学 Long video target tracking method and system based on annotation frame feature fusion
CN113609911A (en) * 2021-07-07 2021-11-05 北京工业大学 Pavement disease automatic detection method and system based on deep learning
CN113643327A (en) * 2021-08-18 2021-11-12 江西理工大学 Nuclear correlation filtering target tracking method based on response confidence coefficient multi-feature fusion
CN113660484A (en) * 2021-06-29 2021-11-16 新疆朝阳商用数据传输有限公司 Audio and video attribute comparison method, system, terminal and medium based on audio and video content
CN113658131A (en) * 2021-08-16 2021-11-16 东华大学 Tour type ring spinning broken yarn detection method based on machine vision
CN113673323A (en) * 2021-07-13 2021-11-19 中国船舶重工集团公司第七一五研究所 Underwater target identification method based on multi-depth learning model joint decision system
CN113674216A (en) * 2021-07-27 2021-11-19 南京航空航天大学 Subway tunnel disease detection method based on deep learning
CN113689928A (en) * 2021-08-24 2021-11-23 平安国际智慧城市科技股份有限公司 Recommendation method, device, equipment and storage medium for maintaining and preventing disease scheme
CN113688734A (en) * 2021-08-25 2021-11-23 燕山大学 Old man falling detection method based on FPGA heterogeneous acceleration
CN113689470A (en) * 2021-09-02 2021-11-23 重庆大学 Pedestrian motion trajectory prediction method under multi-scene fusion
CN113688830A (en) * 2021-08-13 2021-11-23 湖北工业大学 Deep learning target detection method based on central point regression
CN113688740A (en) * 2021-08-26 2021-11-23 燕山大学 Indoor posture detection method based on multi-sensor fusion vision
CN113705716A (en) * 2021-09-03 2021-11-26 北京百度网讯科技有限公司 Image recognition model training method and device, cloud control platform and automatic driving vehicle
CN113705729A (en) * 2021-09-27 2021-11-26 中原动力智能机器人有限公司 Garbage classification model modeling method, garbage classification device and garbage classification medium
CN113706496A (en) * 2021-08-23 2021-11-26 中国飞机强度研究所 Aircraft structure crack detection method based on deep learning model
CN113763235A (en) * 2021-09-08 2021-12-07 北京琥珀创想科技有限公司 Method for converting picture into scanning piece and intelligent mobile terminal
CN113762200A (en) * 2021-09-16 2021-12-07 深圳大学 Mask detection method based on LFFD
CN113780462A (en) * 2021-09-24 2021-12-10 华中科技大学 Vehicle detection network establishment method based on unmanned aerial vehicle aerial image and application thereof
CN113780087A (en) * 2021-08-11 2021-12-10 同济大学 Postal parcel text detection method and equipment based on deep learning
CN113792827A (en) * 2021-11-18 2021-12-14 北京的卢深视科技有限公司 Target object recognition method, electronic device, and computer-readable storage medium
CN113792774A (en) * 2021-09-01 2021-12-14 西北工业大学 Intelligent fusion sensing method for targets in water
CN113792684A (en) * 2021-09-17 2021-12-14 中国科学技术大学 Fire-fighting robot multi-mode visual flame detection method under weak alignment condition
CN113808123A (en) * 2021-09-27 2021-12-17 杭州跨视科技有限公司 Machine vision-based dynamic detection method for liquid medicine bag
CN113807463A (en) * 2021-09-28 2021-12-17 中电万维信息技术有限责任公司 Method for detecting BI (bidirectional information) image title based on fast-RCNN (fast-RCNN)
CN113808202A (en) * 2021-08-11 2021-12-17 浙江工商大学 Multi-target detection and space positioning method and system thereof
CN113808128A (en) * 2021-10-14 2021-12-17 河北工业大学 Intelligent compaction overall process visualization control method based on relative coordinate positioning algorithm
CN113824658A (en) * 2021-09-22 2021-12-21 西华大学 Deep migration learning channel estimation method adopting DNSP scheme in OFDM system
CN113850799A (en) * 2021-10-14 2021-12-28 长春工业大学 YOLOv 5-based trace DNA extraction workstation workpiece detection method
CN113947766A (en) * 2021-12-21 2022-01-18 之江实验室 Real-time license plate detection method based on convolutional neural network
CN113947774A (en) * 2021-10-08 2022-01-18 东北大学 Lightweight vehicle target detection system
CN113962261A (en) * 2021-10-21 2022-01-21 中国人民解放军空军航空大学 Depth network model for radar signal sorting
CN114092448A (en) * 2021-11-22 2022-02-25 浙大城市学院 Plug-in electrolytic capacitor hybrid detection method based on deep learning
CN114120246A (en) * 2021-10-12 2022-03-01 吉林大学 Front vehicle detection algorithm based on complex environment
CN114419925A (en) * 2021-12-01 2022-04-29 合肥工业大学 Vehicle-road cooperative collision prevention early warning system and method
CN114445689A (en) * 2022-01-29 2022-05-06 福州大学 Multi-scale weighted fusion target detection method and system guided by target prior information
CN114519819A (en) * 2022-02-10 2022-05-20 西北工业大学 Remote sensing image target detection method based on global context awareness
CN114529951A (en) * 2022-02-22 2022-05-24 北京工业大学 On-site fingerprint feature point extraction method based on deep learning
CN114528911A (en) * 2022-01-10 2022-05-24 西北大学 Multi-label image classification method and model construction method and device for multi-branch structure
CN114565878A (en) * 2022-03-01 2022-05-31 北京赛思信安技术股份有限公司 Video marker detection method supporting type configuration
CN114692487A (en) * 2022-03-11 2022-07-01 中国电子科技集团公司第二十九研究所 Method, device, equipment and storage medium for pre-throwing electronic equipment maintenance spare parts
CN114742822A (en) * 2022-05-20 2022-07-12 青岛农业大学 Construction method and application of strawberry identification and counting model
CN114743045A (en) * 2022-03-31 2022-07-12 电子科技大学 Small sample target detection method based on double-branch area suggestion network
CN114818838A (en) * 2022-06-30 2022-07-29 中国科学院国家空间科学中心 Low signal-to-noise ratio moving point target detection method based on pixel time domain distribution learning
CN114842220A (en) * 2022-03-24 2022-08-02 西北工业大学 Unmanned aerial vehicle visual positioning method based on multi-source image matching
CN114882376A (en) * 2022-05-06 2022-08-09 自然资源部第一海洋研究所 Convolutional neural network remote sensing image target detection method based on optimal anchor point scale
CN114898327A (en) * 2022-03-15 2022-08-12 武汉理工大学 Vehicle detection method based on lightweight deep learning network
CN114913419A (en) * 2022-05-10 2022-08-16 西南石油大学 Intelligent parking target detection method and system
CN114913587A (en) * 2022-06-14 2022-08-16 合肥工业大学 Non-contact heart rate measurement uncertainty quantification method based on Bayesian deep learning
CN114943922A (en) * 2022-06-02 2022-08-26 浙大城市学院 Machine test suspicious behavior identification method based on deep learning
CN114982739A (en) * 2022-07-18 2022-09-02 江苏合力四通智能科技股份有限公司 Intelligent laser bird repelling device and method based on deep learning
CN115014748A (en) * 2022-05-31 2022-09-06 南京林业大学 Fault diagnosis method for seed cotton sorting spray valve
CN115050028A (en) * 2022-06-15 2022-09-13 松立控股集团股份有限公司 Sample vehicle license plate detection method in severe weather
CN115131622A (en) * 2022-05-22 2022-09-30 北京工业大学 Night open fire detection method based on video time sequence correlation
CN115131760A (en) * 2022-07-17 2022-09-30 西北工业大学 Lightweight vehicle tracking method based on improved feature matching strategy
CN115273044A (en) * 2022-07-15 2022-11-01 哈尔滨市科佳通用机电股份有限公司 Vehicle door damage fault identification and detection method based on improved graph convolution network
CN115294244A (en) * 2022-08-11 2022-11-04 北京理工大学 Machine learning-based honeycomb structure patterning self-adaptive filling method
CN115331086A (en) * 2022-08-17 2022-11-11 哈尔滨市科佳通用机电股份有限公司 Brake shoe breaking and rivet losing fault detection method
CN115359094A (en) * 2022-09-05 2022-11-18 珠海安联锐视科技股份有限公司 Moving target detection method based on deep learning
CN115393634A (en) * 2022-08-11 2022-11-25 重庆邮电大学 Transfer learning strategy-based small-sample target real-time detection method
WO2022252565A1 (en) * 2021-06-04 2022-12-08 浙江智慧视频安防创新中心有限公司 Target detection system, method and apparatus, and device and medium
CN115484410A (en) * 2022-09-15 2022-12-16 天津大学 Event camera video reconstruction method based on deep learning
CN115578615A (en) * 2022-10-31 2023-01-06 成都信息工程大学 Night traffic sign image detection model establishing method based on deep learning
CN115601688A (en) * 2022-12-15 2023-01-13 中译文娱科技(青岛)有限公司(Cn) Video main content detection method and system based on deep learning
CN115641510A (en) * 2022-11-18 2023-01-24 中国人民解放军战略支援部队航天工程大学士官学校 Remote sensing image ship detection and identification method
CN115953405A (en) * 2023-03-14 2023-04-11 中国科学院计算机网络信息中心 Bridge crack identification method and device for augmented reality equipment
CN116106899A (en) * 2023-04-14 2023-05-12 青岛杰瑞工控技术有限公司 Port channel small target identification method based on machine learning
CN116385953A (en) * 2023-01-11 2023-07-04 哈尔滨市科佳通用机电股份有限公司 Railway wagon door hinge breaking fault image identification method
CN116403071A (en) * 2023-03-23 2023-07-07 河海大学 Method and device for detecting few-sample concrete defects based on feature reconstruction
CN116434124A (en) * 2023-06-13 2023-07-14 江西云眼视界科技股份有限公司 Video motion enhancement detection method based on space-time filtering
CN116452878A (en) * 2023-04-20 2023-07-18 广东工业大学 Attendance checking method and system based on deep learning algorithm and binocular vision
CN116503517A (en) * 2023-06-27 2023-07-28 江西农业大学 Method and system for generating image by long text
CN116524474A (en) * 2023-07-04 2023-08-01 武汉大学 Vehicle target detection method and system based on artificial intelligence
CN116524017A (en) * 2023-03-13 2023-08-01 明创慧远科技集团有限公司 Underground detection, identification and positioning system for mine
CN116778362A (en) * 2023-06-21 2023-09-19 武汉大学 Electric power tower acceptance component identification method based on field knowledge and deep learning
CN116843907A (en) * 2023-06-26 2023-10-03 中国信息通信研究院 Enhancement and target detection method and system based on deep learning
CN116912238A (en) * 2023-09-11 2023-10-20 湖北工业大学 Weld joint pipeline identification method and system based on multidimensional identification network cascade fusion
CN116977931A (en) * 2023-07-31 2023-10-31 深圳市星河智善科技有限公司 High-altitude parabolic identification method based on deep learning
CN116993779A (en) * 2023-08-03 2023-11-03 重庆大学 Vehicle target tracking method suitable for monitoring video
CN117011772A (en) * 2023-07-31 2023-11-07 广东电网有限责任公司 Risk prompting method, device and storage medium for power transmission line
CN117237369A (en) * 2023-11-16 2023-12-15 苏州视智冶科技有限公司 Blast furnace iron notch opening depth measurement method based on computer vision
CN117372935A (en) * 2023-12-07 2024-01-09 神思电子技术股份有限公司 Video target detection method, device and medium
CN112417981B (en) * 2020-10-28 2024-04-26 大连交通大学 Efficient recognition method for complex battlefield environment targets based on improved FasterR-CNN

Families Citing this family (44)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110399884B (en) * 2019-07-10 2021-08-20 浙江理工大学 Feature fusion self-adaptive anchor frame model vehicle detection method
CN110414389A (en) * 2019-07-12 2019-11-05 黑龙江御林湾科技有限公司 A kind of object detection method of the fast area search based on deep learning
CN110464611A (en) * 2019-07-23 2019-11-19 苏州国科视清医疗科技有限公司 A kind of digitlization amblyopia enhancing training device and system and its related algorithm
CN110503112B (en) * 2019-08-27 2023-02-03 电子科技大学 Small target detection and identification method for enhancing feature learning
CN110826391A (en) * 2019-09-10 2020-02-21 中国三峡建设管理有限公司 Bleeding area detection method, bleeding area detection system, computer device and storage medium
CN110689021A (en) * 2019-10-17 2020-01-14 哈尔滨理工大学 Real-time target detection method in low-visibility environment based on deep learning
CN111091144B (en) * 2019-11-27 2023-06-27 云南电网有限责任公司电力科学研究院 Image feature point matching method and device based on depth pseudo-twin network
CN110743818A (en) * 2019-11-29 2020-02-04 苏州嘉诺环境工程有限公司 Garbage sorting system and garbage sorting method based on vision and deep learning
CN111104885A (en) * 2019-12-10 2020-05-05 南京邮电大学 Vehicle identification method based on video deep learning
CN111104903B (en) * 2019-12-19 2022-07-26 南京邮电大学 Depth perception traffic scene multi-target detection method and system
CN111145239B (en) * 2019-12-30 2022-02-11 南京航空航天大学 Aircraft fuel tank redundancy automatic detection method based on deep learning
CN111182491B (en) * 2019-12-31 2022-03-22 淮安中科晶上智能网联研究院有限公司 Radio frequency tomography-based equipment-free target positioning method and device
CN111291747B (en) * 2020-01-10 2023-06-13 大连理工大学 Depth map-based color small target detection method in complex scene
CN111444816A (en) * 2020-01-14 2020-07-24 北京银河信通科技有限公司 Multi-scale dense pedestrian detection method based on fast RCNN
CN111292349B (en) * 2020-01-17 2023-04-18 北京大学深圳研究生院 Data enhancement method for target detection based on fusion of recommendation candidate boxes
CN111310607B (en) * 2020-01-22 2021-01-01 交通运输部公路科学研究所 Highway safety risk identification method and system based on computer vision and artificial intelligence
CN111310828B (en) * 2020-02-14 2023-01-03 开易(北京)科技有限公司 Target detection model fine-tuning method and device for ADAS scene
CN111310660A (en) * 2020-02-14 2020-06-19 开易(北京)科技有限公司 Target detection false alarm suppression method and device for ADAS scene
CN111291820B (en) * 2020-02-19 2023-05-30 中国电子科技集团公司第二十八研究所 Target detection method combining positioning information and classification information
CN111310850B (en) * 2020-03-02 2023-06-16 杭州雄迈集成电路技术股份有限公司 License plate detection model construction method and system, license plate detection method and system
CN111444973B (en) * 2020-03-31 2022-05-20 西安交通大学 Method for detecting commodities on unmanned retail shopping table
CN111507738B (en) * 2020-05-04 2021-06-04 宁波甜宝生物信息技术有限公司 Ink tracing and recycling process method based on block chain and 5G communication
CN112750194A (en) * 2020-05-15 2021-05-04 奕目(上海)科技有限公司 Obstacle avoidance method and device for unmanned automobile
CN111724392A (en) * 2020-05-25 2020-09-29 浙江工业大学 Data processing method for deep learning feature attention transfer
CN111666839A (en) * 2020-05-25 2020-09-15 东华大学 Road pedestrian detection system based on improved Faster RCNN
CN111881932B (en) * 2020-06-11 2023-09-15 中国人民解放军战略支援部队信息工程大学 FasterRCNN target detection algorithm for military aircraft
CN111738164B (en) * 2020-06-24 2021-02-26 广西计算中心有限责任公司 Pedestrian detection method based on deep learning
CN112016449A (en) * 2020-08-27 2020-12-01 西华大学 Vehicle identification and detection method based on deep learning
CN112085126B (en) * 2020-09-30 2023-12-12 浙江大学 Single sample target detection method focusing on classification task
CN112668585B (en) * 2020-11-26 2024-04-09 厦门大学 Object identification and positioning method in dynamic environment
CN112446429B (en) * 2020-11-27 2022-06-21 广东电网有限责任公司肇庆供电局 CGAN (Carrier grade Access network) -based routing inspection image data small sample expansion method
CN113173502B (en) * 2021-01-15 2023-06-06 福建电子口岸股份有限公司 Anticollision method and system based on laser vision fusion and deep learning
CN112766176B (en) * 2021-01-21 2023-12-01 深圳市安软科技股份有限公司 Training method of lightweight convolutional neural network and face attribute recognition method
CN112964693A (en) * 2021-02-19 2021-06-15 山东捷讯通信技术有限公司 Raman spectrum band region segmentation method
CN113052184B (en) * 2021-03-12 2022-11-18 电子科技大学 Target detection method based on two-stage local feature alignment
CN113128564B (en) * 2021-03-23 2022-03-22 武汉泰沃滋信息技术有限公司 Typical target detection method and system based on deep learning under complex background
WO2022205329A1 (en) * 2021-04-01 2022-10-06 京东方科技集团股份有限公司 Object detection method, object detection apparatus, and object detection system
CN113177133B (en) * 2021-04-23 2024-03-29 深圳依时货拉拉科技有限公司 Image retrieval method, device, equipment and storage medium
CN113159198A (en) * 2021-04-27 2021-07-23 上海芯物科技有限公司 Target detection method, device, equipment and storage medium
CN113240611A (en) * 2021-05-28 2021-08-10 中建材信息技术股份有限公司 Foreign matter detection method based on picture sequence
CN113569702B (en) * 2021-07-23 2023-10-27 闽江学院 Truck single-double tire identification method based on deep learning
CN113591668B (en) * 2021-07-26 2023-11-21 南京大学 Wide area unknown dam automatic detection method using deep learning and space analysis
CN114220053B (en) * 2021-12-15 2022-06-03 北京建筑大学 Unmanned aerial vehicle video vehicle retrieval method based on vehicle feature matching
CN115529475A (en) * 2021-12-29 2022-12-27 北京智美互联科技有限公司 Method and system for detecting video flow content and controlling wind

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107507172A (en) * 2017-08-08 2017-12-22 国网上海市电力公司 Merge the extra high voltage line insulator chain deep learning recognition methods of infrared visible ray
CN107680106A (en) * 2017-10-13 2018-02-09 南京航空航天大学 A kind of conspicuousness object detection method based on Faster R CNN
CN108563977A (en) * 2017-12-18 2018-09-21 华南理工大学 A kind of the pedestrian's method for early warning and system of expressway entrance and exit

Family Cites Families (7)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US9881234B2 (en) * 2015-11-25 2018-01-30 Baidu Usa Llc. Systems and methods for end-to-end object detection
US9858496B2 (en) * 2016-01-20 2018-01-02 Microsoft Technology Licensing, Llc Object detection and classification in images
CN108416287B (en) * 2018-03-04 2022-04-01 南京理工大学 Pedestrian detection method based on missing negative sample mining
CN108648233B (en) * 2018-03-24 2022-04-12 北京工业大学 Target identification and capture positioning method based on deep learning
CN108830188B (en) * 2018-05-30 2022-03-04 西安理工大学 Vehicle detection method based on deep learning
CN109447018B (en) * 2018-11-08 2021-08-03 天津理工大学 Road environment visual perception method based on improved Faster R-CNN
CN109377555B (en) * 2018-11-14 2023-07-25 江苏科技大学 Method for extracting and identifying three-dimensional reconstruction target features of foreground visual field of autonomous underwater robot

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107507172A (en) * 2017-08-08 2017-12-22 国网上海市电力公司 Merge the extra high voltage line insulator chain deep learning recognition methods of infrared visible ray
CN107680106A (en) * 2017-10-13 2018-02-09 南京航空航天大学 A kind of conspicuousness object detection method based on Faster R CNN
CN108563977A (en) * 2017-12-18 2018-09-21 华南理工大学 A kind of the pedestrian's method for early warning and system of expressway entrance and exit

Non-Patent Citations (1)

* Cited by examiner, † Cited by third party
Title
GU, QI: "All Day Vehicle Detection Based on Deep Learning", CHINESE MASTER’S THESES FULL-TEXT DATABASE, no. 6, 15 June 2018 (2018-06-15), pages 1 - 71, XP055732786 *

Cited By (360)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112183274A (en) * 2020-09-21 2021-01-05 深圳中兴网信科技有限公司 Mud car detection method and computer-readable storage medium
CN112132804A (en) * 2020-09-22 2020-12-25 苏州巨能图像检测技术有限公司 Anti-lifting detection method for hub of hub truck
CN112132804B (en) * 2020-09-22 2023-10-31 苏州巨能图像检测技术有限公司 Anti-lifting detection method for hub of hub card
CN112233175A (en) * 2020-09-24 2021-01-15 西安交通大学 Chip positioning method based on YOLOv3-tiny algorithm and integrated positioning platform
CN112132042B (en) * 2020-09-24 2023-08-01 西安电子科技大学 SAR image target detection method based on contrast domain adaptation
CN112233175B (en) * 2020-09-24 2023-10-24 西安交通大学 Chip positioning method and integrated positioning platform based on YOLOv3-tiny algorithm
CN112132042A (en) * 2020-09-24 2020-12-25 西安电子科技大学 SAR image target detection method based on anti-domain adaptation
CN112164017A (en) * 2020-09-27 2021-01-01 中国兵器工业集团第二一四研究所苏州研发中心 Deep learning-based polarization colorization method
CN112164017B (en) * 2020-09-27 2023-11-17 中国兵器工业集团第二一四研究所苏州研发中心 Polarization colorization method based on deep learning
CN112115913A (en) * 2020-09-28 2020-12-22 杭州海康威视数字技术股份有限公司 Image processing method, device and equipment and storage medium
CN112115913B (en) * 2020-09-28 2023-08-25 杭州海康威视数字技术股份有限公司 Image processing method, device and equipment and storage medium
CN112541389B (en) * 2020-09-29 2023-08-22 西安交通大学 Transmission line fault detection method based on EfficientDet network
CN112580424A (en) * 2020-09-29 2021-03-30 长安大学 Polarization characteristic multi-scale pooling classification algorithm for complex vehicle road environment
CN112580424B (en) * 2020-09-29 2023-08-11 长安大学 Polarization characteristic multi-scale pooling classification algorithm for complex vehicle-road environment
CN112541389A (en) * 2020-09-29 2021-03-23 西安交通大学 Power transmission line fault detection method based on EfficientDet network
CN112364687A (en) * 2020-09-29 2021-02-12 上善智城(苏州)信息科技有限公司 Improved Faster R-CNN gas station electrostatic sign identification method and system
CN112330591A (en) * 2020-09-30 2021-02-05 中国铁道科学研究院集团有限公司 Steel rail surface defect detection method and device capable of achieving sample-less learning
CN112330591B (en) * 2020-09-30 2023-01-24 中国国家铁路集团有限公司 Steel rail surface defect detection method and device capable of achieving sample-less learning
CN112215128B (en) * 2020-10-09 2024-04-05 武汉理工大学 FCOS-fused R-CNN urban road environment recognition method and device
CN112215128A (en) * 2020-10-09 2021-01-12 武汉理工大学 FCOS-fused R-CNN urban road environment identification method and device
CN112233090A (en) * 2020-10-15 2021-01-15 浙江工商大学 Film flaw detection method based on improved attention mechanism
CN112233090B (en) * 2020-10-15 2023-05-30 浙江工商大学 Film flaw detection method based on improved attention mechanism
CN112232214A (en) * 2020-10-16 2021-01-15 天津大学 Real-time target detection method based on depth feature fusion and attention mechanism
CN112329558A (en) * 2020-10-22 2021-02-05 上海交通大学 FeO content prediction method based on sintering machine tail section video
CN112329558B (en) * 2020-10-22 2022-10-25 上海交通大学 FeO content prediction method based on sintering machine tail section video
CN112241718A (en) * 2020-10-23 2021-01-19 北京百度网讯科技有限公司 Vehicle information detection method, detection model training method and device
CN112417981A (en) * 2020-10-28 2021-02-26 大连交通大学 Complex battlefield environment target efficient identification method based on improved FasterR-CNN
CN112417981B (en) * 2020-10-28 2024-04-26 大连交通大学 Efficient recognition method for complex battlefield environment targets based on improved FasterR-CNN
CN112329588A (en) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 Pipeline fault detection method based on fast R-CNN
CN112329588B (en) * 2020-10-30 2024-01-05 中海石油(中国)有限公司 Pipeline fault detection method based on Faster R-CNN
CN112287854A (en) * 2020-11-02 2021-01-29 湖北大学 Building indoor personnel detection method and system based on deep neural network
CN112183485B (en) * 2020-11-02 2024-03-05 北京信息科技大学 Deep learning-based traffic cone detection positioning method, system and storage medium
CN112183485A (en) * 2020-11-02 2021-01-05 北京信息科技大学 Deep learning-based traffic cone detection positioning method and system and storage medium
CN112200803B (en) * 2020-11-04 2023-10-10 成都朴华科技有限公司 Sperm nucleoprotein maturity detection method and device
CN112200803A (en) * 2020-11-04 2021-01-08 成都朴华科技有限公司 Method and device for detecting maturity of sperm nucleoprotein
CN112329871B (en) * 2020-11-11 2022-03-08 河北工业大学 Pulmonary nodule detection method based on self-correction convolution and channel attention mechanism
CN112329871A (en) * 2020-11-11 2021-02-05 河北工业大学 Pulmonary nodule detection method based on self-correction convolution and channel attention mechanism
CN112380962A (en) * 2020-11-11 2021-02-19 成都摘果子科技有限公司 Animal image identification method and system based on deep learning
CN112396582B (en) * 2020-11-16 2024-04-26 南京工程学院 Mask RCNN-based equalizing ring skew detection method
CN112396582A (en) * 2020-11-16 2021-02-23 南京工程学院 Mask RCNN-based equalizing ring skew detection method
CN112381005A (en) * 2020-11-17 2021-02-19 温州大学 Safety helmet detection system for complex scene
CN112395987B (en) * 2020-11-18 2023-07-28 西安电子科技大学 SAR image target detection method based on unsupervised domain adaptive CNN
CN112395987A (en) * 2020-11-18 2021-02-23 西安电子科技大学 SAR image target detection method based on unsupervised domain adaptive CNN
CN112580778A (en) * 2020-11-25 2021-03-30 江苏集萃未来城市应用技术研究所有限公司 Job worker mobile phone use detection method based on YOLOv5 and Pose-animation
CN112434740A (en) * 2020-11-26 2021-03-02 西北大学 Depth learning-based Qin tomb warriors fragment classification method
CN112418117B (en) * 2020-11-27 2023-05-12 北京工商大学 Small target detection method based on unmanned aerial vehicle image
CN112434745A (en) * 2020-11-27 2021-03-02 西安电子科技大学 Occlusion target detection and identification method based on multi-source cognitive fusion
CN112418117A (en) * 2020-11-27 2021-02-26 北京工商大学 Small target detection method based on unmanned aerial vehicle image
CN112418114A (en) * 2020-11-27 2021-02-26 广州华多网络科技有限公司 Time sequence behavior detection and response method and device, equipment and medium
CN112396017A (en) * 2020-11-27 2021-02-23 上海建科工程咨询有限公司 Engineering potential safety hazard identification method and system based on image identification
CN112434745B (en) * 2020-11-27 2023-01-24 西安电子科技大学 Occlusion target detection and identification method based on multi-source cognitive fusion
CN112396017B (en) * 2020-11-27 2023-04-07 上海建科工程咨询有限公司 Engineering potential safety hazard identification method and system based on image identification
CN112528782B (en) * 2020-11-30 2024-02-23 北京农业信息技术研究中心 Underwater fish target detection method and device
CN112528782A (en) * 2020-11-30 2021-03-19 北京农业信息技术研究中心 Underwater fish target detection method and device
CN112508091B (en) * 2020-12-03 2024-01-19 大连海事大学 Low-quality image classification method based on convolutional neural network
CN112508091A (en) * 2020-12-03 2021-03-16 大连海事大学 Low-quality image classification method based on convolutional neural network
CN112507862A (en) * 2020-12-04 2021-03-16 东风汽车集团有限公司 Vehicle orientation detection method and system based on multitask convolutional neural network
CN112507862B (en) * 2020-12-04 2023-05-26 东风汽车集团有限公司 Vehicle orientation detection method and system based on multitasking convolutional neural network
CN112464851A (en) * 2020-12-08 2021-03-09 国网陕西省电力公司电力科学研究院 Smart power grid foreign matter intrusion detection method and system based on visual perception
CN112488229B (en) * 2020-12-10 2024-04-05 西安交通大学 Domain self-adaptive unsupervised target detection method based on feature separation and alignment
CN112528862B (en) * 2020-12-10 2023-02-10 西安电子科技大学 Remote sensing image target detection method based on improved cross entropy loss function
CN112488229A (en) * 2020-12-10 2021-03-12 西安交通大学 Domain self-adaptive unsupervised target detection method based on feature separation and alignment
CN112528862A (en) * 2020-12-10 2021-03-19 西安电子科技大学 Remote sensing image target detection method based on improved cross entropy loss function
CN112580647A (en) * 2020-12-11 2021-03-30 湖北工业大学 Stacked object oriented identification method and system
CN112598165A (en) * 2020-12-11 2021-04-02 湖南大学 Private car data-based urban functional area transfer flow prediction method and device
CN112598165B (en) * 2020-12-11 2023-09-26 湖南大学 Urban functional area transfer flow prediction method and device based on private car data
CN112507898A (en) * 2020-12-14 2021-03-16 重庆邮电大学 Multi-modal dynamic gesture recognition method based on lightweight 3D residual error network and TCN
CN112507898B (en) * 2020-12-14 2022-07-01 重庆邮电大学 Multi-modal dynamic gesture recognition method based on lightweight 3D residual error network and TCN
CN112488066A (en) * 2020-12-18 2021-03-12 航天时代飞鸿技术有限公司 Real-time target detection method under unmanned aerial vehicle multi-machine cooperative reconnaissance
CN112528995A (en) * 2020-12-22 2021-03-19 北京百度网讯科技有限公司 Method for training target detection model, target detection method and device
CN112528995B (en) * 2020-12-22 2023-08-04 北京百度网讯科技有限公司 Method for training target detection model, target detection method and device
CN112633177A (en) * 2020-12-24 2021-04-09 浙江大学 Lane line detection segmentation method based on attention space convolution neural network
CN112668696A (en) * 2020-12-25 2021-04-16 杭州中科先进技术研究院有限公司 Unmanned aerial vehicle power grid inspection method and system based on embedded deep learning
CN112861849B (en) * 2020-12-29 2023-01-10 北京航空航天大学 Tissue identification method in spinal deformity correction surgery
CN112861849A (en) * 2020-12-29 2021-05-28 北京航空航天大学 Tissue identification method in spinal deformity correction surgery
CN112699782A (en) * 2020-12-29 2021-04-23 杭州电子科技大学 Radar HRRP target identification method based on N2N and Bert
CN112712503B (en) * 2020-12-30 2023-05-02 厦门福信光电集成有限公司 Display panel appearance detection method based on deep learning
CN112712503A (en) * 2020-12-30 2021-04-27 厦门福信光电集成有限公司 Display panel appearance detection method based on deep learning
CN112651458A (en) * 2020-12-31 2021-04-13 深圳云天励飞技术股份有限公司 Method and device for training classification model, electronic equipment and storage medium
CN112651458B (en) * 2020-12-31 2024-04-02 深圳云天励飞技术股份有限公司 Classification model training method and device, electronic equipment and storage medium
CN112686188A (en) * 2021-01-05 2021-04-20 西安理工大学 Front windshield and driver region positioning method based on deep learning method
CN112686188B (en) * 2021-01-05 2024-02-06 西安理工大学 Front windshield and driver area positioning method based on deep learning method
CN112668536B (en) * 2021-01-06 2023-08-25 北京理工大学 Lightweight rotary target detection and identification method based on airborne photoelectric video
CN112668536A (en) * 2021-01-06 2021-04-16 北京理工大学 Lightweight rotating target detection and identification method based on airborne photoelectric video
CN113011417B (en) * 2021-01-08 2023-02-10 湖南大学 Target matching method based on intersection ratio coverage rate loss and repositioning strategy
CN113011417A (en) * 2021-01-08 2021-06-22 湖南大学 Target matching method based on intersection ratio coverage rate loss and repositioning strategy
CN112835008B (en) * 2021-01-12 2022-03-04 西安电子科技大学 High-resolution range profile target identification method based on attitude self-adaptive convolutional network
CN112835008A (en) * 2021-01-12 2021-05-25 西安电子科技大学 High-resolution range profile target identification method based on attitude self-adaptive convolutional network
CN112669312A (en) * 2021-01-12 2021-04-16 中国计量大学 Chest radiography pneumonia detection method and system based on depth feature symmetric fusion
CN112733742A (en) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 Deep learning-based fault detection method for round pin of lower pull rod of railway wagon
CN112733741A (en) * 2021-01-14 2021-04-30 苏州挚途科技有限公司 Traffic signboard identification method and device and electronic equipment
CN112784723A (en) * 2021-01-14 2021-05-11 金陵科技学院 Road traffic safety protection model based on IFast-RCNN algorithm
CN112766170A (en) * 2021-01-21 2021-05-07 广西财经学院 Self-adaptive segmentation detection method and device based on cluster unmanned aerial vehicle image
CN112861932B (en) * 2021-01-21 2024-02-02 上海应用技术大学 Rail plate crack detection method
CN112861932A (en) * 2021-01-21 2021-05-28 上海应用技术大学 Track slab crack detection method
CN112766170B (en) * 2021-01-21 2024-04-16 广西财经学院 Self-adaptive segmentation detection method and device based on cluster unmanned aerial vehicle image
CN112766188A (en) * 2021-01-25 2021-05-07 浙江科技学院 Small-target pedestrian detection method based on improved YOLO algorithm
CN112949849B (en) * 2021-01-27 2024-03-26 武汉星巡智能科技有限公司 Method and device for optimizing intelligent camera detection model by adopting edge calculation
CN112949849A (en) * 2021-01-27 2021-06-11 武汉星巡智能科技有限公司 Method and device for optimizing intelligent camera detection model by adopting edge calculation
CN112801187A (en) * 2021-01-29 2021-05-14 广东省科学院智能制造研究所 Hyperspectral data analysis method and system based on attention mechanism and ensemble learning
CN112818837A (en) * 2021-01-29 2021-05-18 山东大学 Aerial photography vehicle weight recognition method based on attitude correction and difficult sample perception
CN112766274B (en) * 2021-02-01 2023-07-07 长沙市盛唐科技有限公司 Water gauge image water level automatic reading method and system based on Mask RCNN algorithm
CN112766274A (en) * 2021-02-01 2021-05-07 长沙市盛唐科技有限公司 Water gauge image water level automatic reading method and system based on Mask RCNN algorithm
CN112884213B (en) * 2021-02-02 2024-04-19 华北电力大学 Coal-fired boiler NOx prediction method based on wavelet decomposition and dynamic mixed deep learning
CN112884213A (en) * 2021-02-02 2021-06-01 华北电力大学 Coal-fired boiler NOx prediction method based on wavelet decomposition and dynamic hybrid deep learning
CN112861700B (en) * 2021-02-03 2023-11-03 西安仁义智机电科技有限公司 Lane network identification model establishment and vehicle speed detection method based on deep Labv3+
CN112861700A (en) * 2021-02-03 2021-05-28 西安仁义智机电科技有限公司 DeepLabv3+ based lane line network identification model establishment and vehicle speed detection method
CN112556682A (en) * 2021-02-07 2021-03-26 天津蓝鳍海洋工程有限公司 Automatic target detection algorithm for underwater composite sensor
CN112802006B (en) * 2021-02-07 2024-03-22 南通大学 Edge calculation motor oil stain identification method based on deep learning
CN112802006A (en) * 2021-02-07 2021-05-14 南通大学 Deep learning-based edge calculation motor oil stain identification method
CN112986210A (en) * 2021-02-10 2021-06-18 四川大学 Scale-adaptive microbial Raman spectrum detection method and system
CN113033609A (en) * 2021-02-16 2021-06-25 浙江大学 SAR image classification method based on multitask DCGAN
CN112907621A (en) * 2021-02-24 2021-06-04 华南理工大学 Moving object extraction method based on difference and semantic information fusion
CN112907621B (en) * 2021-02-24 2023-02-14 华南理工大学 Moving object extraction method based on difference and semantic information fusion
CN112927264A (en) * 2021-02-25 2021-06-08 华南理工大学 Unmanned aerial vehicle tracking shooting system and RGBD tracking method thereof
CN112926652B (en) * 2021-02-25 2023-10-24 青岛科技大学 Fish fine granularity image recognition method based on deep learning
CN112927264B (en) * 2021-02-25 2022-12-16 华南理工大学 Unmanned aerial vehicle tracking shooting system and RGBD tracking method thereof
CN112926652A (en) * 2021-02-25 2021-06-08 青岛科技大学 Fish fine-grained image identification method based on deep learning
CN112818932A (en) * 2021-02-26 2021-05-18 北京车和家信息技术有限公司 Image processing method, obstacle detection device, medium, and vehicle
CN112926457B (en) * 2021-02-26 2022-09-06 中国电子科技集团公司第二十八研究所 SAR image recognition method based on fusion frequency domain and space domain network model
CN112926457A (en) * 2021-02-26 2021-06-08 中国电子科技集团公司第二十八研究所 SAR image recognition method based on fusion frequency domain and space domain network model
CN112966598A (en) * 2021-03-04 2021-06-15 河南大学 Hyperspectral image classification method of dual-path small convolution network
CN112966747A (en) * 2021-03-04 2021-06-15 北京联合大学 Improved vehicle detection method based on anchor-frame-free detection network
CN112966598B (en) * 2021-03-04 2022-08-30 河南大学 Hyperspectral image classification method of dual-path small convolution network
CN112837315A (en) * 2021-03-05 2021-05-25 云南电网有限责任公司电力科学研究院 Transmission line insulator defect detection method based on deep learning
CN112837315B (en) * 2021-03-05 2023-11-21 云南电网有限责任公司电力科学研究院 Deep learning-based transmission line insulator defect detection method
CN113129225A (en) * 2021-03-09 2021-07-16 西安理工大学 Computed ghost imaging reconstruction recovery method based on Dense Net network
CN113128335A (en) * 2021-03-09 2021-07-16 西北大学 Method, system and application for detecting, classifying and discovering micro-body paleontological fossil image
CN112966611A (en) * 2021-03-09 2021-06-15 中国科学技术大学 Energy trace noise self-adaption method of DWT attention mechanism
CN113159021A (en) * 2021-03-10 2021-07-23 国网河北省电力有限公司 Text detection method based on context information
CN112990230B (en) * 2021-03-12 2023-05-09 西安电子科技大学 Spectral image compression reconstruction method based on two-stage grouping attention residual error mechanism
CN112990230A (en) * 2021-03-12 2021-06-18 西安电子科技大学 Spectral image compression reconstruction method based on two-stage grouping attention residual error mechanism
CN113032612B (en) * 2021-03-12 2023-04-11 西北大学 Construction method of multi-target image retrieval model, retrieval method and device
CN113032612A (en) * 2021-03-12 2021-06-25 西北大学 Construction method of multi-target image retrieval model, retrieval method and device
CN113095152B (en) * 2021-03-18 2023-08-22 西安交通大学 Regression-based lane line detection method and system
CN113095152A (en) * 2021-03-18 2021-07-09 西安交通大学 Lane line detection method and system based on regression
CN113011338A (en) * 2021-03-19 2021-06-22 华南理工大学 Lane line detection method and system
CN113011338B (en) * 2021-03-19 2023-08-22 华南理工大学 Lane line detection method and system
CN113128563B (en) * 2021-03-23 2023-11-17 武汉泰沃滋信息技术有限公司 Method, device, equipment and storage medium for detecting high-speed engineering vehicle
CN113128563A (en) * 2021-03-23 2021-07-16 武汉泰沃滋信息技术有限公司 High-speed engineering vehicle detection method, device, equipment and storage medium
CN112990065A (en) * 2021-03-31 2021-06-18 上海海事大学 Optimized YOLOv5 model-based vehicle classification detection method
CN112990065B (en) * 2021-03-31 2024-03-22 上海海事大学 Vehicle classification detection method based on optimized YOLOv5 model
CN113256507B (en) * 2021-04-01 2023-11-21 南京信息工程大学 Attention enhancement method for generating image aiming at binary flow data
CN113256507A (en) * 2021-04-01 2021-08-13 南京信息工程大学 Attention enhancement method for generating image aiming at binary flux data
CN113077491A (en) * 2021-04-02 2021-07-06 安徽大学 RGBT target tracking method based on cross-modal sharing and specific representation form
CN113076898A (en) * 2021-04-09 2021-07-06 长安大学 Traffic vehicle target detection method, device, equipment and readable storage medium
CN113076898B (en) * 2021-04-09 2023-09-15 长安大学 Traffic vehicle target detection method, device, equipment and readable storage medium
CN113159159B (en) * 2021-04-15 2023-09-29 东北大学 Small sample image classification method based on improved CNN
CN113159159A (en) * 2021-04-15 2021-07-23 东北大学 Small sample image classification method based on improved CNN
CN113095417A (en) * 2021-04-16 2021-07-09 西安电子科技大学 SAR target recognition method based on fusion graph convolution and convolution neural network
CN113095417B (en) * 2021-04-16 2023-07-28 西安电子科技大学 SAR target recognition method based on fusion graph convolution and convolution neural network
CN113221668B (en) * 2021-04-20 2023-04-07 西安翔迅科技有限责任公司 Frame extraction method in wind generating set blade video monitoring
CN113221668A (en) * 2021-04-20 2021-08-06 西安翔迅科技有限责任公司 Frame extraction method in wind generating set blade video monitoring
CN113191235A (en) * 2021-04-22 2021-07-30 上海东普信息科技有限公司 Sundry detection method, device, equipment and storage medium
CN113205026A (en) * 2021-04-26 2021-08-03 武汉大学 Improved vehicle type recognition method based on fast RCNN deep learning network
CN113255737B (en) * 2021-04-30 2023-08-08 超节点创新科技(深圳)有限公司 Method for sorting baggage in folded package on civil aviation sorting line, electronic equipment and storage medium
CN113255737A (en) * 2021-04-30 2021-08-13 超节点创新科技(深圳)有限公司 Method for sorting stacked luggage on civil aviation sorting line, electronic equipment and storage medium
CN113221993B (en) * 2021-05-06 2023-08-01 西安电子科技大学 Large-view-field small-sample target detection method based on meta-learning and cross-stage hourglass
CN113221993A (en) * 2021-05-06 2021-08-06 西安电子科技大学 Large-view-field small-sample target detection method based on meta-learning and cross-stage hourglass
CN113139497B (en) * 2021-05-08 2023-04-28 广东工业大学 System and method for identifying object on water surface and application based on 5G MEC
CN113139497A (en) * 2021-05-08 2021-07-20 广东工业大学 System and method for identifying water surface object and application based on 5G MEC
CN113139615A (en) * 2021-05-08 2021-07-20 北京联合大学 Unmanned environment target detection method based on embedded equipment
CN113327227B (en) * 2021-05-10 2022-11-11 桂林理工大学 MobileneetV 3-based wheat head rapid detection method
CN113327227A (en) * 2021-05-10 2021-08-31 桂林理工大学 Rapid wheat head detection method based on MobilenetV3
CN113240017A (en) * 2021-05-18 2021-08-10 西安理工大学 Multispectral and panchromatic image classification method based on attention mechanism
CN113240017B (en) * 2021-05-18 2023-09-12 西安理工大学 Multispectral and panchromatic image classification method based on attention mechanism
CN113408584B (en) * 2021-05-19 2022-07-26 成都理工大学 RGB-D multi-modal feature fusion 3D target detection method
CN113408584A (en) * 2021-05-19 2021-09-17 成都理工大学 RGB-D multi-modal feature fusion 3D target detection method
CN113269073B (en) * 2021-05-19 2022-11-15 青岛科技大学 Ship multi-target tracking method based on YOLO V5 algorithm
CN113269073A (en) * 2021-05-19 2021-08-17 青岛科技大学 Ship multi-target tracking method based on YOLO V5 algorithm
CN113421222A (en) * 2021-05-21 2021-09-21 西安科技大学 Lightweight coal gangue target detection method
CN113421222B (en) * 2021-05-21 2023-06-23 西安科技大学 Lightweight coal gangue target detection method
CN113379761A (en) * 2021-05-25 2021-09-10 广州市东崇科技有限公司 Multi-AGV and automatic door linkage method and system based on artificial intelligence
CN113379761B (en) * 2021-05-25 2023-04-28 重庆顺多利机车有限责任公司 Linkage method and system of multiple AGVs and automatic doors based on artificial intelligence
CN113240039A (en) * 2021-05-31 2021-08-10 西安电子科技大学 Small sample target detection method and system based on spatial position characteristic reweighting
CN113240039B (en) * 2021-05-31 2023-08-15 西安电子科技大学 Small sample target detection method and system based on spatial position feature re-weighting
CN113343821A (en) * 2021-05-31 2021-09-03 合肥工业大学 Non-contact heart rate measurement method based on space-time attention network and input optimization
CN113343821B (en) * 2021-05-31 2022-08-30 合肥工业大学 Non-contact heart rate measurement method based on space-time attention network and input optimization
CN113468967A (en) * 2021-06-02 2021-10-01 北京邮电大学 Lane line detection method, device, equipment and medium based on attention mechanism
CN113255797B (en) * 2021-06-02 2024-04-05 通号智慧城市研究设计院有限公司 Dangerous goods detection method and system based on deep learning model
CN113255797A (en) * 2021-06-02 2021-08-13 通号智慧城市研究设计院有限公司 Dangerous goods detection method and system based on deep learning model
CN113468967B (en) * 2021-06-02 2023-08-18 北京邮电大学 Attention mechanism-based lane line detection method, attention mechanism-based lane line detection device, attention mechanism-based lane line detection equipment and attention mechanism-based lane line detection medium
WO2022252565A1 (en) * 2021-06-04 2022-12-08 浙江智慧视频安防创新中心有限公司 Target detection system, method and apparatus, and device and medium
CN113506317A (en) * 2021-06-07 2021-10-15 北京百卓网络技术有限公司 Multi-target tracking method based on Mask R-CNN and apparent feature fusion
CN113240050B (en) * 2021-06-08 2024-05-03 南京师范大学 Metal printing molten pool detection method with adjustable feature fusion weight
CN113362389B (en) * 2021-06-08 2024-02-27 长安大学 Shield tunnel deformation prediction method based on CNN-RNN coupling number-shape fusion
CN113240050A (en) * 2021-06-08 2021-08-10 南京师范大学 Metal printing molten pool detection method with adjustable feature fusion weight
CN113362389A (en) * 2021-06-08 2021-09-07 长安大学 Shield tunnel deformation prediction method based on CNN-RNN coupling number-shape fusion
CN113378918B (en) * 2021-06-09 2022-06-07 武汉大学 Insulator binding wire state detection method based on metric learning
CN113378918A (en) * 2021-06-09 2021-09-10 武汉大学 Insulator binding wire state detection method based on metric learning
CN113343863A (en) * 2021-06-11 2021-09-03 北京邮电大学 Fusion characterization network model training method, fingerprint characterization method and equipment thereof
CN113378936B (en) * 2021-06-11 2024-03-08 长沙军民先进技术研究有限公司 Faster RCNN-based few-sample target detection method
CN113343863B (en) * 2021-06-11 2023-01-03 北京邮电大学 Fusion characterization network model training method, fingerprint characterization method and equipment thereof
CN113378936A (en) * 2021-06-11 2021-09-10 长沙军民先进技术研究有限公司 Small sample target detection method based on fast RCNN
CN113313058A (en) * 2021-06-16 2021-08-27 北京航空航天大学 Unmanned aerial vehicle aerial image target detection method based on self-adaptive model integration
CN113313058B (en) * 2021-06-16 2022-08-02 北京航空航天大学 Unmanned aerial vehicle aerial image target detection method based on self-adaptive model integration
CN113421235A (en) * 2021-06-17 2021-09-21 中国电子科技集团公司第四十一研究所 Cigarette positioning device and method based on deep learning
CN113239899A (en) * 2021-06-17 2021-08-10 阿波罗智联(北京)科技有限公司 Method for processing image and generating convolution kernel, road side equipment and cloud control platform
CN113408423A (en) * 2021-06-21 2021-09-17 西安工业大学 Aquatic product target real-time detection method suitable for TX2 embedded platform
CN113408423B (en) * 2021-06-21 2023-09-05 西安工业大学 Aquatic product target real-time detection method suitable for TX2 embedded platform
CN113420643A (en) * 2021-06-21 2021-09-21 西北工业大学 Lightweight underwater target detection method based on depth separable cavity convolution
CN113660484A (en) * 2021-06-29 2021-11-16 新疆朝阳商用数据传输有限公司 Audio and video attribute comparison method, system, terminal and medium based on audio and video content
CN113660484B (en) * 2021-06-29 2024-04-26 北京点众快看科技有限公司 Audio and video attribute comparison method, system, terminal and medium based on audio and video content
CN113469071B (en) * 2021-07-06 2024-03-29 西安科技大学 Video detection method for foreign matters of coal conveying belt aiming at embedded equipment
CN113449738B (en) * 2021-07-06 2023-06-23 国网信息通信产业集团有限公司 Priori frame parameter self-adaptive improved FRC detection method based on sample characteristics
CN113469071A (en) * 2021-07-06 2021-10-01 西安科技大学 Video detection method for foreign matters in coal conveying belt for embedded equipment
CN113449738A (en) * 2021-07-06 2021-09-28 国网信息通信产业集团有限公司 Priori frame parameter adaptive improved FRC detection method based on sample characteristics
CN113361483A (en) * 2021-07-07 2021-09-07 合肥英睿系统技术有限公司 Traffic speed limit sign detection method, device, equipment and storage medium
CN113609911A (en) * 2021-07-07 2021-11-05 北京工业大学 Pavement disease automatic detection method and system based on deep learning
CN113449675A (en) * 2021-07-12 2021-09-28 西安科技大学 Coal mine personnel border crossing detection method
CN113449675B (en) * 2021-07-12 2024-03-29 西安科技大学 Method for detecting crossing of coal mine personnel
CN113592906B (en) * 2021-07-12 2024-02-13 华中科技大学 Long video target tracking method and system based on annotation frame feature fusion
CN113592906A (en) * 2021-07-12 2021-11-02 华中科技大学 Long video target tracking method and system based on annotation frame feature fusion
CN113673323A (en) * 2021-07-13 2021-11-19 中国船舶重工集团公司第七一五研究所 Underwater target identification method based on multi-depth learning model joint decision system
CN113673323B (en) * 2021-07-13 2023-10-27 中国船舶重工集团公司第七一五研究所 Aquatic target identification method based on multi-deep learning model joint judgment system
CN113591617B (en) * 2021-07-14 2023-11-28 武汉理工大学 Deep learning-based water surface small target detection and classification method
CN113591617A (en) * 2021-07-14 2021-11-02 武汉理工大学 Water surface small target detection and classification method based on deep learning
CN113537098A (en) * 2021-07-21 2021-10-22 北京航空航天大学 Method for detecting and identifying impact pits in landing image
CN113537105A (en) * 2021-07-23 2021-10-22 北京经纬恒润科技股份有限公司 Parking space detection method and device
CN113534146B (en) * 2021-07-26 2023-12-01 中国人民解放军海军航空大学 Automatic detection method and system for radar video image target
CN113534146A (en) * 2021-07-26 2021-10-22 中国人民解放军海军航空大学 Radar video image target automatic detection method and system
CN113674216A (en) * 2021-07-27 2021-11-19 南京航空航天大学 Subway tunnel disease detection method based on deep learning
CN113537119A (en) * 2021-07-28 2021-10-22 国网河南省电力公司电力科学研究院 Transmission line connecting part detection method based on improved Yolov4-tiny
CN113537119B (en) * 2021-07-28 2022-08-30 国网河南省电力公司电力科学研究院 Transmission line connecting part detection method based on improved Yolov4-tiny
CN113808202A (en) * 2021-08-11 2021-12-17 浙江工商大学 Multi-target detection and space positioning method and system thereof
CN113780087B (en) * 2021-08-11 2024-04-26 同济大学 Postal package text detection method and equipment based on deep learning
CN113780087A (en) * 2021-08-11 2021-12-10 同济大学 Postal parcel text detection method and equipment based on deep learning
CN113688830B (en) * 2021-08-13 2024-04-26 湖北工业大学 Deep learning target detection method based on center point regression
CN113688830A (en) * 2021-08-13 2021-11-23 湖北工业大学 Deep learning target detection method based on central point regression
CN113569835A (en) * 2021-08-16 2021-10-29 浙江广厦建设职业技术大学 Water meter numerical value reading method based on target detection and segmentation identification
CN113658131A (en) * 2021-08-16 2021-11-16 东华大学 Tour type ring spinning broken yarn detection method based on machine vision
CN113643327A (en) * 2021-08-18 2021-11-12 江西理工大学 Nuclear correlation filtering target tracking method based on response confidence coefficient multi-feature fusion
CN113643327B (en) * 2021-08-18 2023-10-20 江西理工大学 Nuclear correlation filtering target tracking method for response confidence coefficient multi-feature fusion
CN113706496B (en) * 2021-08-23 2024-04-12 中国飞机强度研究所 Aircraft structure crack detection method based on deep learning model
CN113706496A (en) * 2021-08-23 2021-11-26 中国飞机强度研究所 Aircraft structure crack detection method based on deep learning model
CN113689928B (en) * 2021-08-24 2023-06-20 深圳平安智慧医健科技有限公司 Recommended method, apparatus, device and storage medium for maintenance and prevention of illness
CN113689928A (en) * 2021-08-24 2021-11-23 平安国际智慧城市科技股份有限公司 Recommendation method, device, equipment and storage medium for maintaining and preventing disease scheme
CN113688734A (en) * 2021-08-25 2021-11-23 燕山大学 Old man falling detection method based on FPGA heterogeneous acceleration
CN113688734B (en) * 2021-08-25 2023-09-22 燕山大学 FPGA heterogeneous acceleration-based old people falling detection method
CN113484908B (en) * 2021-08-25 2023-07-14 成都理工大学 Missing seismic data reconstruction method for deep learning network by combining partial convolution and attention mechanism
CN113484908A (en) * 2021-08-25 2021-10-08 成都理工大学 Missing seismic data reconstruction method with partial convolution and attention mechanism fused with deep learning network
CN113688740A (en) * 2021-08-26 2021-11-23 燕山大学 Indoor posture detection method based on multi-sensor fusion vision
CN113688740B (en) * 2021-08-26 2024-02-27 燕山大学 Indoor gesture detection method based on multi-sensor fusion vision
CN113792774B (en) * 2021-09-01 2024-01-12 西北工业大学 Intelligent fusion sensing method for underwater targets
CN113792774A (en) * 2021-09-01 2021-12-14 西北工业大学 Intelligent fusion sensing method for targets in water
CN113689470A (en) * 2021-09-02 2021-11-23 重庆大学 Pedestrian motion trajectory prediction method under multi-scene fusion
CN113689470B (en) * 2021-09-02 2023-08-11 重庆大学 Pedestrian motion trail prediction method under multi-scene fusion
CN113705716A (en) * 2021-09-03 2021-11-26 北京百度网讯科技有限公司 Image recognition model training method and device, cloud control platform and automatic driving vehicle
CN113705716B (en) * 2021-09-03 2023-10-10 北京百度网讯科技有限公司 Image recognition model training method and device, cloud control platform and automatic driving vehicle
CN113763235A (en) * 2021-09-08 2021-12-07 北京琥珀创想科技有限公司 Method for converting picture into scanning piece and intelligent mobile terminal
CN113762200B (en) * 2021-09-16 2023-06-30 深圳大学 Mask detection method based on LFD
CN113762200A (en) * 2021-09-16 2021-12-07 深圳大学 Mask detection method based on LFFD
CN113792684A (en) * 2021-09-17 2021-12-14 中国科学技术大学 Fire-fighting robot multi-mode visual flame detection method under weak alignment condition
CN113792684B (en) * 2021-09-17 2024-03-29 中国科学技术大学 Multi-mode visual flame detection method for fire-fighting robot under weak alignment condition
CN113824658B (en) * 2021-09-22 2023-06-20 西华大学 Deep migration learning channel estimation method adopting DNSP scheme in OFDM system
CN113824658A (en) * 2021-09-22 2021-12-21 西华大学 Deep migration learning channel estimation method adopting DNSP scheme in OFDM system
CN113780462A (en) * 2021-09-24 2021-12-10 华中科技大学 Vehicle detection network establishment method based on unmanned aerial vehicle aerial image and application thereof
CN113780462B (en) * 2021-09-24 2024-03-19 华中科技大学 Vehicle detection network establishment method based on unmanned aerial vehicle aerial image and application thereof
CN113808123A (en) * 2021-09-27 2021-12-17 杭州跨视科技有限公司 Machine vision-based dynamic detection method for liquid medicine bag
CN113705729A (en) * 2021-09-27 2021-11-26 中原动力智能机器人有限公司 Garbage classification model modeling method, garbage classification device and garbage classification medium
CN113808123B (en) * 2021-09-27 2024-03-29 杭州跨视科技有限公司 Dynamic detection method for liquid medicine bag based on machine vision
CN113807463B (en) * 2021-09-28 2023-10-17 中电万维信息技术有限责任公司 Method for detecting BI icon questions based on Faster-RCNN
CN113807463A (en) * 2021-09-28 2021-12-17 中电万维信息技术有限责任公司 Method for detecting BI (bidirectional information) image title based on fast-RCNN (fast-RCNN)
CN113947774A (en) * 2021-10-08 2022-01-18 东北大学 Lightweight vehicle target detection system
CN114120246A (en) * 2021-10-12 2022-03-01 吉林大学 Front vehicle detection algorithm based on complex environment
CN114120246B (en) * 2021-10-12 2024-04-16 吉林大学 Front vehicle detection algorithm based on complex environment
CN113808128A (en) * 2021-10-14 2021-12-17 河北工业大学 Intelligent compaction overall process visualization control method based on relative coordinate positioning algorithm
CN113850799A (en) * 2021-10-14 2021-12-28 长春工业大学 YOLOv 5-based trace DNA extraction workstation workpiece detection method
CN113962261A (en) * 2021-10-21 2022-01-21 中国人民解放军空军航空大学 Depth network model for radar signal sorting
CN113792827A (en) * 2021-11-18 2021-12-14 北京的卢深视科技有限公司 Target object recognition method, electronic device, and computer-readable storage medium
CN114092448A (en) * 2021-11-22 2022-02-25 浙大城市学院 Plug-in electrolytic capacitor hybrid detection method based on deep learning
CN114092448B (en) * 2021-11-22 2023-12-01 浙大城市学院 Plug-in electrolytic capacitor mixed detection method based on deep learning
CN114419925A (en) * 2021-12-01 2022-04-29 合肥工业大学 Vehicle-road cooperative collision prevention early warning system and method
CN114419925B (en) * 2021-12-01 2022-11-04 合肥工业大学 Vehicle-road cooperative collision-prevention early warning system and method
CN113947766A (en) * 2021-12-21 2022-01-18 之江实验室 Real-time license plate detection method based on convolutional neural network
CN114528911A (en) * 2022-01-10 2022-05-24 西北大学 Multi-label image classification method and model construction method and device for multi-branch structure
CN114445689A (en) * 2022-01-29 2022-05-06 福州大学 Multi-scale weighted fusion target detection method and system guided by target prior information
CN114519819A (en) * 2022-02-10 2022-05-20 西北工业大学 Remote sensing image target detection method based on global context awareness
CN114519819B (en) * 2022-02-10 2024-04-02 西北工业大学 Remote sensing image target detection method based on global context awareness
CN114529951A (en) * 2022-02-22 2022-05-24 北京工业大学 On-site fingerprint feature point extraction method based on deep learning
CN114529951B (en) * 2022-02-22 2024-04-02 北京工业大学 On-site fingerprint feature point extraction method based on deep learning
CN114565878B (en) * 2022-03-01 2024-05-03 北京赛思信安技术股份有限公司 Video marker detection method with configurable support categories
CN114565878A (en) * 2022-03-01 2022-05-31 北京赛思信安技术股份有限公司 Video marker detection method supporting type configuration
CN114692487A (en) * 2022-03-11 2022-07-01 中国电子科技集团公司第二十九研究所 Method, device, equipment and storage medium for pre-throwing electronic equipment maintenance spare parts
CN114692487B (en) * 2022-03-11 2023-05-26 中国电子科技集团公司第二十九研究所 Electronic equipment maintenance spare part pre-casting method, device, equipment and storage medium
CN114898327A (en) * 2022-03-15 2022-08-12 武汉理工大学 Vehicle detection method based on lightweight deep learning network
CN114898327B (en) * 2022-03-15 2024-04-26 武汉理工大学 Vehicle detection method based on lightweight deep learning network
CN114842220A (en) * 2022-03-24 2022-08-02 西北工业大学 Unmanned aerial vehicle visual positioning method based on multi-source image matching
CN114842220B (en) * 2022-03-24 2024-02-27 西北工业大学 Unmanned aerial vehicle visual positioning method based on multi-source image matching
CN114743045B (en) * 2022-03-31 2023-09-26 电子科技大学 Small sample target detection method based on double-branch area suggestion network
CN114743045A (en) * 2022-03-31 2022-07-12 电子科技大学 Small sample target detection method based on double-branch area suggestion network
CN114882376B (en) * 2022-05-06 2024-03-22 自然资源部第一海洋研究所 Convolutional neural network remote sensing image target detection method based on optimal anchor point scale
CN114882376A (en) * 2022-05-06 2022-08-09 自然资源部第一海洋研究所 Convolutional neural network remote sensing image target detection method based on optimal anchor point scale
CN114913419B (en) * 2022-05-10 2023-07-18 西南石油大学 Intelligent parking target detection method and system
CN114913419A (en) * 2022-05-10 2022-08-16 西南石油大学 Intelligent parking target detection method and system
CN114742822A (en) * 2022-05-20 2022-07-12 青岛农业大学 Construction method and application of strawberry identification and counting model
CN115131622A (en) * 2022-05-22 2022-09-30 北京工业大学 Night open fire detection method based on video time sequence correlation
CN115131622B (en) * 2022-05-22 2024-03-29 北京工业大学 Night open fire detection method based on video time sequence correlation
CN115014748B (en) * 2022-05-31 2023-05-23 南京林业大学 Fault diagnosis method for seed cotton sorting spray valve
CN115014748A (en) * 2022-05-31 2022-09-06 南京林业大学 Fault diagnosis method for seed cotton sorting spray valve
CN114943922B (en) * 2022-06-02 2024-04-02 浙大城市学院 Machine examination suspicious behavior identification method based on deep learning
CN114943922A (en) * 2022-06-02 2022-08-26 浙大城市学院 Machine test suspicious behavior identification method based on deep learning
CN114913587A (en) * 2022-06-14 2022-08-16 合肥工业大学 Non-contact heart rate measurement uncertainty quantification method based on Bayesian deep learning
CN114913587B (en) * 2022-06-14 2024-02-13 合肥工业大学 Non-contact heart rate measurement uncertainty quantization method based on Bayesian deep learning
CN115050028B (en) * 2022-06-15 2024-03-29 松立控股集团股份有限公司 Small sample license plate detection method in severe weather
CN115050028A (en) * 2022-06-15 2022-09-13 松立控股集团股份有限公司 Sample vehicle license plate detection method in severe weather
CN114818838A (en) * 2022-06-30 2022-07-29 中国科学院国家空间科学中心 Low signal-to-noise ratio moving point target detection method based on pixel time domain distribution learning
CN114818838B (en) * 2022-06-30 2022-09-13 中国科学院国家空间科学中心 Low signal-to-noise ratio moving point target detection method based on pixel time domain distribution learning
CN115273044A (en) * 2022-07-15 2022-11-01 哈尔滨市科佳通用机电股份有限公司 Vehicle door damage fault identification and detection method based on improved graph convolution network
CN115273044B (en) * 2022-07-15 2023-04-07 哈尔滨市科佳通用机电股份有限公司 Vehicle door damage fault identification and detection method based on improved graph convolution network
CN115131760B (en) * 2022-07-17 2024-04-19 西北工业大学 Lightweight vehicle tracking method based on improved feature matching strategy
CN115131760A (en) * 2022-07-17 2022-09-30 西北工业大学 Lightweight vehicle tracking method based on improved feature matching strategy
CN114982739A (en) * 2022-07-18 2022-09-02 江苏合力四通智能科技股份有限公司 Intelligent laser bird repelling device and method based on deep learning
CN115393634A (en) * 2022-08-11 2022-11-25 重庆邮电大学 Transfer learning strategy-based small-sample target real-time detection method
CN115294244A (en) * 2022-08-11 2022-11-04 北京理工大学 Machine learning-based honeycomb structure patterning self-adaptive filling method
CN115393634B (en) * 2022-08-11 2023-12-26 重庆邮电大学 Small sample target real-time detection method based on migration learning strategy
CN115294244B (en) * 2022-08-11 2023-10-31 北京理工大学 Honeycomb structure patterning self-adaptive filling method based on machine learning
CN115331086B (en) * 2022-08-17 2023-08-08 哈尔滨市科佳通用机电股份有限公司 Brake shoe breakage and rivet loss fault detection method
CN115331086A (en) * 2022-08-17 2022-11-11 哈尔滨市科佳通用机电股份有限公司 Brake shoe breaking and rivet losing fault detection method
CN115359094A (en) * 2022-09-05 2022-11-18 珠海安联锐视科技股份有限公司 Moving target detection method based on deep learning
CN115359094B (en) * 2022-09-05 2023-04-18 珠海安联锐视科技股份有限公司 Moving target detection method based on deep learning
CN115484410A (en) * 2022-09-15 2022-12-16 天津大学 Event camera video reconstruction method based on deep learning
CN115484410B (en) * 2022-09-15 2023-11-24 天津大学 Event camera video reconstruction method based on deep learning
CN115578615A (en) * 2022-10-31 2023-01-06 成都信息工程大学 Night traffic sign image detection model establishing method based on deep learning
CN115641510B (en) * 2022-11-18 2023-08-08 中国人民解放军战略支援部队航天工程大学士官学校 Remote sensing image ship detection and identification method
CN115641510A (en) * 2022-11-18 2023-01-24 中国人民解放军战略支援部队航天工程大学士官学校 Remote sensing image ship detection and identification method
CN115601688B (en) * 2022-12-15 2023-02-21 中译文娱科技(青岛)有限公司 Video main content detection method and system based on deep learning
CN115601688A (en) * 2022-12-15 2023-01-13 中译文娱科技(青岛)有限公司(Cn) Video main content detection method and system based on deep learning
CN116385953B (en) * 2023-01-11 2023-12-15 哈尔滨市科佳通用机电股份有限公司 Railway wagon door hinge breaking fault image identification method
CN116385953A (en) * 2023-01-11 2023-07-04 哈尔滨市科佳通用机电股份有限公司 Railway wagon door hinge breaking fault image identification method
CN116524017B (en) * 2023-03-13 2023-09-19 明创慧远科技集团有限公司 Underground detection, identification and positioning system for mine
CN116524017A (en) * 2023-03-13 2023-08-01 明创慧远科技集团有限公司 Underground detection, identification and positioning system for mine
CN115953405B (en) * 2023-03-14 2023-05-26 中国科学院计算机网络信息中心 Bridge crack identification method and device for augmented reality equipment
CN115953405A (en) * 2023-03-14 2023-04-11 中国科学院计算机网络信息中心 Bridge crack identification method and device for augmented reality equipment
CN116403071B (en) * 2023-03-23 2024-03-26 河海大学 Method and device for detecting few-sample concrete defects based on feature reconstruction
CN116403071A (en) * 2023-03-23 2023-07-07 河海大学 Method and device for detecting few-sample concrete defects based on feature reconstruction
CN116106899A (en) * 2023-04-14 2023-05-12 青岛杰瑞工控技术有限公司 Port channel small target identification method based on machine learning
CN116106899B (en) * 2023-04-14 2023-06-23 青岛杰瑞工控技术有限公司 Port channel small target identification method based on machine learning
CN116452878B (en) * 2023-04-20 2024-02-02 广东工业大学 Attendance checking method and system based on deep learning algorithm and binocular vision
CN116452878A (en) * 2023-04-20 2023-07-18 广东工业大学 Attendance checking method and system based on deep learning algorithm and binocular vision
CN116434124B (en) * 2023-06-13 2023-09-05 江西云眼视界科技股份有限公司 Video motion enhancement detection method based on space-time filtering
CN116434124A (en) * 2023-06-13 2023-07-14 江西云眼视界科技股份有限公司 Video motion enhancement detection method based on space-time filtering
CN116778362A (en) * 2023-06-21 2023-09-19 武汉大学 Electric power tower acceptance component identification method based on field knowledge and deep learning
CN116778362B (en) * 2023-06-21 2024-03-05 广东电网有限责任公司汕尾供电局 Electric power tower acceptance component identification method based on field knowledge and deep learning
CN116843907B (en) * 2023-06-26 2024-02-13 中国信息通信研究院 Enhancement and target detection method and system based on deep learning
CN116843907A (en) * 2023-06-26 2023-10-03 中国信息通信研究院 Enhancement and target detection method and system based on deep learning
CN116503517B (en) * 2023-06-27 2023-09-05 江西农业大学 Method and system for generating image by long text
CN116503517A (en) * 2023-06-27 2023-07-28 江西农业大学 Method and system for generating image by long text
CN116524474A (en) * 2023-07-04 2023-08-01 武汉大学 Vehicle target detection method and system based on artificial intelligence
CN116524474B (en) * 2023-07-04 2023-09-15 武汉大学 Vehicle target detection method and system based on artificial intelligence
CN117011772A (en) * 2023-07-31 2023-11-07 广东电网有限责任公司 Risk prompting method, device and storage medium for power transmission line
CN117011772B (en) * 2023-07-31 2024-04-30 广东电网有限责任公司 Risk prompting method, device and storage medium for power transmission line
CN116977931A (en) * 2023-07-31 2023-10-31 深圳市星河智善科技有限公司 High-altitude parabolic identification method based on deep learning
CN116993779A (en) * 2023-08-03 2023-11-03 重庆大学 Vehicle target tracking method suitable for monitoring video
CN116912238B (en) * 2023-09-11 2023-11-28 湖北工业大学 Weld joint pipeline identification method and system based on multidimensional identification network cascade fusion
CN116912238A (en) * 2023-09-11 2023-10-20 湖北工业大学 Weld joint pipeline identification method and system based on multidimensional identification network cascade fusion
CN117237369B (en) * 2023-11-16 2024-02-27 苏州视智冶科技有限公司 Blast furnace iron notch opening depth measurement method based on computer vision
CN117237369A (en) * 2023-11-16 2023-12-15 苏州视智冶科技有限公司 Blast furnace iron notch opening depth measurement method based on computer vision
CN117372935B (en) * 2023-12-07 2024-02-20 神思电子技术股份有限公司 Video target detection method, device and medium
CN117372935A (en) * 2023-12-07 2024-01-09 神思电子技术股份有限公司 Video target detection method, device and medium

Also Published As

Publication number Publication date
CN109977812B (en) 2023-02-24
JP7120689B2 (en) 2022-08-17
CN109977812A (en) 2019-07-05
JP2021530062A (en) 2021-11-04

Similar Documents

Publication Publication Date Title
WO2020181685A1 (en) Vehicle-mounted video target detection method based on deep learning
JPWO2020181685A5 (en)
CN110163187B (en) F-RCNN-based remote traffic sign detection and identification method
CN110348445B (en) Instance segmentation method fusing void convolution and edge information
CN103886308B (en) A kind of pedestrian detection method of use converging channels feature and soft cascade grader
CN110147763A (en) Video semanteme dividing method based on convolutional neural networks
CN112906485B (en) Visual impairment person auxiliary obstacle perception method based on improved YOLO model
CN112001339A (en) Pedestrian social distance real-time monitoring method based on YOLO v4
CN109145939A (en) A kind of binary channels convolutional neural networks semantic segmentation method of Small object sensitivity
CN108009518A (en) A kind of stratification traffic mark recognition methods based on quick two points of convolutional neural networks
CN109977793A (en) Trackside image pedestrian's dividing method based on mutative scale multiple features fusion convolutional network
CN104156734B (en) A kind of complete autonomous on-line study method based on random fern grader
CN107463920A (en) A kind of face identification method for eliminating partial occlusion thing and influenceing
CN103984948B (en) A kind of soft double-deck age estimation method based on facial image fusion feature
CN111460919B (en) Monocular vision road target detection and distance estimation method based on improved YOLOv3
CN112487862B (en) Garage pedestrian detection method based on improved EfficientDet model
CN109492596B (en) Pedestrian detection method and system based on K-means clustering and regional recommendation network
CN110232316A (en) A kind of vehicle detection and recognition method based on improved DSOD model
CN110197152A (en) A kind of road target recognition methods for automated driving system
CN107273832A (en) Licence plate recognition method and system based on integrating channel feature and convolutional neural networks
CN101364263A (en) Method and system for detecting skin texture to image
CN111462140B (en) Real-time image instance segmentation method based on block stitching
CN110008882A (en) Vehicle checking method based on mask and the loss of frame similitude
CN112674998A (en) Blind person traffic intersection assisting method based on rapid deep neural network and mobile intelligent device
CN112906631A (en) Dangerous driving behavior detection method and detection system based on video

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 19918759

Country of ref document: EP

Kind code of ref document: A1

ENP Entry into the national phase

Ref document number: 2021502766

Country of ref document: JP

Kind code of ref document: A

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 19918759

Country of ref document: EP

Kind code of ref document: A1