WO2019136946A1 - Deep learning-based weakly supervised salient object detection method and system - Google Patents

Deep learning-based weakly supervised salient object detection method and system Download PDF

Info

Publication number
WO2019136946A1
WO2019136946A1 PCT/CN2018/095057 CN2018095057W WO2019136946A1 WO 2019136946 A1 WO2019136946 A1 WO 2019136946A1 CN 2018095057 W CN2018095057 W CN 2018095057W WO 2019136946 A1 WO2019136946 A1 WO 2019136946A1
Authority
WO
WIPO (PCT)
Prior art keywords
training
saliency
map
category
neural network
Prior art date
Application number
PCT/CN2018/095057
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 中山大学
Publication of WO2019136946A1 publication Critical patent/WO2019136946A1/en

Links

Images

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/20Image preprocessing
    • G06V10/25Determination of region of interest [ROI] or a volume of interest [VOI]
    • 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
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks

Definitions

  • the present invention relates to the field of computer vision based on deep learning, and in particular to a method and system for weakly supervised saliency object detection based on deep learning.
  • the object of the present invention is to provide a weakly supervised significant object detection method and system based on deep learning, which effectively combines a supervised and unsupervised saliency detection method in the optimization process.
  • the noise information can be automatically cleared, and only the image-level annotation information can be used to achieve a good prediction effect, thereby avoiding the cumbersome and time-consuming pixel-level manual labeling process.
  • the present invention provides a weakly supervised significant object detection method based on deep learning, comprising the following steps:
  • Step S1 using the unsupervised saliency detection method to generate a saliency map S anno of all training images through the multi-task full convolution neural network;
  • Step S2 using the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and after the training process converges, generate a new category activation map.
  • Step S3 adjusting the category activation map and the saliency object prediction map by using a conditional random field model
  • Step S4 using the label update strategy to update the saliency annotation information for the next iteration
  • Step S5 performing the training process of steps S2-S4 multiple iterations until the condition of stopping is met;
  • step S6 generalization training is performed on the data set containing the image of the unknown category to obtain the final model.
  • step S1 data set training data containing image category information is selected, and an unsupervised saliency detection method is selected, and pixel-level significantness is generated for all training samples by the multi-task full convolutional neural network.
  • any deep neural network model is selected as a pre-training model of the full convolutional neural network, and the last linear classification layer of the deep neural network model is replaced by a linear convolution layer, and the last two downsampling layers in the network are removed. And use the expansion convolution algorithm to increase the expansion rate in the last two layers of the convolutional layer.
  • the full convolutional neural network is replicated 3 times, each sub-network corresponds to image input at one scale, 3 networks share weights, and 3 networks
  • the output is scaled to the original size of the image using the linear difference method, and the pixel level addition process is performed, and the softmax layer is input to generate the final probability map.
  • step S2 further comprises:
  • a new saliency object prediction map is generated using the trained full convolutional neural network, and the category activation map is generated using the multi-task full convolution neural network in combination with the category activation mapping technique.
  • the feature maps of the three scales of the multi-task full convolutional neural network are connected, and after a global average pooling layer, the further processed features are obtained, and then a fully connected layer is input, thereby obtaining Category distribution output.
  • step S3 the saliency map S anno generated in step S1 is processed by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated in step S2 to generate more spatial synergy and stronger.
  • the tag update policy generates a new saliency map pseudo tag by using a class activation map for guidance and appropriate threshold determination.
  • the label update policy is specifically as follows:
  • MAE is the average error rate
  • CRF is the conditional random field algorithm
  • ⁇ and ⁇ are preset thresholds.
  • the present invention also provides a weakly supervised significant object detection system based on deep learning, which is characterized in that:
  • Saliency map generating unit saliency detection methods for using unsupervised training to generate all the image saliency map S anno convolutional neural network by the full multi-tasking;
  • a training unit configured to use the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and generate a new category after the training process converges Activation map S cam and significant object prediction map S predict ;
  • An update unit configured to update the saliency annotation information for the next iteration by using a label update policy
  • An iterative training unit for performing a training process of the training unit, the adjusting unit, and the updating unit in multiple iterations until the condition of stopping is met;
  • the second stage training unit is used to perform generalization training on the data set containing the image of the unknown category after the first stage training is stopped, to obtain the final model.
  • a method and system for detecting a weak object based on weak learning based on deep learning of the present invention generates a saliency map of all training images by using an unsupervised saliency detection method, and a category label corresponding to the image level
  • the first iteration of the noisy supervised information it is used to train the multi-tasked full convolutional neural network.
  • the new class activation map and the saliency object prediction map are generated through the multi-task neural network, and the conditions are used.
  • the random field model adjusts the category activation map and the saliency map, uses the label update strategy to update the label information for the next iteration, performs the above training process through multiple iterations until the condition of the stop is met, and finally performs the pan on the data set containing the image of the unknown category.
  • the training method is used to obtain the final model.
  • the method proposed by the present invention effectively exploits and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method in the absence of the pixel level label. The final result exceeds all existing significant object detection Unsupervised methods in the field.
  • FIG. 1 is a flow chart showing the steps of a method for weakly supervising significant object detection based on deep learning according to the present invention
  • FIG. 2 is a structural diagram of a multi-task full convolutional neural network in a specific embodiment of the present invention
  • FIG. 3 is a schematic diagram of an iterative training process according to a specific embodiment of the present invention.
  • FIG. 4 is a system architecture diagram of a weakly supervised significant object detection system based on deep learning according to the present invention.
  • a weakly supervised significant object detection method based on deep learning includes the following steps:
  • step S1 a saliency map of all training images is generated by a multi-task full convolutional neural network using an unsupervised saliency detection method.
  • a data set containing image category information is selected as the training data of the first stage, and the data set is generally used for image detection, and an unsupervised saliency detection method is selected, which is The convolutional neural network generates a pixel-level saliency map for all training samples, denoted as Sanno .
  • the present invention can select any deep neural network model with better performance, such as ResNet (residual network), GoogleNet, etc. as a pre-training model of the full convolutional neural network.
  • 2 is a structural diagram of a multi-task full convolutional neural network in a specific embodiment of the present invention.
  • ResNet residual network
  • GoogleNet GoogleNet
  • the network structure is modified as needed, but not limited thereto. specifically,
  • the linear classification layer with 1000 outputs at the end of the residual network is replaced by a linear convolution layer, which outputs the feature maps of the two channels.
  • a linear convolution layer which outputs the feature maps of the two channels.
  • L.-C. Chen, et al. "Semantic image segmentation with deep convolutional nets and fully connected crfs" (arXiv preprint arXiv: 1412.7062, 2014), removed
  • the present invention copies the 101-layer residual network three times, each sub-network corresponding to one scale input, and three networks. Sharing the weight, the output of the three networks is scaled to the original size of the image by the linear difference method, and the pixel level addition processing is performed, and then the softmax layer is input to generate a final probability map, that is, a saliency map of the training image.
  • Step S2 using the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and after the training process converges, generate a new category activation map. And significant object prediction maps.
  • step S2 further includes:
  • Step S201 the saliency map generated by the step S1 and the corresponding manually labeled category information are used as the saliency map pseudo-tag and the category label respectively to train the multi-tasked full convolutional neural network;
  • Step S202 after the training process of step S201 converges, use the trained full convolutional neural network to generate a new saliency object prediction map, denoted as S predict , and use the neural network to generate category activation using the category activation mapping technique.
  • Figure recorded as S cam .
  • step S3 the category activation map and the saliency object prediction map are adjusted by using the conditional random field model.
  • the saliency map S anno generated in step S1 is processed by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated in step S2 to generate more spatial synergy and stronger.
  • the prediction map of the margin preservation is correspondingly recorded as C anno , C cam , C predict .
  • the present invention embeds a graph model to fine tune the salient map.
  • the graph model is based on a conditional random field, which can improve the spatial correlation and edge preservation of the predicted image.
  • the proposed model solves a binary pixel-level annotation problem using the following energy formula:
  • L represents the saliency label calibrated for all pixels
  • P(l i ) is the probability that the pixel x i corresponds to the label l i .
  • S is a saliency map to be processed
  • S i is the significance score of the salient map of the process at position x i
  • ⁇ ij (l i , l j ) is a pairwise value between positions, which is calculated by the following formula:
  • p is the position vector
  • I is the color vector
  • w is the weight of the linear combination
  • ⁇ ⁇ , ⁇ ⁇ , ⁇ ⁇ are hyperparameters that control the degree of proximity and similarity.
  • ⁇ ij is composed of two cores.
  • the first kernel relies on the position of the pixel and the color value at that location, causing adjacent pixels with similar colors to get similar significance scores.
  • the second kernel relies on the relationship between pixels, trying to remove small isolated areas.
  • the output of the entire graph model is a probability plot, and the value of each position indicates the probability that the pixel at that location is a significant pixel.
  • the probability map can be converted into a binary map by a certain threshold as a pseudo-label during training.
  • step S4 the tag update policy is used to update the salient tag information for the next iteration. Specifically, using the tag update policy, according to the steps S anno , S cam , S predict , C anno , C cam , and C predict generated by the above steps, the saliency tag information of the next iteration is generated, and is recorded as S update .
  • the label update policy uses a category activation map for guidance and a suitable threshold determination to generate a new saliency map pseudo-label.
  • the specific label update strategy is as follows:
  • MAE is the average error rate
  • CRF is the conditional random field algorithm
  • ⁇ and ⁇ are preset thresholds.
  • step S5 the training process of steps S2-S4 is performed iteratively a plurality of times until the condition of the stop is met. Specifically, steps S2, S3, and S4 are alternately performed until the first stage of training is stopped when the set stop condition is satisfied.
  • the deep object-based weakly supervised significant object detection method of the present invention further comprises the following steps:
  • step S6 generalization training is performed on the data set containing the image of the unknown category to obtain the final model. Specifically, one or two significant detection data sets are selected as the training data of the second stage. Unlike the first stage, the data of this stage contains objects of unknown category, and the data is used for the full convolutional neural network. Fine-tuning training is performed, and the final model is obtained when the training process converges.
  • FIG. 3 is a schematic diagram of an iterative training process according to a specific embodiment of the present invention.
  • the training of the entire weakly supervised saliency map is divided into two stages, which are based on an iterative training strategy, and the process of each iteration is as shown in FIG.
  • the present invention selects Microsoft's COCO data set for training, which is a large data set widely used for object detection, which has one or more category labels for each training image.
  • a well-functioning unsupervised saliency detection model to generate an initial saliency map for all training samples, as a significant pseudo-label for the first training, and then combine these pseudo-labels with the corresponding image-level category labels as a supervising Information, training multi-tasked full convolutional neural network, when the training process converges, select the best performing model on the verification set as the final model of the training process, and use it to generate new saliency maps for the entire training data set and Category activation map.
  • the model is optimized using the following loss function:
  • N is the total number of samples and p n is the nth sample label. Represents the nth sample prediction value.
  • a new training tuple (image, saliency map, and image category label) is generated for the next iteration using the saliency label update strategy.
  • the above training process is iteratively repeated until the conditions of the stop are met.
  • the MAE mean error rate
  • the pseudo-label of the process and the new saliency map generated by the full convolutional neural network is calculated on the verification set, when the average error rate is below a certain threshold (may be Preset) indicates that the model has achieved the desired fit and can end the training.
  • the model can also perform saliency detection on images containing unknown image tags, and the data set in the saliency detection (MSRA-B, HKU-IS) is required. Further fine-tuning is performed. At this stage, the average value of the five category activation maps with the highest response value is used as a guide map.
  • a weakly supervised significant object detection system based on deep learning includes:
  • a saliency map generation unit 401 for generating a saliency map of all training images by a multi-task full convolutional neural network using an unsupervised saliency detection method selects the data set containing the image category information as the training data of the first stage, and the data set is usually used for image detection, and selects an unsupervised saliency detection method, which utilizes the full multitasking
  • the convolutional neural network generates a pixel-level saliency map for all training samples, denoted as Sanno .
  • the present invention can select any deep neural network model, such as ResNet (residual network), GoogleNet, etc., as a pre-training model of the full convolutional neural network.
  • ResNet residual network
  • the linear classification layer with 1000 outputs at the end of the residual network is replaced by a linear convolution layer, which outputs the feature maps of the two channels.
  • a linear convolution layer which outputs the feature maps of the two channels.
  • L.-C. Chen, et al. "Semantic image segmentation with deep convolutional nets and fully connected crfs" (arXiv preprint arXiv: 1412.7062, 2014), removed
  • the present invention copies the 101-layer residual network three times, each sub-network corresponding to one scale input, and three networks. Sharing the weight, the output of the three networks is scaled to the original size of the image by the linear difference method, and the pixel level addition process is performed, and then the softmax layer is input to generate the final probability map.
  • the training unit 402 is configured to use the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and generate a new after the training process converges.
  • the training unit 402 is specifically configured to:
  • the trained total convolutional neural network is used to generate a new saliency object prediction map, which is denoted as S predict , and the network activation map is combined with the category activation mapping technique to generate a category activation map, which is denoted as S cam .
  • the adjusting unit 403 is configured to adjust the category activation map and the saliency object prediction map by using a conditional random field model. Specifically, the adjustment unit 403 processes the saliency map S anno generated by the saliency map generation unit 401 by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated by the training unit 402 to generate a more spatial synergy relationship and The prediction map of stronger margin preservation is correspondingly recorded as C anno , C cam , C predict .
  • the updating unit 404 is configured to update the tag information for the next iteration using the tag update policy. Specifically, the update unit 404 uses the tag update policy to generate the S anno , S cam , S predict , C anno , C cam , C predict according to the above steps. Generate a significant graph label for the next iteration, labeled S update .
  • the iterative training unit 405 is configured to perform the training process of the training unit 402, the adjusting unit 403, and the updating unit 404 multiple iterations until the condition of stopping is met. Specifically, the training unit 402, the adjustment unit 403, and the update unit 404 are alternately performed until the training of the first stage is stopped when the set stop condition is satisfied.
  • the second stage training unit 406 is configured to perform generalization training on the data set containing the image of the unknown category after the first stage training is stopped, to obtain a final model. Specifically, the second stage training unit 406 selects one or two significant detection data sets as the training data of the second stage. Unlike the first stage, the data of this stage contains objects of unknown categories, and the data is used. Fine-tuning the whole convolutional neural network, and finally obtaining the final model when the training process converges.
  • the method and system for detecting significant objects based on weak learning based on deep learning of the present invention generate a saliency map of all training images by using an unsupervised saliency detection method, simultaneously with the corresponding image level category label.
  • the noisy supervised information of the initial iteration is used to train the multi-tasked full convolutional neural network.
  • the new class activation map and the saliency object prediction map are generated through the multi-task neural network, and the conditional random field is used.
  • the model adjusts the category activation map and the saliency map, uses the label update strategy to update the label information for the next iteration, performs the above training process through multiple iterations until the condition of the stop is met, and finally performs generalization on the data set containing the image of the unknown category.
  • Training to obtain the final model, the method proposed by the present invention effectively exploits and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method in the absence of the pixel level label, and finally digs and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method. The effect exceeds all existing areas of significant object detection Supervision methods.

Landscapes

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

Abstract

Disclosed in the present invention are a deep learning-based weakly supervised salient object detection method and system, the method comprising: generating salient images of all training images by using an unsupervised salient detection method; training a multi-task full convolutional neural network by using the salient images and corresponding image-level type labels as noisy supervision information for initial iteration, and generating a new type activation image and a salient object prediction image after the training process is converged; adjusting the type activation image and the salient object prediction image by using a conditional random field model; updating saliency labeling information for the next iteration using a label updating policy; performing a training process by multiple iterations until a stop condition is met; and performing general training on a data set comprising unknown types of images so as to obtain a final model. According to the present invention, noise information is automatically eliminated in an optimization process, and a good prediction effect may be achieved by only using image-level labeling information, thereby avoiding a complex and time-consuming pixel-level manual labeling process.

Description

基于深度学习的弱监督显著性物体检测的方法及系统Method and system for weakly supervised significant object detection based on deep learning 技术领域Technical field
本发明涉及基于深度学习的计算机视觉领域,特别是涉及一种基于深度学习的弱监督显著性物体检测的方法及系统。The present invention relates to the field of computer vision based on deep learning, and in particular to a method and system for weakly supervised saliency object detection based on deep learning.
背景技术Background technique
显著性物体检测是指在图像中准确地定位出最吸引人类视觉注意力的区域。近年来由于这种技术能在众多不同的视觉技术中得到运用,激发了大量计算机视觉和认知科学的研究工作。Significant object detection refers to accurately locating the most attractive areas of human visual attention in the image. In recent years, this technology has been used in many different visual technologies, which has stimulated a lot of research work in computer vision and cognitive science.
近几年,卷积神经网络的成功运用为显著性检测技术带来了重大突破,如G.Li等人在2015年的研究工作“Visual saliency based on multiscale deep features”(IEEE Conference on Computer Vision and Pattern Recognition(CVPR),June 2015),和N.Liu等人在2016年的研究工作“Deep hierarchical saliency network for salient object detection”(In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition,pages678–686,2016)。然而,这些基于深度学习理论的利用卷积神经网络进行建模的方法,保证性能的前提都是需要有足量且质量高的像素级别的标注信息来作为训练样本。但是,对于显著性检测来说,进行像素级别的标注十分吃力,即使是对于经验丰富的标注人员,也需要几分钟时间才能标出一张图。此外,由于显著性的定义比较主观,为了保证训练质量,在完成人工标注阶段的工作之后,还需对标注信息进行进一步删选,去除有争议性的标注,整个标注工作需要耗费很多人工和时间,从而限制了像素级别训练数据的数据总量,这种限制也进一步成为全监督方法提高性能的瓶颈。In recent years, the successful use of convolutional neural networks has brought significant breakthroughs in significant detection techniques, such as G.Li et al.'s 2015 work "Visual saliency based on multiscale deep features" (IEEE Conference on Computer Vision and Pattern Recognition (CVPR), June 2015), and N. Liu et al. "Deep hierarchical saliency network for salient object detection" (In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 678-686, 2016). However, these methods based on deep learning theory using convolutional neural networks to ensure performance are required to have sufficient and high-quality pixel-level annotation information as training samples. However, for saliency detection, pixel-level annotation is very difficult, even for experienced labelers, it takes a few minutes to mark a map. In addition, since the definition of saliency is subjective, in order to ensure the quality of training, after the completion of the manual labeling stage, the labeling information needs to be further deleted, and the controversial labeling is removed, and the entire labeling work takes a lot of labor and time. This limits the amount of data for pixel-level training data, and this limitation has further become a bottleneck for performance-enhanced methods.
另一方面,这一领域也存在海量的非监督的方法,如较早期的Y.Wei,F.Wen,W.Zhu,and J.Sun的工作“Geodesic saliency using background priors”(In European conference on computer vision,pages 29–42.Springer,2012),和近年M.-M.Cheng等人的研究Global contrast based salient region detection.(IEEE Transactions on Pattern Analysis and Machine Intelligence,37(3):569–582,2015)。这些方法通常基于某种低级别的特征进行预测,如颜色,位置,背景先验信息等,导致了这类方法总是在特定类别的图像上比较适用,但是无法对所有图像进行很好的预测,这些基于低级别特征的方法有共同的缺点,即检测的错误大多源于缺乏空间相关性和图像语义的考虑。On the other hand, there are also a large number of unsupervised methods in this field, such as the earlier work of Y.Wei, F.Wen, W.Zhu, and J.Sun “Geodesic saliency using background priors” (In European conference on Computer vision, pages 29–42. Springer, 2012), and recent studies by M.-M. Cheng et al. Global contrast based salient region detection. (IEEE Transactions on Pattern Analysis and Machine Intelligence, 37(3): 569–582 , 2015). These methods are usually based on some low-level features such as color, position, background prior information, etc., which leads to the fact that such methods are always suitable for specific categories of images, but not for good prediction of all images. These methods based on low-level features have the common disadvantage that most of the errors detected are due to the lack of spatial correlation and image semantic considerations.
发明内容Summary of the invention
为克服上述现有技术存在的不足,本发明之目的在于提供一种基于深度学习的弱监督显著性物体检测方法及系统,有效地结合了有监督和无监督的显著性检测方法,在优化过程中可以自动清除噪声信息,只使用图像级别的标注信息就能达到良好的预测效果,从而避免了冗繁耗时的像素级别的人工标注过程。In order to overcome the deficiencies of the prior art described above, the object of the present invention is to provide a weakly supervised significant object detection method and system based on deep learning, which effectively combines a supervised and unsupervised saliency detection method in the optimization process. The noise information can be automatically cleared, and only the image-level annotation information can be used to achieve a good prediction effect, thereby avoiding the cumbersome and time-consuming pixel-level manual labeling process.
为达上述及其它目的,本发明提出一种基于深度学习的弱监督显著性物体检测方法,包括如下步骤:To achieve the above and other objects, the present invention provides a weakly supervised significant object detection method based on deep learning, comprising the following steps:
步骤S1,利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图S annoStep S1, using the unsupervised saliency detection method to generate a saliency map S anno of all training images through the multi-task full convolution neural network;
步骤S2,将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图S cam和显著性物体预测图S predictStep S2, using the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and after the training process converges, generate a new category activation map. S cam and significant object prediction map S predict ;
步骤S3,利用条件随机场模型调整所述类别激活图和显著性物体预测图;Step S3, adjusting the category activation map and the saliency object prediction map by using a conditional random field model;
步骤S4,利用标签更新策略为下一次迭代更新显著性标注信息;Step S4, using the label update strategy to update the saliency annotation information for the next iteration;
步骤S5,多次迭代式地进行步骤S2-S4的训练过程,直到符合停止的条件;Step S5, performing the training process of steps S2-S4 multiple iterations until the condition of stopping is met;
步骤S6,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。In step S6, generalization training is performed on the data set containing the image of the unknown category to obtain the final model.
优选地,于步骤S1中,选择含有图像类别信息的数据集训练数据,并选取一个非监督的显著性检测方法,通过所述多任务的全卷积神经网络为所有训练样本生成像素级别的显著图。Preferably, in step S1, data set training data containing image category information is selected, and an unsupervised saliency detection method is selected, and pixel-level significantness is generated for all training samples by the multi-task full convolutional neural network. Figure.
优选地,选取任一深度神经网络模型作为全卷积神经网络的预训练模型,将该深度神经网络模型最后的线性分类层替换为一个线性卷积层,去掉该网络中最后两个下采样层,并使用扩张卷积算法在最后两层的卷积层提高扩张率。Preferably, any deep neural network model is selected as a pre-training model of the full convolutional neural network, and the last linear classification layer of the deep neural network model is replaced by a linear convolution layer, and the last two downsampling layers in the network are removed. And use the expansion convolution algorithm to increase the expansion rate in the last two layers of the convolutional layer.
优选地,于所述多任务的全卷积神经网络中,将所述全卷积神经网络复制3次,每一个子网络对应一个尺度下的图像输入,3个网络共享权值,3个网络的输出用线性差值的方法缩放到图像的原始大小,进行像素层面的相加处理后输入softmax层产生最终的概率图。Preferably, in the multi-task full convolutional neural network, the full convolutional neural network is replicated 3 times, each sub-network corresponds to image input at one scale, 3 networks share weights, and 3 networks The output is scaled to the original size of the image using the linear difference method, and the pixel level addition process is performed, and the softmax layer is input to generate the final probability map.
优选地,步骤S2进一步包括:Preferably, step S2 further comprises:
以步骤S1产生的显著图和对应的人工标注的类别信息分别作为显著性图伪标签和类别标签,训练所述多任务的全卷积神经网络;Training the multi-tasked full convolutional neural network with the saliency map generated in step S1 and the corresponding manually labeled category information as saliency map pseudo-tags and category labels, respectively;
于训练过程收敛后,利用训练好的全卷积神经网络生成新的显著性物体预测图,并使用所述多任务的全卷积神经网络结合类别激活映射技术生成类别激活图。After the training process converges, a new saliency object prediction map is generated using the trained full convolutional neural network, and the category activation map is generated using the multi-task full convolution neural network in combination with the category activation mapping technique.
优选地,将所述多任务的全卷积神经网络的3个尺度下的特征图连接起来后,经过一个全局平均池化层,得到进一步处理后的特征,再输入一个全连接层,从而获得类别分布输出。Preferably, the feature maps of the three scales of the multi-task full convolutional neural network are connected, and after a global average pooling layer, the further processed features are obtained, and then a fully connected layer is input, thereby obtaining Category distribution output.
优选地,于步骤S3中,利用条件随机场模型,处理步骤S1产生的显著图S anno,以调整步骤S2产生的类别激活图S cam和显著图S predict,生成更具有空间协同关系和更强保边性的预测图,记为C anno,C cam,C predictPreferably, in step S3, the saliency map S anno generated in step S1 is processed by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated in step S2 to generate more spatial synergy and stronger. Predictive graph of margin preservation, recorded as C anno , C cam , C predict .
优选地,于步骤S4中,所述标签更新策略利用类别激活图进行指导和合适的阈值判定生成新的显著图伪标签。Preferably, in step S4, the tag update policy generates a new saliency map pseudo tag by using a class activation map for guidance and appropriate threshold determination.
优选地,所述标签更新策略具体如下:Preferably, the label update policy is specifically as follows:
如果MAE(C anno,C predict)≤α,则
Figure PCTCN2018095057-appb-000001
If MAE(C anno , C predict ) ≤ α, then
Figure PCTCN2018095057-appb-000001
否则如果MAE(C anno,C cam)>β且MAE(C predict,C cam)>β,则在下次迭代训练时去掉这个训练样本; Otherwise, if MAE(C anno , C cam )>β and MAE(C predict ,C cam )>β, the training sample is removed during the next iteration training;
否则如果MAE(C anno,C cam)≤MAE(C predict,C cam),则
Figure PCTCN2018095057-appb-000002
Figure PCTCN2018095057-appb-000003
Otherwise, if MAE (C anno , C cam ) ≤ MAE (C predict , C cam ), then
Figure PCTCN2018095057-appb-000002
Figure PCTCN2018095057-appb-000003
否则S update=C predict Otherwise S update =C predict
其中MAE为平均错误率,CRF为条件随机场算法,α、β为预设阈值。Among them, MAE is the average error rate, CRF is the conditional random field algorithm, and α and β are preset thresholds.
为达到上述目的,本发明还提供一种基于深度学习的弱监督显著性物体检测系统,其特征在于:To achieve the above object, the present invention also provides a weakly supervised significant object detection system based on deep learning, which is characterized in that:
显著图产生单元,用于利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图S annoSaliency map generating unit saliency detection methods for using unsupervised training to generate all the image saliency map S anno convolutional neural network by the full multi-tasking;
训练单元,用于将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图S cam和显著性物体预测图S predicta training unit, configured to use the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and generate a new category after the training process converges Activation map S cam and significant object prediction map S predict ;
调整单元,用于利用条件随机场模型调整所述类别激活图和显著性物体预测图;An adjustment unit for adjusting the category activation map and the saliency object prediction map by using a conditional random field model;
更新单元,用于利用标签更新策略为下一次迭代更新显著性标注信息;An update unit, configured to update the saliency annotation information for the next iteration by using a label update policy;
迭代训练单元,用于多次迭代式地进行训练单元、调整单元以及更新单元的训练过程,直到符合停止的条件;An iterative training unit for performing a training process of the training unit, the adjusting unit, and the updating unit in multiple iterations until the condition of stopping is met;
第二阶段训练单元,用于于第一阶段训练停止后,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。The second stage training unit is used to perform generalization training on the data set containing the image of the unknown category after the first stage training is stopped, to obtain the final model.
与现有技术相比,本发明一种基于深度学习的弱监督的显著性物体检测方法及系统通过利用非监督的显著性检测方法产生所有训练图像的显著图,与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,用以训练多任务的全卷积神经网络,训练过程收敛后,通过多任务的神经网络生成新的类 别激活图和显著性物体预测图,并使用条件随机场模型调整类别激活图和显著图,利用标签更新策略为下一次迭代更新标签信息,通过多次迭代进行上述训练过程,直到符合停止的条件,最后在含有未知类别图像的数据集上进行泛化式训练,得到最终模型,本发明提出的方法在缺乏像素级别标签的情况下,只利用图像级别标签的指导,有效地挖掘和纠正了传统非监督方法产生的显著性物体预测图的歧义,最终的效果超过了所有现有的显著性物体检测领域的非监督方法。Compared with the prior art, a method and system for detecting a weak object based on weak learning based on deep learning of the present invention generates a saliency map of all training images by using an unsupervised saliency detection method, and a category label corresponding to the image level At the same time, as the first iteration of the noisy supervised information, it is used to train the multi-tasked full convolutional neural network. After the training process converges, the new class activation map and the saliency object prediction map are generated through the multi-task neural network, and the conditions are used. The random field model adjusts the category activation map and the saliency map, uses the label update strategy to update the label information for the next iteration, performs the above training process through multiple iterations until the condition of the stop is met, and finally performs the pan on the data set containing the image of the unknown category. The training method is used to obtain the final model. The method proposed by the present invention effectively exploits and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method in the absence of the pixel level label. The final result exceeds all existing significant object detection Unsupervised methods in the field.
附图说明DRAWINGS
图1为本发明一种基于深度学习的弱监督显著性物体检测的方法的步骤流程图;1 is a flow chart showing the steps of a method for weakly supervising significant object detection based on deep learning according to the present invention;
图2为本发明具体实施例中多任务的全卷积神经网络的结构图;2 is a structural diagram of a multi-task full convolutional neural network in a specific embodiment of the present invention;
图3为本发明具体实施例迭代式训练过程的示意图;3 is a schematic diagram of an iterative training process according to a specific embodiment of the present invention;
图4为本发明一种基于深度学习的弱监督显著性物体检测系统的系统架构图。4 is a system architecture diagram of a weakly supervised significant object detection system based on deep learning according to the present invention.
具体实施方式Detailed ways
以下通过特定的具体实例并结合附图说明本发明的实施方式,本领域技术人员可由本说明书所揭示的内容轻易地了解本发明的其它优点与功效。本发明亦可通过其它不同的具体实例加以施行或应用,本说明书中的各项细节亦可基于不同观点与应用,在不背离本发明的精神下进行各种修饰与变更。The embodiments of the present invention will be described by way of specific examples and the accompanying drawings, and those skilled in the art can readily understand the advantages and advantages of the present invention. The present invention may be embodied or applied in various other specific embodiments, and various modifications and changes may be made without departing from the spirit and scope of the invention.
图1为本发明一种基于深度学习的弱监督显著性物体检测方法的步骤流程图。如图1所示,本发明一种基于深度学习的弱监督显著性物体检测方法,包括如下步骤:1 is a flow chart of steps of a weakly supervised significant object detection method based on deep learning according to the present invention. As shown in FIG. 1 , a weakly supervised significant object detection method based on deep learning includes the following steps:
步骤S1,利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图。具体地,于步骤S1中,选择含有图像类别信息的数据 集作为第一阶段的训练数据,这种数据集通常用于图像检测,并选取一个非监督的显著性检测方法,通过多任务的全卷积神经网络为所有训练样本生成像素级别的显著图,记为S annoIn step S1, a saliency map of all training images is generated by a multi-task full convolutional neural network using an unsupervised saliency detection method. Specifically, in step S1, a data set containing image category information is selected as the training data of the first stage, and the data set is generally used for image detection, and an unsupervised saliency detection method is selected, which is The convolutional neural network generates a pixel-level saliency map for all training samples, denoted as Sanno .
本发明可选取任一性能较好的深度神经网络模型,如ResNet(残差网络),GoogleNet等作为全卷积神经网络的预训练模型。图2为本发明具体实施例中多任务的全卷积神经网络的结构图。在本发明具体实施例中,采用了101层的ResNet(残差网络),并根据需要对网络结构进行修改,但不以此为限。具体地,The present invention can select any deep neural network model with better performance, such as ResNet (residual network), GoogleNet, etc. as a pre-training model of the full convolutional neural network. 2 is a structural diagram of a multi-task full convolutional neural network in a specific embodiment of the present invention. In the specific embodiment of the present invention, a 101-layer ResNet (residual network) is used, and the network structure is modified as needed, but not limited thereto. specifically,
首先将该残差网络最后有1000路输出的线性分类层替换为一个线性卷积层,该层输出两个通道的特征图。另外,为了得到分辨率更高的特征图,参考L.-C.Chen,等人的研究工作“Semantic image segmentation with deep convolutional nets and fully connected crfs”(arXiv preprint arXiv:1412.7062,2014),去掉了网络中最后两个下采样层,并使用扩张卷积(dilation algorithm)算法在最后两层的卷积层提高扩张率(dilation rate)以增加感受野的范围,经过这样的处理,网络最终输出分辨率为原始分辨率的1/8的特征图。First, the linear classification layer with 1000 outputs at the end of the residual network is replaced by a linear convolution layer, which outputs the feature maps of the two channels. In addition, in order to obtain a higher resolution feature map, refer to L.-C. Chen, et al., "Semantic image segmentation with deep convolutional nets and fully connected crfs" (arXiv preprint arXiv: 1412.7062, 2014), removed The last two downsampling layers in the network, and using the dilation algorithm algorithm to increase the dilation rate in the convolution layer of the last two layers to increase the range of the receptive field. After such processing, the final output of the network is resolved. The rate is 1/8 of the original resolution.
由于显著性物体的尺度跨度较大,为了更精准检测出不同尺度下的物体,本发明将上述101层的残差网络复制了3次,每一个子网络对应一个尺度下的输入,3个网络共享权值,3个网络的输出用线性差值的方法缩放到图像的原始大小,进行像素层面的相加处理后输入softmax层产生最终的概率图,即训练图像的显著图。Since the scale of the significant object is large, in order to more accurately detect the objects at different scales, the present invention copies the 101-layer residual network three times, each sub-network corresponding to one scale input, and three networks. Sharing the weight, the output of the three networks is scaled to the original size of the image by the linear difference method, and the pixel level addition processing is performed, and then the softmax layer is input to generate a final probability map, that is, a saliency map of the training image.
步骤S2,将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图和显著性物体预测图。Step S2, using the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and after the training process converges, generate a new category activation map. And significant object prediction maps.
具体地,步骤S2进一步包括:Specifically, step S2 further includes:
步骤S201,以步骤S1产生的显著图和对应的人工标注的类别信息分别作为显著性图伪标签和类别标签,训练多任务的全卷积神经网络;Step S201, the saliency map generated by the step S1 and the corresponding manually labeled category information are used as the saliency map pseudo-tag and the category label respectively to train the multi-tasked full convolutional neural network;
步骤S202,于步骤S201的训练过程收敛后,利用该步骤训练好的全卷积神经网络生成新的显著性物体预测图,记为S predict,并使用该神经网络结合类别激活映射技术生成类别激活图,记为S camStep S202, after the training process of step S201 converges, use the trained full convolutional neural network to generate a new saliency object prediction map, denoted as S predict , and use the neural network to generate category activation using the category activation mapping technique. Figure, recorded as S cam .
如图2所示,对于图像的分类任务,参考B.Zhou等人的论文“Learning deep features for discriminative localization”(In Proceedings of the IEEE Conference on Computer Visionand Pattern Recognition,pages2921–2929,2016),将3个尺度下的特征图连接起来后,经过一个全局平均池化层,得到进一步处理后的特征,再输入一个全连接层,从而获得类别分布输出。As shown in FIG. 2, for the classification task of the image, refer to the paper "Learning deep features for discriminative localization" (In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 2921 - 2929, 2016) of B. Zhou et al. After the feature maps at each scale are connected, a further globalized pooling layer is obtained, and further processed features are obtained, and then a fully connected layer is input, thereby obtaining a category distribution output.
用f k(x,y)代表连接后的特征在第k个通道的空间位置为(x,y)的激活值,用
Figure PCTCN2018095057-appb-000004
表示单位k(经过全局池化操作,连接后的特征图的每个通道都变成一个单位的激活值)对应于类别c的权值。定义M c为第c个类别的类别激活图,则它在每个位置的值由以下计算公式得到:
Use f k (x, y) to represent the activation value of the (x, y) spatial position of the connected feature in the kth channel.
Figure PCTCN2018095057-appb-000004
Indicates the unit k (through the global pooling operation, each channel of the connected feature map becomes a unit activation value) corresponding to the weight of the category c. Defining M c as the category activation map for the c-th category, its value at each position is obtained by the following formula:
Figure PCTCN2018095057-appb-000005
Figure PCTCN2018095057-appb-000005
步骤S3,利用条件随机场模型调整该类别激活图和显著性物体预测图。具体地,于步骤S3中,利用条件随机场模型,处理步骤S1产生的显著图S anno,以调整步骤S2产生的类别激活图S cam和显著图S predict,生成更具有空间协同关系和更强保边性的预测图,对应地,记为C anno,C cam,C predictIn step S3, the category activation map and the saliency object prediction map are adjusted by using the conditional random field model. Specifically, in step S3, the saliency map S anno generated in step S1 is processed by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated in step S2 to generate more spatial synergy and stronger. The prediction map of the margin preservation is correspondingly recorded as C anno , C cam , C predict .
在本发明具体实施例中,本发明嵌入了一个图模型来对显著图进行微调,具体地,这个图模型基于条件随机场,可以提高预测图片的空间相关性和保边性。In a specific embodiment of the present invention, the present invention embeds a graph model to fine tune the salient map. Specifically, the graph model is based on a conditional random field, which can improve the spatial correlation and edge preservation of the predicted image.
特别地,本发明所提出的模型解决一个二值的像素级别的标注问题,采用了以下的能量公式:In particular, the proposed model solves a binary pixel-level annotation problem using the following energy formula:
Figure PCTCN2018095057-appb-000006
Figure PCTCN2018095057-appb-000006
其中L表示对所有像素标定的显著性标签,l i=1表示第i个像素是显著的, 而l i=0表示第i个像素不是显著的。P(l i)是像素x i对应标签l i的概率,初始化时,设定P(1)=S i,P(0)=1-S i,S为需要处理的显著图,对应地,S i即为该处理的显著图在位置x i的显著性分数,θ ij(l i,l j)是位置间成对的值,由以下公式计算得到: Where L represents the saliency label calibrated for all pixels, l i =1 indicates that the ith pixel is significant, and l i =0 indicates that the ith pixel is not significant. P(l i ) is the probability that the pixel x i corresponds to the label l i . When initializing, P(1)=S i , P(0)=1-S i is set , and S is a saliency map to be processed, correspondingly, S i is the significance score of the salient map of the process at position x i , and θ ij (l i , l j ) is a pairwise value between positions, which is calculated by the following formula:
Figure PCTCN2018095057-appb-000007
Figure PCTCN2018095057-appb-000007
其中,p为位置向量,I为颜色向量,w为线性组合的权重,σ αβγ为控制近邻性和相似性的程度的超参数。 Where p is the position vector, I is the color vector, w is the weight of the linear combination, and σ α , σ β , σ γ are hyperparameters that control the degree of proximity and similarity.
其中,当l i≠l j时,μ(l i,l j)=1,否则为0。θ ij由两个内核组成而成。第一个内核依赖于像素的位置和在该位置的颜色值,促使临近的具有相近颜色的像素得到相似的显著性分数。第二个内核依赖于像素间的关系,试着除去小型的孤立的区域。 Wherein, when l i ≠l j , μ(l i , l j )=1, otherwise 0. θ ij is composed of two cores. The first kernel relies on the position of the pixel and the color value at that location, causing adjacent pixels with similar colors to get similar significance scores. The second kernel relies on the relationship between pixels, trying to remove small isolated areas.
整个图模型的输出是一个概率图,每个位置的值表示该位置的像素是显著像素的概率。优选地,可以通过一定阈值将该概率图转换为二值图,作为训练时的伪标签。The output of the entire graph model is a probability plot, and the value of each position indicates the probability that the pixel at that location is a significant pixel. Preferably, the probability map can be converted into a binary map by a certain threshold as a pseudo-label during training.
步骤S4,使用标签更新策略为下一次迭代更新显著性标注信息。具体地,使用标签更新策略根据以上步骤生成的S anno,S cam,S predict,C anno,C cam,C predict生成下一次迭代的显著性标注信息,记为S updateIn step S4, the tag update policy is used to update the salient tag information for the next iteration. Specifically, using the tag update policy, according to the steps S anno , S cam , S predict , C anno , C cam , and C predict generated by the above steps, the saliency tag information of the next iteration is generated, and is recorded as S update .
在本发明具体实施例中,所述标签更新策略,用类别激活图进行指导和合适的阈值判定生成新的显著图伪标签,具体的标签更新策略如下:In a specific embodiment of the present invention, the label update policy uses a category activation map for guidance and a suitable threshold determination to generate a new saliency map pseudo-label. The specific label update strategy is as follows:
如果MAE(C anno,C predict)≤α If MAE (C anno , C predict ) ≤ α
那么
Figure PCTCN2018095057-appb-000008
Then
Figure PCTCN2018095057-appb-000008
否则如果MAE(C anno,C cam)>β且MAE(C predict,C cam)>β Otherwise if MAE(C anno , C cam )>β and MAE(C predict ,C cam )>β
那么在下次迭代训练时去掉这个训练样本Then remove this training sample during the next iteration of training.
否则如果MAE(C anno,C cam)≤MAE(C predict,C cam) Otherwise if MAE (C anno , C cam ) ≤ MAE (C predict , C cam )
那么
Figure PCTCN2018095057-appb-000009
Then
Figure PCTCN2018095057-appb-000009
否则otherwise
S update=C predict S update =C predict
其中MAE为平均错误率,CRF为条件随机场算法,α、β为预设阈值。Among them, MAE is the average error rate, CRF is the conditional random field algorithm, and α and β are preset thresholds.
步骤S5,多次迭代式地进行步骤S2-S4的训练过程,直到符合停止的条件。具体地,交替进行步骤S2、S3、S4,直到满足设定的停止条件时停止第一阶段的训练。In step S5, the training process of steps S2-S4 is performed iteratively a plurality of times until the condition of the stop is met. Specifically, steps S2, S3, and S4 are alternately performed until the first stage of training is stopped when the set stop condition is satisfied.
优选地,于步骤S5之后,本发明之基于深度学习的弱监督的显著性物体检测方法还包括如下步骤:Preferably, after step S5, the deep object-based weakly supervised significant object detection method of the present invention further comprises the following steps:
步骤S6,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。具体地,选取一到两个显著性检测的数据集作为第二阶段的训练数据,与第一阶段不同的是,这一阶段的数据含有未知类别的物体,用这些数据对全卷积神经网络进行微调式的训练,当训练过程收敛后得到最终模型。In step S6, generalization training is performed on the data set containing the image of the unknown category to obtain the final model. Specifically, one or two significant detection data sets are selected as the training data of the second stage. Unlike the first stage, the data of this stage contains objects of unknown category, and the data is used for the full convolutional neural network. Fine-tuning training is performed, and the final model is obtained when the training process converges.
图3为本发明具体实施例迭代式训练过程的示意图。在本发明具体实施例中,对整个弱监督显著图的训练分为两个阶段,都基于一个迭代式的训练策略,每次迭代的过程如图3所示。FIG. 3 is a schematic diagram of an iterative training process according to a specific embodiment of the present invention. In the specific embodiment of the present invention, the training of the entire weakly supervised saliency map is divided into two stages, which are based on an iterative training strategy, and the process of each iteration is as shown in FIG.
在第一个阶段,本发明选取了微软的COCO数据集进行训练,这是一个大型的广泛用于物体检测的数据集,该数据集中对于每张训练图像,都有一到多个类别标签。首先,选用一个效果良好的非监督显著性检测模型,为所有训练样本生成初始的显著图,作为第一次训练的显著图伪标签,然后将这些伪标签结合对应的图像级别的类别标签作为监督信息,训练多任务的全卷积神经网络,当训练过程收敛后,选取在验证集上表现最好的模型作为本次训练过程最终的模型,并用它为整个训练数据集生成新的显著图和类别激活图。在本发明具体实施例中,利用如下损失函数进行模型的优化:In the first phase, the present invention selects Microsoft's COCO data set for training, which is a large data set widely used for object detection, which has one or more category labels for each training image. First, select a well-functioning unsupervised saliency detection model to generate an initial saliency map for all training samples, as a significant pseudo-label for the first training, and then combine these pseudo-labels with the corresponding image-level category labels as a supervising Information, training multi-tasked full convolutional neural network, when the training process converges, select the best performing model on the verification set as the final model of the training process, and use it to generate new saliency maps for the entire training data set and Category activation map. In a particular embodiment of the invention, the model is optimized using the following loss function:
(1)欧式距离损失函数:(1) Euclidean distance loss function:
Figure PCTCN2018095057-appb-000010
Figure PCTCN2018095057-appb-000010
其中,
Figure PCTCN2018095057-appb-000011
表示第n个样本标签,y n表示第n个样本预测值
among them,
Figure PCTCN2018095057-appb-000011
Represents the nth sample label, y n represents the nth sample predictor
(2)sigmoid交叉熵损失函数(2) sigmoid cross entropy loss function
Figure PCTCN2018095057-appb-000012
Figure PCTCN2018095057-appb-000012
Figure PCTCN2018095057-appb-000013
Figure PCTCN2018095057-appb-000013
其中,N表示样本总数,p n表示第n个样本标签,
Figure PCTCN2018095057-appb-000014
表示第n个样本预测值。
Where N is the total number of samples and p n is the nth sample label.
Figure PCTCN2018095057-appb-000014
Represents the nth sample prediction value.
其次,利用显著性标签更新策略为下一次迭代生成新的训练元组(图像,显著图伪标签,图像类别标签)。迭代式地重复以上训练过程直到满足停止的条件。在每次训练过程后,计算验证集上,该过程的伪标签和全卷积神经网络生成的新的显著图之间的MAE(平均错误率),当该平均错误率低于一定阈值(可预设)时表示模型达到了想要的拟合效果,可以结束训练。Second, a new training tuple (image, saliency map, and image category label) is generated for the next iteration using the saliency label update strategy. The above training process is iteratively repeated until the conditions of the stop are met. After each training session, the MAE (mean error rate) between the pseudo-label of the process and the new saliency map generated by the full convolutional neural network is calculated on the verification set, when the average error rate is below a certain threshold (may be Preset) indicates that the model has achieved the desired fit and can end the training.
第二个训练阶段,为了提高模型的泛化能力,以使得模型对含有未知图像标签的图片也能通用地进行显著性检测,需要在显著性检测的数据集(MSRA-B,HKU-IS)上进一步微调,在此阶段,将响应值最高的5张类别激活图的平均值作为指导图。In the second training phase, in order to improve the generalization ability of the model, the model can also perform saliency detection on images containing unknown image tags, and the data set in the saliency detection (MSRA-B, HKU-IS) is required. Further fine-tuning is performed. At this stage, the average value of the five category activation maps with the highest response value is used as a guide map.
图4为本发明一种基于深度学习的弱监督显著性物体检测系统的系统架构图。如图4所示,本发明一种基于深度学习的弱监督显著性物体检测系统,包括:4 is a system architecture diagram of a weakly supervised significant object detection system based on deep learning according to the present invention. As shown in FIG. 4, a weakly supervised significant object detection system based on deep learning includes:
显著图产生单元401,用于利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图。具体地,显著图产生单元401选择含有图像类别信息的数据集作为第一阶段的训练数据,这种数据集通常用于图像检测,并选取一个非监督的显著性检测方法,利用多任务的全卷积神经网络为所有训练样本生成像素级别的显著图,记为S annoA saliency map generation unit 401 for generating a saliency map of all training images by a multi-task full convolutional neural network using an unsupervised saliency detection method. Specifically, the saliency map generation unit 401 selects the data set containing the image category information as the training data of the first stage, and the data set is usually used for image detection, and selects an unsupervised saliency detection method, which utilizes the full multitasking The convolutional neural network generates a pixel-level saliency map for all training samples, denoted as Sanno .
本发明可选取任一深度神经网络模型,如ResNet(残差网络),GoogleNet等,作为全卷积神经网络的预训练模型。在本发明具体实施例中,如图2所示,选取101层的残差网络作为全卷积神经网络的预训练模型,并根据需要对网络结构进行修改,具体地,The present invention can select any deep neural network model, such as ResNet (residual network), GoogleNet, etc., as a pre-training model of the full convolutional neural network. In a specific embodiment of the present invention, as shown in FIG. 2, a residual network of 101 layers is selected as a pre-training model of the full convolutional neural network, and the network structure is modified as needed, specifically,
首先将该残差网络最后有1000路输出的线性分类层替换为一个线性卷积层,该层输出两个通道的特征图。另外,为了得到分辨率更高的特征图,参考L.-C.Chen,等人的研究工作“Semantic image segmentation with deep convolutional nets and fully connected crfs”(arXiv preprint arXiv:1412.7062,2014),去掉了网络中最后两个下采样层,并使用扩张卷积(dilation algorithm)算法在最后两层的卷积层提高扩张率(dilation rate)以增加感受野的范围,经过这样的处理,网络最终输出分辨率为原始分辨率的1/8的特征图。First, the linear classification layer with 1000 outputs at the end of the residual network is replaced by a linear convolution layer, which outputs the feature maps of the two channels. In addition, in order to obtain a higher resolution feature map, refer to L.-C. Chen, et al., "Semantic image segmentation with deep convolutional nets and fully connected crfs" (arXiv preprint arXiv: 1412.7062, 2014), removed The last two downsampling layers in the network, and using the dilation algorithm algorithm to increase the dilation rate in the convolution layer of the last two layers to increase the range of the receptive field. After such processing, the final output of the network is resolved. The rate is 1/8 of the original resolution.
由于显著性物体的尺度跨度较大,为了更精准检测出不同尺度下的物体,本发明将上述101层的残差网络复制了3次,每一个子网络对应一个尺度下的输入,3个网络共享权值,3个网络的输出用线性差值的方法缩放到图像的原始大小,进行像素层面的相加处理后输入softmax层产生最终的概率图。Since the scale of the significant object is large, in order to more accurately detect the objects at different scales, the present invention copies the 101-layer residual network three times, each sub-network corresponding to one scale input, and three networks. Sharing the weight, the output of the three networks is scaled to the original size of the image by the linear difference method, and the pixel level addition process is performed, and then the softmax layer is input to generate the final probability map.
训练单元402,用于将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图和显著性物体预测图。The training unit 402 is configured to use the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and generate a new after the training process converges. Category activation maps and significant object prediction maps.
具体地,训练单元402具体用于:Specifically, the training unit 402 is specifically configured to:
以显著图产生单元401产生的显著图和对应的人工标注的类别信息分别作为显著性图伪标签和类别标签,训练多任务的全卷积神经网络;Training the multi-tasked full convolutional neural network with the saliency map generated by the saliency map generation unit 401 and the corresponding manually labeled category information as the saliency map pseudo-tag and the category label, respectively;
于训练过程收敛后,利用训练好的全卷积神经网络生成新的显著性物体预测图,记为S predict,同时使用该网络结合类别激活映射技术生成类别激活图,记为S camAfter the training process converges, the trained total convolutional neural network is used to generate a new saliency object prediction map, which is denoted as S predict , and the network activation map is combined with the category activation mapping technique to generate a category activation map, which is denoted as S cam .
如图2所示,对于图像的分类任务,参考B.Zhou等人的论文“Learning  deep features for discriminative localization”(In Proceedings of the IEEE Conference on Computer Visionand Pattern Recognition,pages2921–2929,2016),将3个尺度下的特征图连接起来后,经过一个全局平均池化层,得到进一步处理后的特征,再输入一个全连接层,从而获得类别分布输出。As shown in FIG. 2, for the classification task of the image, refer to the paper "Learning deep features for discriminative localization" (In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 2921 - 2929, 2016) of B. Zhou et al. After the feature maps at each scale are connected, a further globalized pooling layer is obtained, and further processed features are obtained, and then a fully connected layer is input, thereby obtaining a category distribution output.
用f k(x,y)代表连接后的特征在第k个通道的空间位置为(x,y)的激活值,用
Figure PCTCN2018095057-appb-000015
表示单位k(经过全局池化操作,连接后的特征图的每个通道都变成一个单位的激活值)对应于类别c的权值。定义M c为第c个类别的类别激活图,则它在每个位置的值由以下计算公式得到:
Use f k (x, y) to represent the activation value of the (x, y) spatial position of the connected feature in the kth channel.
Figure PCTCN2018095057-appb-000015
Indicates the unit k (through the global pooling operation, each channel of the connected feature map becomes a unit activation value) corresponding to the weight of the category c. Defining M c as the category activation map for the c-th category, its value at each position is obtained by the following formula:
Figure PCTCN2018095057-appb-000016
Figure PCTCN2018095057-appb-000016
调整单元403,用于利用条件随机场模型调整该类别激活图和显著性物体预测图。具体地,调整单元403利用条件随机场模型,处理显著图产生单元401产生的显著图S anno,以调整训练单元402产生的类别激活图S cam和显著图S predict,生成更具有空间协同关系和更强保边性的预测图,对应地,记为C anno,C cam,C predictThe adjusting unit 403 is configured to adjust the category activation map and the saliency object prediction map by using a conditional random field model. Specifically, the adjustment unit 403 processes the saliency map S anno generated by the saliency map generation unit 401 by using the conditional random field model to adjust the category activation map S cam and the saliency map S predict generated by the training unit 402 to generate a more spatial synergy relationship and The prediction map of stronger margin preservation is correspondingly recorded as C anno , C cam , C predict .
更新单元404,用于使用标签更新策略为下一次迭代更新标签信息,具体地,更新单元404使用标签更新策略根据以上步骤生成的S anno,S cam,S predict,C anno,C cam,C predict生成下一次迭代的显著图标签,记为S updateThe updating unit 404 is configured to update the tag information for the next iteration using the tag update policy. Specifically, the update unit 404 uses the tag update policy to generate the S anno , S cam , S predict , C anno , C cam , C predict according to the above steps. Generate a significant graph label for the next iteration, labeled S update .
迭代训练单元405,用于多次迭代式地进行训练单元402、调整单元403以及更新单元404的训练过程,直到符合停止的条件。具体地,交替进行训练单元402、调整单元403以及更新单元404,直到满足设定的停止条件时停止第一阶段的训练。The iterative training unit 405 is configured to perform the training process of the training unit 402, the adjusting unit 403, and the updating unit 404 multiple iterations until the condition of stopping is met. Specifically, the training unit 402, the adjustment unit 403, and the update unit 404 are alternately performed until the training of the first stage is stopped when the set stop condition is satisfied.
第二阶段训练单元406,用于于第一阶段训练停止后,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。具体地,第二阶段训练单元406选取一到两个显著性检测的数据集作为第二阶段的训练数据,与第一阶段不同 的是,这一阶段的数据含有未知类别的物体,用这些数据对全卷积神经网络进行微调式的训练,当训练过程收敛后得到最终模型。The second stage training unit 406 is configured to perform generalization training on the data set containing the image of the unknown category after the first stage training is stopped, to obtain a final model. Specifically, the second stage training unit 406 selects one or two significant detection data sets as the training data of the second stage. Unlike the first stage, the data of this stage contains objects of unknown categories, and the data is used. Fine-tuning the whole convolutional neural network, and finally obtaining the final model when the training process converges.
综上所述,本发明一种基于深度学习的弱监督的显著性物体检测方法及系统通过利用非监督的显著性检测方法产生所有训练图像的显著图,与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,用以训练多任务的全卷积神经网络,训练过程收敛后,通过多任务的神经网络生成新的类别激活图和显著性物体预测图,并使用条件随机场模型调整类别激活图和显著图,利用标签更新策略为下一次迭代更新标签信息,通过多次迭代进行上述训练过程,直到符合停止的条件,最后在含有未知类别图像的数据集上进行泛化式训练,得到最终模型,本发明提出的方法在缺乏像素级别标签的情况下,只利用图像级别标签的指导,有效地挖掘和纠正了传统非监督方法产生的显著性物体预测图的歧义,最终的效果超过了所有现有的显著性物体检测领域的非监督方法。In summary, the method and system for detecting significant objects based on weak learning based on deep learning of the present invention generate a saliency map of all training images by using an unsupervised saliency detection method, simultaneously with the corresponding image level category label. The noisy supervised information of the initial iteration is used to train the multi-tasked full convolutional neural network. After the training process converges, the new class activation map and the saliency object prediction map are generated through the multi-task neural network, and the conditional random field is used. The model adjusts the category activation map and the saliency map, uses the label update strategy to update the label information for the next iteration, performs the above training process through multiple iterations until the condition of the stop is met, and finally performs generalization on the data set containing the image of the unknown category. Training, to obtain the final model, the method proposed by the present invention effectively exploits and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method in the absence of the pixel level label, and finally digs and corrects the ambiguity of the significant object prediction map generated by the traditional unsupervised method. The effect exceeds all existing areas of significant object detection Supervision methods.
上述实施例仅例示性说明本发明的原理及其功效,而非用于限制本发明。任何本领域技术人员均可在不违背本发明的精神及范畴下,对上述实施例进行修饰与改变。因此,本发明的权利保护范围,应如权利要求书所列。The above-described embodiments are merely illustrative of the principles of the invention and its effects, and are not intended to limit the invention. Modifications and variations of the above-described embodiments can be made by those skilled in the art without departing from the spirit and scope of the invention. Therefore, the scope of protection of the invention should be as set forth in the claims.

Claims (10)

  1. 一种基于深度学习的弱监督显著性物体检测方法,包括如下步骤:A weakly supervised significant object detection method based on deep learning, comprising the following steps:
    步骤S1,利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图S annoStep S1, using the unsupervised saliency detection method to generate a saliency map S anno of all training images through the multi-task full convolution neural network;
    步骤S2,将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图S cam和显著性物体预测图S predictStep S2, using the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and after the training process converges, generate a new category activation map. S cam and significant object prediction map S predict ;
    步骤S3,利用条件随机场模型调整所述类别激活图和显著性物体预测图;Step S3, adjusting the category activation map and the saliency object prediction map by using a conditional random field model;
    步骤S4,利用标签更新策略为下一次迭代更新显著性标注信息;Step S4, using the label update strategy to update the saliency annotation information for the next iteration;
    步骤S5,多次迭代式地进行步骤S2-S4的训练过程,直到符合停止的条件;Step S5, performing the training process of steps S2-S4 multiple iterations until the condition of stopping is met;
    步骤S6,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。In step S6, generalization training is performed on the data set containing the image of the unknown category to obtain the final model.
  2. 如权利要求1所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于,于步骤S1中,选择含有图像类别信息的数据集训练数据,并选取一个非监督的显著性检测方法,通过所述多任务的全卷积神经网络为所有训练样本生成像素级别的显著图。A deep learning-based weakly supervised saliency object detecting method according to claim 1, wherein in step S1, data set training data containing image category information is selected, and an unsupervised saliency detection is selected. In the method, a pixel-level saliency map is generated for all training samples by the multi-task full convolutional neural network.
  3. 如权利要求1所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于:选取任一深度神经网络模型作为全卷积神经网络的预训练模型,将该深度神经网络模型最后的线性分类层替换为一个线性卷积层,去掉该网络中最后两个下采样层,并使用扩张卷积算法在最后两层的卷积层提高扩张率。A deep learning-based weakly supervised saliency object detecting method according to claim 1, wherein any deep neural network model is selected as a pre-training model of the full convolutional neural network, and the deep neural network model is finally The linear classification layer is replaced by a linear convolutional layer, the last two downsampling layers in the network are removed, and the expansion rate is increased in the convolutional layers of the last two layers using an expansion convolution algorithm.
  4. 如权利要求3所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于:于所述多任务的全卷积神经网络中,将所述全卷积神经网络复制3次,每一个子网络对应一个尺度下的图像输入,3个网络共享权值,3个网络的输出用线性差值的方法缩放到图像的原始大小,进行像素层面的相加处理后输入softmax层产生最终的概率图。A deep learning-based weakly supervised saliency object detecting method according to claim 3, wherein in the multi-task full convolutional neural network, the full convolutional neural network is copied three times, Each sub-network corresponds to image input at one scale, three networks share weights, and the output of three networks is scaled to the original size of the image by linear difference method. The pixel level is added and input to the softmax layer to generate the final result. Probability map.
  5. 如权利要求1所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于,步骤S2进一步包括:The method of claim 1, wherein the step S2 further comprises:
    以步骤S1产生的显著图和对应的人工标注的类别信息分别作为显著性图伪标签和类别标签,训练所述多任务的全卷积神经网络;Training the multi-tasked full convolutional neural network with the saliency map generated in step S1 and the corresponding manually labeled category information as saliency map pseudo-tags and category labels, respectively;
    于训练过程收敛后,利用训练好的全卷积神经网络生成新的显著性物体预测图,并使用所述多任务的全卷积神经网络结合类别激活映射技术生成类别激活图。After the training process converges, a new saliency object prediction map is generated using the trained full convolutional neural network, and the category activation map is generated using the multi-task full convolution neural network in combination with the category activation mapping technique.
  6. 如权利要求5所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于:将所述多任务的全卷积神经网络的3个尺度下的特征图连接起来后,经过一个全局平均池化层,得到进一步处理后的特征,再输入一个全连接层,从而获得类别分布输出。The method for detecting a weakly supervised saliency object based on deep learning according to claim 5, wherein the feature maps of the three scales of the multi-task full convolutional neural network are connected, and then The global average pooling layer is further processed, and then a fully connected layer is input to obtain the category distribution output.
  7. 如权利要求1所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于:于步骤S3中,利用条件随机场模型,处理步骤S1产生的显著图S anno,以调整步骤S2产生的类别激活图S cam和显著图S predict,生成更具有空间协同关系和更强保边性的预测图,记为C anno,C cam,C predictA deep learning-based weakly supervised saliency object detecting method according to claim 1, wherein in step S3, the saliency map S anno generated in step S1 is processed by the conditional random field model to adjust step S2. The generated category activation map S cam and the saliency map S predict generate a more predictive graph with spatial synergy and stronger edge retention, denoted as C anno , C cam , C predict .
  8. 如权利要求7所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于:于步骤S4中,所述标签更新策略利用类别激活图进行指导和合适的阈值判定生成新的显著图伪标签。A deep learning-based weakly supervised saliency object detecting method according to claim 7, wherein in step S4, said tag update strategy uses a class activation map for guidance and appropriate threshold determination to generate a new significant Figure pseudo label.
  9. 如权利要求8所述的一种基于深度学习的弱监督显著性物体检测方法,其特征在于,所述标签更新策略具体如下:The method of claim 8, wherein the label update strategy is as follows:
    如果MAE(C anno,C predict)≤α,则
    Figure PCTCN2018095057-appb-100001
    If MAE(C anno , C predict ) ≤ α, then
    Figure PCTCN2018095057-appb-100001
    否则如果MAE(C anno,C cam)>β且MAE(C predict,C cam)>β,则在下次迭代训练时去掉这个训练样本; Otherwise, if MAE(C anno , C cam )>β and MAE(C predict ,C cam )>β, the training sample is removed during the next iteration training;
    否则如果MAE(C anno,C cam)≤MAE(C predict,C cam),则
    Figure PCTCN2018095057-appb-100002
    Figure PCTCN2018095057-appb-100003
    Otherwise, if MAE (C anno , C cam ) ≤ MAE (C predict , C cam ), then
    Figure PCTCN2018095057-appb-100002
    Figure PCTCN2018095057-appb-100003
    否则S update=C predict Otherwise S update =C predict
    其中MAE为平均错误率,CRF为条件随机场算法,α、β为预设阈值。Among them, MAE is the average error rate, CRF is the conditional random field algorithm, and α and β are preset thresholds.
  10. 一种基于深度学习的弱监督显著性物体检测系统,其特征在于:A weakly supervised significant object detection system based on deep learning, characterized in that:
    显著图产生单元,用于利用非监督的显著性检测方法通过多任务的全卷积神经网络产生所有训练图像的显著图S annoSaliency map generating unit saliency detection methods for using unsupervised training to generate all the image saliency map S anno convolutional neural network by the full multi-tasking;
    训练单元,用于将所述显著图与对应的图像级别的类别标签同时作为初次迭代的有噪声的监督信息,以训练多任务的全卷积神经网络,于训练过程收敛后,生成新的类别激活图S cam和显著性物体预测图S predicta training unit, configured to use the saliency map and the corresponding image level category label as the noisy supervised information of the initial iteration to train the multi-tasked full convolutional neural network, and generate a new category after the training process converges Activation map S cam and significant object prediction map S predict ;
    调整单元,用于利用条件随机场模型调整所述类别激活图和显著性物体预测图;An adjustment unit for adjusting the category activation map and the saliency object prediction map by using a conditional random field model;
    更新单元,用于利用标签更新策略为下一次迭代更新显著性标注信息;An update unit, configured to update the saliency annotation information for the next iteration by using a label update policy;
    迭代训练单元,用于多次迭代式地进行训练单元、调整单元以及更新单元的训练过程,直到符合停止的条件;An iterative training unit for performing a training process of the training unit, the adjusting unit, and the updating unit in multiple iterations until the condition of stopping is met;
    第二阶段训练单元,用于上述训练停止后,在含有未知类别图像的数据集上进行泛化式训练,得到最终模型。The second stage training unit, after the above training is stopped, performs generalization training on the data set containing the image of the unknown category to obtain the final model.
PCT/CN2018/095057 2018-01-15 2018-07-10 Deep learning-based weakly supervised salient object detection method and system WO2019136946A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201810036348.4 2018-01-15
CN201810036348.4A CN108399406B (en) 2018-01-15 2018-01-15 Method and system for detecting weakly supervised salient object based on deep learning

Publications (1)

Publication Number Publication Date
WO2019136946A1 true WO2019136946A1 (en) 2019-07-18

Family

ID=63094831

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2018/095057 WO2019136946A1 (en) 2018-01-15 2018-07-10 Deep learning-based weakly supervised salient object detection method and system

Country Status (2)

Country Link
CN (1) CN108399406B (en)
WO (1) WO2019136946A1 (en)

Cited By (104)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110516718A (en) * 2019-08-12 2019-11-29 西北工业大学 The zero sample learning method based on depth embedded space
CN110516596A (en) * 2019-08-27 2019-11-29 西安电子科技大学 Empty spectrum attention hyperspectral image classification method based on Octave convolution
CN110533086A (en) * 2019-08-13 2019-12-03 天津大学 The semi-automatic mask method of image data
CN110569901A (en) * 2019-09-05 2019-12-13 北京工业大学 Channel selection-based countermeasure elimination weak supervision target detection method
CN110648334A (en) * 2019-09-18 2020-01-03 中国人民解放军火箭军工程大学 Multi-feature cyclic convolution saliency target detection method based on attention mechanism
CN110705516A (en) * 2019-10-18 2020-01-17 大连海事大学 Sole pattern image clustering method based on collaborative network structure
CN110765882A (en) * 2019-09-25 2020-02-07 腾讯科技(深圳)有限公司 Video tag determination method, device, server and storage medium
CN110796183A (en) * 2019-10-17 2020-02-14 大连理工大学 Weak supervision fine-grained image classification algorithm based on relevance-guided discriminant learning
CN110827312A (en) * 2019-11-12 2020-02-21 北京深境智能科技有限公司 Learning method based on cooperative visual attention neural network
CN110827318A (en) * 2019-10-18 2020-02-21 天津大学 Target tracking method based on fusion of multilayer semantic features and multi-response graph
CN110827238A (en) * 2019-09-29 2020-02-21 哈尔滨工程大学 Improved side-scan sonar image feature extraction method of full convolution neural network
CN110956185A (en) * 2019-11-21 2020-04-03 大连理工大学人工智能大连研究院 Method for detecting image salient object
CN111008644A (en) * 2019-10-30 2020-04-14 西安电子科技大学 Ecological change monitoring method based on local dynamic energy function FCN-CRF model
CN111047571A (en) * 2019-12-10 2020-04-21 安徽大学 Image salient target detection method with self-adaptive selection training process
CN111091011A (en) * 2019-12-20 2020-05-01 科大讯飞股份有限公司 Domain prediction method, domain prediction device and electronic equipment
CN111127336A (en) * 2019-11-18 2020-05-08 复旦大学 Image signal processing method based on self-adaptive selection module
CN111161848A (en) * 2019-10-31 2020-05-15 杭州深睿博联科技有限公司 Method and device for marking focus of CT image and storage medium
CN111178503A (en) * 2019-12-16 2020-05-19 北京邮电大学 Mobile terminal-oriented decentralized target detection model training method and system
CN111209919A (en) * 2020-01-06 2020-05-29 上海海事大学 Marine ship significance detection method and system
CN111242839A (en) * 2020-01-13 2020-06-05 华南理工大学 Image scaling and cutting method based on scale grade
CN111260594A (en) * 2019-12-22 2020-06-09 天津大学 Unsupervised multi-modal image fusion method
CN111259736A (en) * 2020-01-08 2020-06-09 上海海事大学 Real-time pedestrian detection method based on deep learning in complex environment
CN111291651A (en) * 2020-01-21 2020-06-16 中国科学院西安光学精密机械研究所 Multitask neural network framework for remote sensing scene classification and classification method
CN111340771A (en) * 2020-02-23 2020-06-26 北京工业大学 Fine particle real-time monitoring method integrating visual information richness and wide-depth combined learning
CN111368895A (en) * 2020-02-28 2020-07-03 上海海事大学 Garbage bag target detection method and detection system in wet garbage
CN111368702A (en) * 2020-02-28 2020-07-03 西安工程大学 Composite insulator hydrophobicity grade identification method based on YOLOv3 network
CN111428655A (en) * 2020-03-27 2020-07-17 厦门大学 Scalp detection method based on deep learning
CN111461974A (en) * 2020-02-17 2020-07-28 天津大学 Image scanning path control method based on L STM model from coarse to fine
CN111487679A (en) * 2020-04-22 2020-08-04 中国石油天然气集团有限公司 Transverse wave velocity prediction method, device and equipment
CN111523610A (en) * 2020-05-06 2020-08-11 青岛联合创智科技有限公司 Article identification method for efficient sample marking
CN111523390A (en) * 2020-03-25 2020-08-11 杭州易现先进科技有限公司 Image recognition method and augmented reality AR icon recognition system
CN111513702A (en) * 2020-04-30 2020-08-11 何中煜 Method for detecting electrocardiographic data and storage medium
CN111553462A (en) * 2020-04-08 2020-08-18 哈尔滨工程大学 Class activation mapping method
CN111563886A (en) * 2020-04-29 2020-08-21 安徽国钜工程机械科技有限公司 Tunnel steel rail surface disease detection method and device based on unsupervised feature learning
CN111753885A (en) * 2020-06-09 2020-10-09 华侨大学 Privacy enhanced data processing method and system based on deep learning
CN111768380A (en) * 2020-06-29 2020-10-13 上海仪电(集团)有限公司中央研究院 Method for detecting surface defects of industrial spare and accessory parts
CN111814895A (en) * 2020-07-17 2020-10-23 大连理工大学人工智能大连研究院 Significance target detection method based on absolute and relative depth induction network
CN111860596A (en) * 2020-06-17 2020-10-30 长安大学 Unsupervised pavement crack classification method based on deep learning and model establishment method
CN111860106A (en) * 2020-05-28 2020-10-30 江苏东印智慧工程技术研究院有限公司 Unsupervised bridge crack identification method
CN111882546A (en) * 2020-07-30 2020-11-03 中原工学院 Weak supervised learning-based three-branch convolutional network fabric defect detection method
CN111899251A (en) * 2020-08-06 2020-11-06 中国科学院深圳先进技术研究院 Copy-move type forged image detection method for distinguishing forged source and target area
CN111899203A (en) * 2020-07-10 2020-11-06 贵州大学 Real image generation method based on label graph under unsupervised training and storage medium
CN111914778A (en) * 2020-08-07 2020-11-10 重庆大学 Video behavior positioning method based on weak supervised learning
CN111915618A (en) * 2020-06-02 2020-11-10 华南理工大学 Example segmentation algorithm and computing device based on peak response enhancement
CN111951292A (en) * 2020-09-01 2020-11-17 吉林大学 Object surface reflection attribute extraction method, device, equipment and storage medium
CN111965183A (en) * 2020-08-17 2020-11-20 沈阳飞机工业(集团)有限公司 Titanium alloy microstructure detection method based on deep learning
CN112115995A (en) * 2020-09-11 2020-12-22 北京邮电大学 Image multi-label classification method based on semi-supervised learning
CN112132810A (en) * 2020-09-24 2020-12-25 西安电子科技大学 Image significance detection method based on perception logic and feature comparison
CN112153461A (en) * 2020-09-25 2020-12-29 北京百度网讯科技有限公司 Method and device for positioning sound production object, electronic equipment and readable storage medium
CN112184602A (en) * 2020-11-09 2021-01-05 上海市精神卫生中心(上海市心理咨询培训中心) Image normalization method based on weak supervision and auxiliary task
CN112183248A (en) * 2020-09-14 2021-01-05 北京大学深圳研究生院 Video salient object detection method based on channel-by-channel space-time characterization learning
CN112329588A (en) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 Pipeline fault detection method based on fast R-CNN
CN112364980A (en) * 2020-11-09 2021-02-12 北京计算机技术及应用研究所 Deep neural network training method based on reinforcement learning under weak supervision scene
CN112395997A (en) * 2020-11-19 2021-02-23 中山大学 Weak supervision training method of pedestrian re-recognition model based on micrographic learning
CN112529878A (en) * 2020-12-15 2021-03-19 西安交通大学 Multi-view semi-supervised lymph node classification method, system and equipment
CN112533137A (en) * 2020-11-26 2021-03-19 北京爱笔科技有限公司 Device positioning method and device, electronic device and computer storage medium
CN112541904A (en) * 2020-12-16 2021-03-23 西安电子科技大学 Unsupervised remote sensing image change detection method, storage medium and computing device
CN112560571A (en) * 2020-10-09 2021-03-26 天津大学 Intelligent autonomous visual navigation method based on convolutional neural network
CN112668579A (en) * 2020-12-24 2021-04-16 西安电子科技大学 Weak supervision semantic segmentation method based on self-adaptive affinity and class distribution
CN112686256A (en) * 2021-01-05 2021-04-20 中山大学 Method, system and device for unsupervised target cooperative positioning without training
CN112733744A (en) * 2021-01-14 2021-04-30 北京航空航天大学 Camouflage object detection model based on edge cooperative supervision and multi-level constraint
CN112733742A (en) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 Deep learning-based fault detection method for round pin of lower pull rod of railway wagon
CN112749621A (en) * 2020-11-25 2021-05-04 厦门理工学院 Remote sensing image cloud layer detection method based on deep convolutional neural network
CN112766285A (en) * 2021-01-26 2021-05-07 北京有竹居网络技术有限公司 Image sample generation method and device and electronic equipment
CN112784924A (en) * 2021-02-08 2021-05-11 宁波大学 Rib fracture CT image classification method based on grouping aggregation deep learning model
CN112950631A (en) * 2021-04-13 2021-06-11 西安交通大学口腔医院 Age estimation method based on saliency map constraint and X-ray head skull positioning lateral image
CN112966684A (en) * 2021-03-15 2021-06-15 北湾科技(武汉)有限公司 Cooperative learning character recognition method under attention mechanism
CN113034388A (en) * 2021-03-12 2021-06-25 西北大学 Ancient painting virtual repairing method and construction method of repairing model
CN113077451A (en) * 2021-04-13 2021-07-06 中山大学 Single picture intrinsic image decomposition method, system and medium based on unsupervised learning
CN113139597A (en) * 2021-04-19 2021-07-20 中国人民解放军91054部队 Statistical thought-based image distribution external detection method
CN113139553A (en) * 2020-01-16 2021-07-20 中国科学院国家空间科学中心 U-net-based method and system for extracting aurora ovum form of ultraviolet aurora image
CN113158760A (en) * 2021-02-20 2021-07-23 温州大学 Weak supervision specific behavior recognition system based on multi-level labels
CN113222898A (en) * 2021-04-14 2021-08-06 西安电子科技大学 Double-voyage SAR image trace detection method based on multivariate statistics and deep learning
CN113221633A (en) * 2021-03-24 2021-08-06 西安电子科技大学 Weak supervision time sequence behavior positioning method based on hierarchical category model
CN113255581A (en) * 2021-06-21 2021-08-13 湖南大学 Weak supervision deep learning water body extraction method and device, computer equipment and medium
CN113327666A (en) * 2021-06-21 2021-08-31 青岛科技大学 Multi-label local-to-global learning method of chest radiography disease multi-classification network
CN113343772A (en) * 2021-05-12 2021-09-03 武汉大学 Video saliency target detection method based on implicit guide and explicit teaching strategy
CN113378937A (en) * 2021-06-11 2021-09-10 西安电子科技大学 Small sample image classification method and system based on self-supervision enhancement
CN113435607A (en) * 2021-06-09 2021-09-24 内蒙古大学 Disease screening method based on federal learning
CN113435431A (en) * 2021-08-27 2021-09-24 北京市商汤科技开发有限公司 Posture detection method, training device and training equipment of neural network model
CN113505670A (en) * 2021-06-29 2021-10-15 西南交通大学 Remote sensing image weak supervision building extraction method based on multi-scale CAM and super-pixels
CN113610120A (en) * 2021-07-21 2021-11-05 燕山大学 App image content safety detection method based on weak supervised learning
CN113627468A (en) * 2021-07-01 2021-11-09 浙江安防职业技术学院 Non-local neural network image processing method and system based on unsupervised learning
CN113723492A (en) * 2021-08-25 2021-11-30 哈尔滨理工大学 Hyperspectral image semi-supervised classification method and device for improving active deep learning
CN113762455A (en) * 2020-08-07 2021-12-07 北京沃东天骏信息技术有限公司 Detection model training method, single character detection method, device, equipment and medium
CN113807206A (en) * 2021-08-30 2021-12-17 电子科技大学 SAR image target identification method based on denoising task assistance
CN113869512A (en) * 2021-10-09 2021-12-31 北京中科智眼科技有限公司 Supplementary label learning method based on self-supervision and self-distillation
CN113989558A (en) * 2021-10-28 2022-01-28 哈尔滨工业大学 Weak supervision target detection method based on transfer learning and bounding box adjustment
CN114049662A (en) * 2021-10-18 2022-02-15 天津大学 Facial feature transfer learning-based expression recognition network structure and method
CN114109456A (en) * 2020-08-28 2022-03-01 神华神东煤炭集团有限责任公司 Monitoring and early warning method and system for coal mine underground reservoir coal pillar dam body structure
CN114187446A (en) * 2021-12-09 2022-03-15 厦门大学 Cross-scene contrast learning weak supervision point cloud semantic segmentation method
CN114266716A (en) * 2020-09-15 2022-04-01 复旦大学 Method for detecting leakage water risk of shield tunnel wall surface based on deep learning
CN114302157A (en) * 2021-12-23 2022-04-08 广州津虹网络传媒有限公司 Attribute tag identification and multicast event detection method, device, equipment and medium
CN114332490A (en) * 2021-11-25 2022-04-12 河南大学 High-resolution saliency target detection method based on doodling supervision
CN114359603A (en) * 2022-02-18 2022-04-15 西北工业大学 Self-adaptive unsupervised matching method in multi-mode remote sensing image field
CN114358144A (en) * 2021-12-16 2022-04-15 西南交通大学 Image segmentation quality evaluation method
CN114627348A (en) * 2022-03-22 2022-06-14 厦门大学 Intention-based picture identification method in multi-subject task
CN114841312A (en) * 2022-03-30 2022-08-02 西北工业大学 Weak supervision video anomaly detection method based on self-adaptive graph convolution network
CN115187783A (en) * 2022-09-09 2022-10-14 之江实验室 Multi-task hybrid supervision medical image segmentation method and system based on federal learning
CN115512169A (en) * 2022-11-09 2022-12-23 之江实验室 Weak supervision semantic segmentation method and device based on gradient and region affinity optimization
CN111242940B (en) * 2020-01-19 2023-05-30 复旦大学 Tongue image segmentation method based on weak supervised learning
CN116343050A (en) * 2023-05-26 2023-06-27 成都理工大学 Target detection method for remote sensing image noise annotation based on self-adaptive weight
CN116612537A (en) * 2023-07-21 2023-08-18 武汉理工大学 Semi-supervised action detection method based on background weakening and consistency calculation
CN117811846A (en) * 2024-02-29 2024-04-02 浪潮电子信息产业股份有限公司 Network security detection method, system, equipment and medium based on distributed system

Families Citing this family (40)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109165692B (en) * 2018-09-06 2021-06-01 中国矿业大学 User character prediction device and method based on weak supervised learning
CN111144574B (en) * 2018-11-06 2023-03-24 北京嘀嘀无限科技发展有限公司 Artificial intelligence system and method for training learner model using instructor model
CN109597906B (en) * 2018-12-06 2020-11-13 苏州飞搜科技有限公司 Image retrieval method and device
CN109784203B (en) * 2018-12-24 2020-05-15 中国科学院大学 Method for inspecting contraband in weak supervision X-ray image based on layered propagation and activation
CN109948642B (en) * 2019-01-18 2023-03-28 中山大学 Multi-agent cross-modal depth certainty strategy gradient training method based on image input
CN111507981B (en) * 2019-01-31 2021-07-13 数坤(北京)网络科技股份有限公司 Image processing method and device, electronic equipment and computer readable storage medium
US10997475B2 (en) * 2019-02-14 2021-05-04 Siemens Healthcare Gmbh COPD classification with machine-trained abnormality detection
CN109961095B (en) * 2019-03-15 2023-04-28 深圳大学 Image labeling system and method based on unsupervised deep learning
CN110083719A (en) * 2019-03-29 2019-08-02 杭州电子科技大学 A kind of industrial product defect detection method based on deep learning
CN110060247B (en) * 2019-04-18 2022-11-25 深圳市深视创新科技有限公司 Robust deep neural network learning method for dealing with sample labeling errors
CN110084804A (en) * 2019-04-30 2019-08-02 河海大学常州校区 A kind of underwater works defect inspection method based on Weakly supervised deep learning
CN110070072A (en) * 2019-05-05 2019-07-30 厦门美图之家科技有限公司 A method of generating object detection model
CN110222704B (en) * 2019-06-12 2022-04-01 北京邮电大学 Weak supervision target detection method and device
CN110322509B (en) * 2019-06-26 2021-11-12 重庆邮电大学 Target positioning method, system and computer equipment based on hierarchical class activation graph
CN110363201B (en) * 2019-07-10 2021-06-01 上海交通大学 Weak supervision semantic segmentation method and system based on collaborative learning
CN110516536B (en) * 2019-07-12 2022-03-18 杭州电子科技大学 Weak supervision video behavior detection method based on time sequence class activation graph complementation
CN110674807A (en) * 2019-08-06 2020-01-10 中国科学院信息工程研究所 Curved scene character detection method based on semi-supervised and weakly supervised learning
CN110472609A (en) * 2019-08-21 2019-11-19 广东工业大学 A kind of birds image-recognizing method, device, equipment and storage medium
CN112529024A (en) * 2019-09-17 2021-03-19 株式会社理光 Sample data generation method and device and computer readable storage medium
CN110660480B (en) * 2019-09-25 2023-05-26 上海交通大学 Auxiliary diagnosis method and system for spine dislocation
CN110689081B (en) * 2019-09-30 2020-08-21 中国科学院大学 Weak supervision target classification and positioning method based on bifurcation learning
CN110852295B (en) * 2019-10-15 2023-08-25 深圳龙岗智能视听研究院 Video behavior recognition method based on multitasking supervised learning
CN110991502B (en) * 2019-11-21 2020-10-13 北京航空航天大学 Airspace security situation assessment method based on category activation mapping technology
CN110992334B (en) * 2019-11-29 2023-04-07 四川虹微技术有限公司 Quality evaluation method for DCGAN network generated image
CN111026898A (en) * 2019-12-10 2020-04-17 云南大学 Weak supervision image emotion classification and positioning method based on cross space pooling strategy
CN111027634B (en) * 2019-12-16 2023-04-18 中山大学 Regularization method and system based on class activation mapping image guidance
CN111179175B (en) * 2019-12-27 2023-04-07 深圳力维智联技术有限公司 Image processing method and device based on convolutional neural network and storage medium
CN111680702B (en) * 2020-05-28 2022-04-01 杭州电子科技大学 Method for realizing weak supervision image significance detection by using detection frame
CN111832436B (en) 2020-06-24 2023-06-16 五邑大学 Multi-task and weak supervision-based beauty prediction method and device and storage medium
CN112329659B (en) * 2020-11-10 2023-08-29 平安科技(深圳)有限公司 Weak supervision semantic segmentation method based on vehicle image and related equipment thereof
CN112598043B (en) * 2020-12-17 2023-08-18 杭州电子科技大学 Collaborative saliency detection method based on weak supervised learning
CN112560999B (en) * 2021-02-18 2021-06-04 成都睿沿科技有限公司 Target detection model training method and device, electronic equipment and storage medium
CN112861880B (en) * 2021-03-05 2021-12-07 江苏实达迪美数据处理有限公司 Weak supervision RGBD image saliency detection method and system based on image classification
CN113221826B (en) * 2021-05-31 2023-05-02 浙江工商大学 Road detection method based on self-supervision learning significance estimation pixel embedding
CN113326886B (en) * 2021-06-16 2023-09-15 中山大学 Method and system for detecting salient object based on unsupervised learning
CN113420707B (en) * 2021-07-05 2022-07-15 神思电子技术股份有限公司 Video target detection method based on weak supervised learning
CN113838130B (en) * 2021-08-30 2023-07-18 厦门大学 Weak supervision target positioning method based on feature expansibility learning
CN114549863B (en) * 2022-04-27 2022-07-22 西安电子科技大学 Light field saliency target detection method based on pixel-level noise label supervision
CN115439688B (en) * 2022-09-01 2023-06-16 哈尔滨工业大学 Weak supervision object detection method based on surrounding area sensing and association
CN117079103B (en) * 2023-10-16 2024-01-02 暨南大学 Pseudo tag generation method and system for neural network training

Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103310195A (en) * 2013-06-09 2013-09-18 西北工业大学 LLC-feature-based weak-supervision recognition method for vehicle high-resolution remote sensing images
US20150125082A1 (en) * 2013-11-01 2015-05-07 Samsung Electronics Co., Ltd. Method and apparatus for generating hierarchical saliency images detection with selective refinement
CN105825502A (en) * 2016-03-12 2016-08-03 浙江大学 Saliency-guidance-based weak supervision image analysis method of dictionary learning
CN107203781A (en) * 2017-05-22 2017-09-26 浙江大学 A kind of object detection method Weakly supervised end to end instructed based on conspicuousness

Family Cites Families (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107341505B (en) * 2017-06-07 2020-07-28 同济大学 Scene classification method based on image significance and Object Bank

Patent Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103310195A (en) * 2013-06-09 2013-09-18 西北工业大学 LLC-feature-based weak-supervision recognition method for vehicle high-resolution remote sensing images
US20150125082A1 (en) * 2013-11-01 2015-05-07 Samsung Electronics Co., Ltd. Method and apparatus for generating hierarchical saliency images detection with selective refinement
CN105825502A (en) * 2016-03-12 2016-08-03 浙江大学 Saliency-guidance-based weak supervision image analysis method of dictionary learning
CN107203781A (en) * 2017-05-22 2017-09-26 浙江大学 A kind of object detection method Weakly supervised end to end instructed based on conspicuousness

Cited By (182)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110516718B (en) * 2019-08-12 2023-03-24 西北工业大学 Zero sample learning method based on deep embedding space
CN110516718A (en) * 2019-08-12 2019-11-29 西北工业大学 The zero sample learning method based on depth embedded space
CN110533086A (en) * 2019-08-13 2019-12-03 天津大学 The semi-automatic mask method of image data
CN110516596A (en) * 2019-08-27 2019-11-29 西安电子科技大学 Empty spectrum attention hyperspectral image classification method based on Octave convolution
CN110516596B (en) * 2019-08-27 2023-03-24 西安电子科技大学 Octave convolution-based spatial spectrum attention hyperspectral image classification method
CN110569901A (en) * 2019-09-05 2019-12-13 北京工业大学 Channel selection-based countermeasure elimination weak supervision target detection method
CN110569901B (en) * 2019-09-05 2022-11-29 北京工业大学 Channel selection-based countermeasure elimination weak supervision target detection method
CN110648334A (en) * 2019-09-18 2020-01-03 中国人民解放军火箭军工程大学 Multi-feature cyclic convolution saliency target detection method based on attention mechanism
CN110765882A (en) * 2019-09-25 2020-02-07 腾讯科技(深圳)有限公司 Video tag determination method, device, server and storage medium
CN110765882B (en) * 2019-09-25 2023-04-07 腾讯科技(深圳)有限公司 Video tag determination method, device, server and storage medium
CN110827238A (en) * 2019-09-29 2020-02-21 哈尔滨工程大学 Improved side-scan sonar image feature extraction method of full convolution neural network
CN110827238B (en) * 2019-09-29 2023-07-21 哈尔滨工程大学 Improved side-scan sonar image feature extraction method of full convolution neural network
CN110796183A (en) * 2019-10-17 2020-02-14 大连理工大学 Weak supervision fine-grained image classification algorithm based on relevance-guided discriminant learning
CN110705516B (en) * 2019-10-18 2022-10-25 大连海事大学 Sole pattern image clustering method based on collaborative network structure
CN110827318A (en) * 2019-10-18 2020-02-21 天津大学 Target tracking method based on fusion of multilayer semantic features and multi-response graph
CN110705516A (en) * 2019-10-18 2020-01-17 大连海事大学 Sole pattern image clustering method based on collaborative network structure
CN111008644A (en) * 2019-10-30 2020-04-14 西安电子科技大学 Ecological change monitoring method based on local dynamic energy function FCN-CRF model
CN111008644B (en) * 2019-10-30 2023-04-21 西安电子科技大学 Ecological change monitoring method based on local dynamic energy function FCN-CRF model
CN111161848A (en) * 2019-10-31 2020-05-15 杭州深睿博联科技有限公司 Method and device for marking focus of CT image and storage medium
CN111161848B (en) * 2019-10-31 2023-08-29 杭州深睿博联科技有限公司 Focus marking method and device for CT image and storage medium
CN110827312B (en) * 2019-11-12 2023-04-28 北京深境智能科技有限公司 Learning method based on cooperative visual attention neural network
CN110827312A (en) * 2019-11-12 2020-02-21 北京深境智能科技有限公司 Learning method based on cooperative visual attention neural network
CN111127336B (en) * 2019-11-18 2023-05-02 复旦大学 Image signal processing method based on self-adaptive selection module
CN111127336A (en) * 2019-11-18 2020-05-08 复旦大学 Image signal processing method based on self-adaptive selection module
CN110956185A (en) * 2019-11-21 2020-04-03 大连理工大学人工智能大连研究院 Method for detecting image salient object
CN110956185B (en) * 2019-11-21 2023-04-18 大连理工大学人工智能大连研究院 Method for detecting image salient object
CN111047571A (en) * 2019-12-10 2020-04-21 安徽大学 Image salient target detection method with self-adaptive selection training process
CN111047571B (en) * 2019-12-10 2023-04-25 安徽大学 Image salient target detection method with self-adaptive selection training process
CN111178503A (en) * 2019-12-16 2020-05-19 北京邮电大学 Mobile terminal-oriented decentralized target detection model training method and system
CN111091011B (en) * 2019-12-20 2023-07-28 科大讯飞股份有限公司 Domain prediction method, domain prediction device and electronic equipment
CN111091011A (en) * 2019-12-20 2020-05-01 科大讯飞股份有限公司 Domain prediction method, domain prediction device and electronic equipment
CN111260594B (en) * 2019-12-22 2023-10-31 天津大学 Unsupervised multi-mode image fusion method
CN111260594A (en) * 2019-12-22 2020-06-09 天津大学 Unsupervised multi-modal image fusion method
CN111209919A (en) * 2020-01-06 2020-05-29 上海海事大学 Marine ship significance detection method and system
CN111209919B (en) * 2020-01-06 2023-06-09 上海海事大学 Marine ship significance detection method and system
CN111259736B (en) * 2020-01-08 2023-04-07 上海海事大学 Real-time pedestrian detection method based on deep learning in complex environment
CN111259736A (en) * 2020-01-08 2020-06-09 上海海事大学 Real-time pedestrian detection method based on deep learning in complex environment
CN111242839A (en) * 2020-01-13 2020-06-05 华南理工大学 Image scaling and cutting method based on scale grade
CN111242839B (en) * 2020-01-13 2023-04-21 华南理工大学 Image scaling and clipping method based on scale level
CN113139553A (en) * 2020-01-16 2021-07-20 中国科学院国家空间科学中心 U-net-based method and system for extracting aurora ovum form of ultraviolet aurora image
CN111242940B (en) * 2020-01-19 2023-05-30 复旦大学 Tongue image segmentation method based on weak supervised learning
CN111291651B (en) * 2020-01-21 2023-05-05 中国科学院西安光学精密机械研究所 Multi-task neural network framework for remote sensing scene classification and classification method
CN111291651A (en) * 2020-01-21 2020-06-16 中国科学院西安光学精密机械研究所 Multitask neural network framework for remote sensing scene classification and classification method
CN111461974B (en) * 2020-02-17 2023-04-25 天津大学 Image scanning path control method based on LSTM model from coarse to fine
CN111461974A (en) * 2020-02-17 2020-07-28 天津大学 Image scanning path control method based on L STM model from coarse to fine
CN111340771A (en) * 2020-02-23 2020-06-26 北京工业大学 Fine particle real-time monitoring method integrating visual information richness and wide-depth combined learning
CN111340771B (en) * 2020-02-23 2024-04-09 北京工业大学 Fine particulate matter real-time monitoring method integrating visual information richness and wide-depth joint learning
CN111368702A (en) * 2020-02-28 2020-07-03 西安工程大学 Composite insulator hydrophobicity grade identification method based on YOLOv3 network
CN111368895B (en) * 2020-02-28 2023-04-07 上海海事大学 Garbage bag target detection method and detection system in wet garbage
CN111368895A (en) * 2020-02-28 2020-07-03 上海海事大学 Garbage bag target detection method and detection system in wet garbage
CN111368702B (en) * 2020-02-28 2023-03-14 西安工程大学 Composite insulator hydrophobicity grade identification method based on YOLOv3 network
CN111523390B (en) * 2020-03-25 2023-11-03 杭州易现先进科技有限公司 Image recognition method and augmented reality AR icon recognition system
CN111523390A (en) * 2020-03-25 2020-08-11 杭州易现先进科技有限公司 Image recognition method and augmented reality AR icon recognition system
CN111428655A (en) * 2020-03-27 2020-07-17 厦门大学 Scalp detection method based on deep learning
CN111553462A (en) * 2020-04-08 2020-08-18 哈尔滨工程大学 Class activation mapping method
CN111487679B (en) * 2020-04-22 2023-04-07 中国石油天然气集团有限公司 Transverse wave velocity prediction method, device and equipment
CN111487679A (en) * 2020-04-22 2020-08-04 中国石油天然气集团有限公司 Transverse wave velocity prediction method, device and equipment
CN111563886A (en) * 2020-04-29 2020-08-21 安徽国钜工程机械科技有限公司 Tunnel steel rail surface disease detection method and device based on unsupervised feature learning
CN111563886B (en) * 2020-04-29 2023-04-07 安徽国钜工程机械科技有限公司 Unsupervised feature learning-based tunnel steel rail surface disease detection method and device
CN111513702A (en) * 2020-04-30 2020-08-11 何中煜 Method for detecting electrocardiographic data and storage medium
CN111523610A (en) * 2020-05-06 2020-08-11 青岛联合创智科技有限公司 Article identification method for efficient sample marking
CN111523610B (en) * 2020-05-06 2023-04-21 青岛联合创智科技有限公司 Article identification method for efficient labeling of samples
CN111860106B (en) * 2020-05-28 2023-12-08 江苏东印智慧工程技术研究院有限公司 Unsupervised bridge crack identification method
CN111860106A (en) * 2020-05-28 2020-10-30 江苏东印智慧工程技术研究院有限公司 Unsupervised bridge crack identification method
CN111915618A (en) * 2020-06-02 2020-11-10 华南理工大学 Example segmentation algorithm and computing device based on peak response enhancement
CN111915618B (en) * 2020-06-02 2024-05-14 华南理工大学 Peak response enhancement-based instance segmentation algorithm and computing device
CN111753885A (en) * 2020-06-09 2020-10-09 华侨大学 Privacy enhanced data processing method and system based on deep learning
CN111753885B (en) * 2020-06-09 2023-09-01 华侨大学 Privacy enhanced data processing method and system based on deep learning
CN111860596B (en) * 2020-06-17 2023-11-07 长安大学 Unsupervised pavement crack classification method and model building method based on deep learning
CN111860596A (en) * 2020-06-17 2020-10-30 长安大学 Unsupervised pavement crack classification method based on deep learning and model establishment method
CN111768380A (en) * 2020-06-29 2020-10-13 上海仪电(集团)有限公司中央研究院 Method for detecting surface defects of industrial spare and accessory parts
CN111899203A (en) * 2020-07-10 2020-11-06 贵州大学 Real image generation method based on label graph under unsupervised training and storage medium
CN111899203B (en) * 2020-07-10 2023-06-20 贵州大学 Real image generation method based on label graph under unsupervised training and storage medium
CN111814895A (en) * 2020-07-17 2020-10-23 大连理工大学人工智能大连研究院 Significance target detection method based on absolute and relative depth induction network
CN111882546B (en) * 2020-07-30 2023-08-01 中原工学院 Three-branch convolution network fabric defect detection method based on weak supervision learning
CN111882546A (en) * 2020-07-30 2020-11-03 中原工学院 Weak supervised learning-based three-branch convolutional network fabric defect detection method
CN111899251A (en) * 2020-08-06 2020-11-06 中国科学院深圳先进技术研究院 Copy-move type forged image detection method for distinguishing forged source and target area
CN111914778A (en) * 2020-08-07 2020-11-10 重庆大学 Video behavior positioning method based on weak supervised learning
CN113762455A (en) * 2020-08-07 2021-12-07 北京沃东天骏信息技术有限公司 Detection model training method, single character detection method, device, equipment and medium
CN111914778B (en) * 2020-08-07 2023-12-26 重庆大学 Video behavior positioning method based on weak supervision learning
CN111965183A (en) * 2020-08-17 2020-11-20 沈阳飞机工业(集团)有限公司 Titanium alloy microstructure detection method based on deep learning
CN111965183B (en) * 2020-08-17 2023-04-18 沈阳飞机工业(集团)有限公司 Titanium alloy microstructure detection method based on deep learning
CN114109456A (en) * 2020-08-28 2022-03-01 神华神东煤炭集团有限责任公司 Monitoring and early warning method and system for coal mine underground reservoir coal pillar dam body structure
CN111951292B (en) * 2020-09-01 2022-11-08 吉林大学 Object surface reflection attribute extraction method, device, equipment and storage medium
CN111951292A (en) * 2020-09-01 2020-11-17 吉林大学 Object surface reflection attribute extraction method, device, equipment and storage medium
CN112115995A (en) * 2020-09-11 2020-12-22 北京邮电大学 Image multi-label classification method based on semi-supervised learning
CN112115995B (en) * 2020-09-11 2023-04-07 北京邮电大学 Image multi-label classification method based on semi-supervised learning
CN112183248A (en) * 2020-09-14 2021-01-05 北京大学深圳研究生院 Video salient object detection method based on channel-by-channel space-time characterization learning
CN114266716B (en) * 2020-09-15 2024-04-02 复旦大学 Method for detecting leakage water risk of shield tunnel wall based on deep learning
CN114266716A (en) * 2020-09-15 2022-04-01 复旦大学 Method for detecting leakage water risk of shield tunnel wall surface based on deep learning
CN112132810B (en) * 2020-09-24 2023-09-12 西安电子科技大学 Image significance detection method based on perception logic and feature contrast
CN112132810A (en) * 2020-09-24 2020-12-25 西安电子科技大学 Image significance detection method based on perception logic and feature comparison
CN112153461A (en) * 2020-09-25 2020-12-29 北京百度网讯科技有限公司 Method and device for positioning sound production object, electronic equipment and readable storage medium
CN112153461B (en) * 2020-09-25 2022-11-18 北京百度网讯科技有限公司 Method and device for positioning sound production object, electronic equipment and readable storage medium
CN112560571A (en) * 2020-10-09 2021-03-26 天津大学 Intelligent autonomous visual navigation method based on convolutional neural network
CN112329588B (en) * 2020-10-30 2024-01-05 中海石油(中国)有限公司 Pipeline fault detection method based on Faster R-CNN
CN112329588A (en) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 Pipeline fault detection method based on fast R-CNN
CN112364980A (en) * 2020-11-09 2021-02-12 北京计算机技术及应用研究所 Deep neural network training method based on reinforcement learning under weak supervision scene
CN112364980B (en) * 2020-11-09 2024-04-30 北京计算机技术及应用研究所 Deep neural network training method based on reinforcement learning under weak supervision scene
CN112184602A (en) * 2020-11-09 2021-01-05 上海市精神卫生中心(上海市心理咨询培训中心) Image normalization method based on weak supervision and auxiliary task
CN112184602B (en) * 2020-11-09 2024-04-16 上海市精神卫生中心(上海市心理咨询培训中心) Image normalization method based on weak supervision and auxiliary tasks
CN112395997A (en) * 2020-11-19 2021-02-23 中山大学 Weak supervision training method of pedestrian re-recognition model based on micrographic learning
CN112395997B (en) * 2020-11-19 2023-11-24 中山大学 Weak supervision training method based on pedestrian re-recognition model capable of micro-graph learning
CN112749621B (en) * 2020-11-25 2023-06-13 厦门理工学院 Remote sensing image cloud layer detection method based on deep convolutional neural network
CN112749621A (en) * 2020-11-25 2021-05-04 厦门理工学院 Remote sensing image cloud layer detection method based on deep convolutional neural network
CN112533137B (en) * 2020-11-26 2023-10-17 北京爱笔科技有限公司 Positioning method and device of equipment, electronic equipment and computer storage medium
CN112533137A (en) * 2020-11-26 2021-03-19 北京爱笔科技有限公司 Device positioning method and device, electronic device and computer storage medium
CN112529878A (en) * 2020-12-15 2021-03-19 西安交通大学 Multi-view semi-supervised lymph node classification method, system and equipment
CN112529878B (en) * 2020-12-15 2024-04-02 西安交通大学 Multi-view semi-supervised lymph node classification method, system and equipment
CN112541904A (en) * 2020-12-16 2021-03-23 西安电子科技大学 Unsupervised remote sensing image change detection method, storage medium and computing device
CN112541904B (en) * 2020-12-16 2023-03-24 西安电子科技大学 Unsupervised remote sensing image change detection method, storage medium and computing device
CN112668579A (en) * 2020-12-24 2021-04-16 西安电子科技大学 Weak supervision semantic segmentation method based on self-adaptive affinity and class distribution
CN112686256A (en) * 2021-01-05 2021-04-20 中山大学 Method, system and device for unsupervised target cooperative positioning without training
CN112686256B (en) * 2021-01-05 2023-10-20 中山大学 Training-free and unsupervised target co-location method, system and device
CN112733744B (en) * 2021-01-14 2022-05-24 北京航空航天大学 Camouflage object detection model based on edge cooperative supervision and multi-level constraint
CN112733744A (en) * 2021-01-14 2021-04-30 北京航空航天大学 Camouflage object detection model based on edge cooperative supervision and multi-level constraint
CN112733742A (en) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 Deep learning-based fault detection method for round pin of lower pull rod of railway wagon
CN112766285A (en) * 2021-01-26 2021-05-07 北京有竹居网络技术有限公司 Image sample generation method and device and electronic equipment
CN112766285B (en) * 2021-01-26 2024-03-19 北京有竹居网络技术有限公司 Image sample generation method and device and electronic equipment
CN112784924A (en) * 2021-02-08 2021-05-11 宁波大学 Rib fracture CT image classification method based on grouping aggregation deep learning model
CN112784924B (en) * 2021-02-08 2023-05-23 宁波大学 Rib fracture CT image classification method based on grouping aggregation deep learning model
CN113158760B (en) * 2021-02-20 2023-08-15 温州大学 Weak supervision specific behavior recognition system based on multi-level labels
CN113158760A (en) * 2021-02-20 2021-07-23 温州大学 Weak supervision specific behavior recognition system based on multi-level labels
CN113034388B (en) * 2021-03-12 2024-04-05 西北大学 Ancient painting virtual repair method and construction method of repair model
CN113034388A (en) * 2021-03-12 2021-06-25 西北大学 Ancient painting virtual repairing method and construction method of repairing model
CN112966684A (en) * 2021-03-15 2021-06-15 北湾科技(武汉)有限公司 Cooperative learning character recognition method under attention mechanism
CN113221633A (en) * 2021-03-24 2021-08-06 西安电子科技大学 Weak supervision time sequence behavior positioning method based on hierarchical category model
CN113221633B (en) * 2021-03-24 2023-09-19 西安电子科技大学 Weak supervision time sequence behavior positioning method based on hierarchical category model
CN112950631A (en) * 2021-04-13 2021-06-11 西安交通大学口腔医院 Age estimation method based on saliency map constraint and X-ray head skull positioning lateral image
CN113077451A (en) * 2021-04-13 2021-07-06 中山大学 Single picture intrinsic image decomposition method, system and medium based on unsupervised learning
CN112950631B (en) * 2021-04-13 2023-06-30 西安交通大学口腔医院 Age estimation method based on saliency map constraint and X-ray head cranium positioning side image
CN113077451B (en) * 2021-04-13 2023-04-18 中山大学 Method, system and medium for decomposing single picture intrinsic image based on unsupervised learning
CN113222898A (en) * 2021-04-14 2021-08-06 西安电子科技大学 Double-voyage SAR image trace detection method based on multivariate statistics and deep learning
CN113222898B (en) * 2021-04-14 2024-02-09 西安电子科技大学 Double-navigation SAR image trace detection method based on multi-element statistics and deep learning
CN113139597A (en) * 2021-04-19 2021-07-20 中国人民解放军91054部队 Statistical thought-based image distribution external detection method
CN113139597B (en) * 2021-04-19 2022-11-04 中国人民解放军91054部队 Statistical thought-based image distribution external detection method
CN113343772A (en) * 2021-05-12 2021-09-03 武汉大学 Video saliency target detection method based on implicit guide and explicit teaching strategy
CN113343772B (en) * 2021-05-12 2022-06-14 武汉大学 Video saliency target detection method based on implicit guide and explicit teaching strategy
CN113435607B (en) * 2021-06-09 2023-08-29 内蒙古大学 Disease screening method based on federal learning
CN113435607A (en) * 2021-06-09 2021-09-24 内蒙古大学 Disease screening method based on federal learning
CN113378937B (en) * 2021-06-11 2023-08-11 西安电子科技大学 Small sample image classification method and system based on self-supervision enhancement
CN113378937A (en) * 2021-06-11 2021-09-10 西安电子科技大学 Small sample image classification method and system based on self-supervision enhancement
CN113255581A (en) * 2021-06-21 2021-08-13 湖南大学 Weak supervision deep learning water body extraction method and device, computer equipment and medium
CN113255581B (en) * 2021-06-21 2021-09-28 湖南大学 Weak supervision deep learning water body extraction method and device, computer equipment and medium
CN113327666B (en) * 2021-06-21 2022-08-12 青岛科技大学 Multi-label local-to-global learning method of chest radiography disease multi-classification network
CN113327666A (en) * 2021-06-21 2021-08-31 青岛科技大学 Multi-label local-to-global learning method of chest radiography disease multi-classification network
CN113505670B (en) * 2021-06-29 2023-06-23 西南交通大学 Remote sensing image weak supervision building extraction method based on multi-scale CAM and super-pixels
CN113505670A (en) * 2021-06-29 2021-10-15 西南交通大学 Remote sensing image weak supervision building extraction method based on multi-scale CAM and super-pixels
CN113627468A (en) * 2021-07-01 2021-11-09 浙江安防职业技术学院 Non-local neural network image processing method and system based on unsupervised learning
CN113610120B (en) * 2021-07-21 2023-09-29 燕山大学 App image content safety detection method based on weak supervision learning
CN113610120A (en) * 2021-07-21 2021-11-05 燕山大学 App image content safety detection method based on weak supervised learning
CN113723492B (en) * 2021-08-25 2024-05-24 哈尔滨理工大学 Hyperspectral image semi-supervised classification method and device for improving active deep learning
CN113723492A (en) * 2021-08-25 2021-11-30 哈尔滨理工大学 Hyperspectral image semi-supervised classification method and device for improving active deep learning
CN113435431A (en) * 2021-08-27 2021-09-24 北京市商汤科技开发有限公司 Posture detection method, training device and training equipment of neural network model
CN113807206A (en) * 2021-08-30 2021-12-17 电子科技大学 SAR image target identification method based on denoising task assistance
CN113807206B (en) * 2021-08-30 2023-04-07 电子科技大学 SAR image target identification method based on denoising task assistance
CN113869512B (en) * 2021-10-09 2024-05-21 北京中科智眼科技有限公司 Self-supervision and self-distillation-based supplementary tag learning method
CN113869512A (en) * 2021-10-09 2021-12-31 北京中科智眼科技有限公司 Supplementary label learning method based on self-supervision and self-distillation
CN114049662A (en) * 2021-10-18 2022-02-15 天津大学 Facial feature transfer learning-based expression recognition network structure and method
CN114049662B (en) * 2021-10-18 2024-05-28 天津大学 Facial feature transfer learning-based expression recognition network device and method
CN113989558B (en) * 2021-10-28 2024-04-30 哈尔滨工业大学 Weak supervision target detection method based on transfer learning and bounding box adjustment
CN113989558A (en) * 2021-10-28 2022-01-28 哈尔滨工业大学 Weak supervision target detection method based on transfer learning and bounding box adjustment
CN114332490A (en) * 2021-11-25 2022-04-12 河南大学 High-resolution saliency target detection method based on doodling supervision
CN114187446A (en) * 2021-12-09 2022-03-15 厦门大学 Cross-scene contrast learning weak supervision point cloud semantic segmentation method
CN114358144A (en) * 2021-12-16 2022-04-15 西南交通大学 Image segmentation quality evaluation method
CN114358144B (en) * 2021-12-16 2023-09-26 西南交通大学 Image segmentation quality assessment method
CN114302157A (en) * 2021-12-23 2022-04-08 广州津虹网络传媒有限公司 Attribute tag identification and multicast event detection method, device, equipment and medium
CN114302157B (en) * 2021-12-23 2023-11-17 广州津虹网络传媒有限公司 Attribute tag identification and substitution event detection methods, device, equipment and medium thereof
CN114359603B (en) * 2022-02-18 2024-03-15 西北工业大学 Multi-mode remote sensing image field self-adaptive unsupervised matching method
CN114359603A (en) * 2022-02-18 2022-04-15 西北工业大学 Self-adaptive unsupervised matching method in multi-mode remote sensing image field
CN114627348B (en) * 2022-03-22 2024-05-31 厦门大学 Picture identification method based on intention in multi-subject task
CN114627348A (en) * 2022-03-22 2022-06-14 厦门大学 Intention-based picture identification method in multi-subject task
CN114841312A (en) * 2022-03-30 2022-08-02 西北工业大学 Weak supervision video anomaly detection method based on self-adaptive graph convolution network
CN114841312B (en) * 2022-03-30 2024-02-27 西北工业大学 Weak supervision video anomaly detection method based on self-adaptive graph rolling network
CN115187783A (en) * 2022-09-09 2022-10-14 之江实验室 Multi-task hybrid supervision medical image segmentation method and system based on federal learning
CN115512169A (en) * 2022-11-09 2022-12-23 之江实验室 Weak supervision semantic segmentation method and device based on gradient and region affinity optimization
CN115512169B (en) * 2022-11-09 2023-07-25 之江实验室 Weak supervision semantic segmentation method and device based on gradient and region affinity optimization
CN116343050A (en) * 2023-05-26 2023-06-27 成都理工大学 Target detection method for remote sensing image noise annotation based on self-adaptive weight
CN116612537B (en) * 2023-07-21 2023-10-03 武汉理工大学 Semi-supervised action detection method based on background weakening and consistency calculation
CN116612537A (en) * 2023-07-21 2023-08-18 武汉理工大学 Semi-supervised action detection method based on background weakening and consistency calculation
CN117811846B (en) * 2024-02-29 2024-05-28 浪潮电子信息产业股份有限公司 Network security detection method, system, equipment and medium based on distributed system
CN117811846A (en) * 2024-02-29 2024-04-02 浪潮电子信息产业股份有限公司 Network security detection method, system, equipment and medium based on distributed system

Also Published As

Publication number Publication date
CN108399406A (en) 2018-08-14
CN108399406B (en) 2022-02-01

Similar Documents

Publication Publication Date Title
WO2019136946A1 (en) Deep learning-based weakly supervised salient object detection method and system
Zhang et al. Structured siamese network for real-time visual tracking
Li et al. A deep learning method for change detection in synthetic aperture radar images
Li et al. Contour knowledge transfer for salient object detection
CN111583263B (en) Point cloud segmentation method based on joint dynamic graph convolution
Chen et al. Learning linear regression via single-convolutional layer for visual object tracking
CN110750665A (en) Open set domain adaptation method and system based on entropy minimization
Yan et al. Weakly-and semi-supervised object detection with expectation-maximization algorithm
CN113326731A (en) Cross-domain pedestrian re-identification algorithm based on momentum network guidance
Seo et al. Object discovery via contrastive learning for weakly supervised object detection
Rao et al. Regularization and iterative initialization of softmax for fast training of convolutional neural networks
CN111882546A (en) Weak supervised learning-based three-branch convolutional network fabric defect detection method
CN117152606A (en) Confidence dynamic learning-based remote sensing image cross-domain small sample classification method
CN111382709A (en) Insulator image detection method based on unmanned aerial vehicle inspection
CN111259938B (en) Manifold learning and gradient lifting model-based image multi-label classification method
Firouznia et al. Adaptive chaotic sampling particle filter to handle occlusion and fast motion in visual object tracking
Ye et al. Deep graph regularized learning for binary classification
CN113920170B (en) Pedestrian track prediction method, system and storage medium combining scene context and pedestrian social relationship
WO2023201772A1 (en) Cross-domain remote sensing image semantic segmentation method based on adaptation and self-training in iteration domain
CN107993311B (en) Cost-sensitive latent semantic regression method for semi-supervised face recognition access control system
Mumuni et al. Robust appearance modeling for object detection and tracking: a survey of deep learning approaches
Yang et al. NAM Net: Meta-network with normalization-based attention for few-shot learning
Raisi et al. Investigation of Deep Learning Optimization Algorithms in Scene Text Detection
Abbasi et al. Self-supervised robust object detectors from partially labelled datasets
Li et al. More correlations better performance: Fully associative networks for multi-label image classification

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: 18899092

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 18899092

Country of ref document: EP

Kind code of ref document: A1