WO2019136946A1 - Procédé et système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond - Google Patents

Procédé et système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond 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
English (en)
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/fr

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

La présente invention concerne un procédé et un système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond, le procédé consistant : à générer des images saillantes de toutes les images d'apprentissage au moyen d'un procédé de détection de relief non supervisé ; à entraîner un réseau neuronal à convolution complet multitâche à l'aide des images saillantes et d'étiquettes de type niveau d'image correspondantes en tant qu'informations de supervision bruyantes pour une itération initiale, et à générer une nouvelle image d'activation de type et une image de prédiction d'objet saillant après la convergence du processus d'apprentissage ; à régler l'image d'activation de type et l'image de prédiction d'objet saillant au moyen d'un modèle de champ aléatoire conditionnel ; à mettre à jour des informations d'étiquetage de relief pour l'itération suivante à l'aide d'une politique de mise à jour d'étiquettes ; à effectuer un processus d'apprentissage par itérations multiples jusqu'à ce qu'une condition d'arrêt soit satisfaite ; et à effectuer un apprentissage général sur un ensemble de données comprenant des types inconnus d'images de façon à obtenir un modèle final. Selon la présente invention, des informations de bruit sont automatiquement éliminées dans un processus d'optimisation, et un bon effet de prédiction peut être obtenu uniquement à l'aide d'informations d'étiquetage de niveau d'image, ce qui permet d'éviter un processus d'étiquetage manuel de niveau de pixel complexe et long.
PCT/CN2018/095057 2018-01-15 2018-07-10 Procédé et système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond WO2019136946A1 (fr)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201810036348.4 2018-01-15
CN201810036348.4A CN108399406B (zh) 2018-01-15 2018-01-15 基于深度学习的弱监督显著性物体检测的方法及系统

Publications (1)

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

Family

ID=63094831

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2018/095057 WO2019136946A1 (fr) 2018-01-15 2018-07-10 Procédé et système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond

Country Status (2)

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

Cited By (110)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110516596A (zh) * 2019-08-27 2019-11-29 西安电子科技大学 基于Octave卷积的空谱注意力高光谱图像分类方法
CN110516718A (zh) * 2019-08-12 2019-11-29 西北工业大学 基于深度嵌入空间的零样本学习方法
CN110533086A (zh) * 2019-08-13 2019-12-03 天津大学 图像数据半自动标注方法
CN110569901A (zh) * 2019-09-05 2019-12-13 北京工业大学 一种基于通道选择的对抗消除弱监督目标检测方法
CN110648334A (zh) * 2019-09-18 2020-01-03 中国人民解放军火箭军工程大学 一种基于注意力机制的多特征循环卷积显著性目标检测方法
CN110705516A (zh) * 2019-10-18 2020-01-17 大连海事大学 一种基于协同网络结构的鞋底花纹图像聚类方法
CN110765882A (zh) * 2019-09-25 2020-02-07 腾讯科技(深圳)有限公司 一种视频标签确定方法、装置、服务器及存储介质
CN110796183A (zh) * 2019-10-17 2020-02-14 大连理工大学 基于相关性引导的判别学习的弱监督细粒度图像分类算法
CN110827318A (zh) * 2019-10-18 2020-02-21 天津大学 一种基于多层语义特征与多响应图融合的目标跟踪方法
CN110827312A (zh) * 2019-11-12 2020-02-21 北京深境智能科技有限公司 一种基于协同视觉注意力神经网络的学习方法
CN110827238A (zh) * 2019-09-29 2020-02-21 哈尔滨工程大学 一种改进的全卷积神经网络的侧扫声纳图像特征提取方法
CN110956185A (zh) * 2019-11-21 2020-04-03 大连理工大学人工智能大连研究院 一种图像显著目标的检测方法
CN111008644A (zh) * 2019-10-30 2020-04-14 西安电子科技大学 基于局部动态能量函数fcn-crf模型的生态变化监测方法
CN111047571A (zh) * 2019-12-10 2020-04-21 安徽大学 一种具有自适应选择训练过程的图像显著目标检测方法
CN111091011A (zh) * 2019-12-20 2020-05-01 科大讯飞股份有限公司 领域预测方法、领域预测装置及电子设备
CN111127336A (zh) * 2019-11-18 2020-05-08 复旦大学 一种基于自适应选择模块的图像信号处理方法
CN111161848A (zh) * 2019-10-31 2020-05-15 杭州深睿博联科技有限公司 Ct图像的病灶标注方法及装置、存储介质
CN111178503A (zh) * 2019-12-16 2020-05-19 北京邮电大学 面向移动终端的去中心化目标检测模型训练方法及系统
CN111209919A (zh) * 2020-01-06 2020-05-29 上海海事大学 一种海上船舶显著性检测方法及系统
CN111242839A (zh) * 2020-01-13 2020-06-05 华南理工大学 一种基于尺度等级的图像缩放裁剪方法
CN111259736A (zh) * 2020-01-08 2020-06-09 上海海事大学 一种基于深度学习的复杂环境下行人实时检测方法
CN111260594A (zh) * 2019-12-22 2020-06-09 天津大学 一种无监督的多模态图像融合方法
CN111291651A (zh) * 2020-01-21 2020-06-16 中国科学院西安光学精密机械研究所 用于遥感场景分类的多任务神经网络框架及分类方法
CN111340771A (zh) * 2020-02-23 2020-06-26 北京工业大学 一种融合视觉信息丰富度和宽深度联合学习的细颗粒物实时监测方法
CN111368702A (zh) * 2020-02-28 2020-07-03 西安工程大学 基于YOLOv3网络的复合绝缘子憎水性等级识别方法
CN111368895A (zh) * 2020-02-28 2020-07-03 上海海事大学 一种湿垃圾中垃圾袋目标检测方法及检测系统
CN111428655A (zh) * 2020-03-27 2020-07-17 厦门大学 一种基于深度学习的头皮检测方法
CN111461974A (zh) * 2020-02-17 2020-07-28 天津大学 基于由粗到细的lstm模型的图像扫描路径控制方法
CN111487679A (zh) * 2020-04-22 2020-08-04 中国石油天然气集团有限公司 横波速度预测方法、装置和设备
CN111523610A (zh) * 2020-05-06 2020-08-11 青岛联合创智科技有限公司 一种样本高效标注的物品识别方法
CN111523390A (zh) * 2020-03-25 2020-08-11 杭州易现先进科技有限公司 一种图像识别的方法及增强现实ar图标识别的系统
CN111513702A (zh) * 2020-04-30 2020-08-11 何中煜 心电数据的检测方法及存储介质
CN111553462A (zh) * 2020-04-08 2020-08-18 哈尔滨工程大学 一种类激活映射方法
CN111563886A (zh) * 2020-04-29 2020-08-21 安徽国钜工程机械科技有限公司 基于非监督特征学习的隧道钢轨表面病害检测方法及装置
CN111753885A (zh) * 2020-06-09 2020-10-09 华侨大学 一种基于深度学习的隐私增强数据处理方法和系统
CN111768380A (zh) * 2020-06-29 2020-10-13 上海仪电(集团)有限公司中央研究院 一种工业零配件表面缺陷检测方法
CN111814895A (zh) * 2020-07-17 2020-10-23 大连理工大学人工智能大连研究院 基于绝对和相对深度诱导网络的显著性目标检测方法
CN111860106A (zh) * 2020-05-28 2020-10-30 江苏东印智慧工程技术研究院有限公司 一种无监督的桥梁裂缝识别方法
CN111860596A (zh) * 2020-06-17 2020-10-30 长安大学 基于深度学习的无监督路面裂缝分类方法及模型建立方法
CN111882546A (zh) * 2020-07-30 2020-11-03 中原工学院 基于弱监督学习的三分支卷积网络织物疵点检测方法
CN111899203A (zh) * 2020-07-10 2020-11-06 贵州大学 基于标注图在无监督训练下的真实图像生成方法及存储介质
CN111899251A (zh) * 2020-08-06 2020-11-06 中国科学院深圳先进技术研究院 一种区分伪造来源和目标区域的copy-move型伪造图像检测方法
CN111915618A (zh) * 2020-06-02 2020-11-10 华南理工大学 基于峰值响应增强的实例分割算法、计算设备
CN111914778A (zh) * 2020-08-07 2020-11-10 重庆大学 一种基于弱监督学习的视频行为定位方法
CN111951292A (zh) * 2020-09-01 2020-11-17 吉林大学 物体表面反射属性提取方法、装置、设备及存储介质
CN111965183A (zh) * 2020-08-17 2020-11-20 沈阳飞机工业(集团)有限公司 基于深度学习的钛合金显微组织检测方法
CN112115995A (zh) * 2020-09-11 2020-12-22 北京邮电大学 一种基于半监督学习的图像多标签分类方法
CN112132810A (zh) * 2020-09-24 2020-12-25 西安电子科技大学 基于感知逻辑和特征对比的图像显著性检测方法
CN112153461A (zh) * 2020-09-25 2020-12-29 北京百度网讯科技有限公司 用于定位发声物的方法、装置、电子设备及可读存储介质
CN112184602A (zh) * 2020-11-09 2021-01-05 上海市精神卫生中心(上海市心理咨询培训中心) 一种基于弱监督和辅助任务的图像归一化方法
CN112183248A (zh) * 2020-09-14 2021-01-05 北京大学深圳研究生院 一种基于逐通道时空表征学习的视频显著性物体检测方法
CN112329588A (zh) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 一种基于Faster R-CNN的管道故障检测方法
CN112364980A (zh) * 2020-11-09 2021-02-12 北京计算机技术及应用研究所 一种弱监督场景下基于强化学习的深度神经网络训练方法
CN112395997A (zh) * 2020-11-19 2021-02-23 中山大学 一种基于可微图学习的行人重识别模型的弱监督训练方法
CN112486668A (zh) * 2020-11-03 2021-03-12 深圳市中博科创信息技术有限公司 一种分布式人工智能计算方法、物联网节点和存储介质
CN112529878A (zh) * 2020-12-15 2021-03-19 西安交通大学 一种基于多视图半监督的淋巴结的分类方法、系统及设备
CN112533137A (zh) * 2020-11-26 2021-03-19 北京爱笔科技有限公司 设备的定位方法、装置、电子设备及计算机存储介质
CN112541904A (zh) * 2020-12-16 2021-03-23 西安电子科技大学 一种无监督遥感图像变化检测方法、存储介质及计算设备
CN112560571A (zh) * 2020-10-09 2021-03-26 天津大学 基于卷积神经网络的智能自主视觉导航方法
CN112668579A (zh) * 2020-12-24 2021-04-16 西安电子科技大学 基于自适应亲和力和类别分配的弱监督语义分割方法
CN112686256A (zh) * 2021-01-05 2021-04-20 中山大学 一种无需训练且无监督的目标协同定位方法、系统及装置
CN112733744A (zh) * 2021-01-14 2021-04-30 北京航空航天大学 一种基于边缘协同监督与多级约束的伪装物体检测模型
CN112733742A (zh) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 一种基于深度学习的铁路货车下拉杆圆销故障检测方法
CN112749621A (zh) * 2020-11-25 2021-05-04 厦门理工学院 一种基于深度卷积神经网络的遥感图像云层检测方法
CN112766285A (zh) * 2021-01-26 2021-05-07 北京有竹居网络技术有限公司 图像样本生成方法、装置和电子设备
CN112784924A (zh) * 2021-02-08 2021-05-11 宁波大学 基于分组聚合深度学习模型的肋骨骨折ct图像分类方法
CN112950631A (zh) * 2021-04-13 2021-06-11 西安交通大学口腔医院 基于显著图约束和x光头颅定位侧位图像的年龄估计方法
CN112966684A (zh) * 2021-03-15 2021-06-15 北湾科技(武汉)有限公司 一种注意力机制下的协同学习文字识别方法
CN113034388A (zh) * 2021-03-12 2021-06-25 西北大学 一种古代绘画虚拟修复方法及修复模型的构建方法
CN113077451A (zh) * 2021-04-13 2021-07-06 中山大学 基于无监督学习的单张图片本征图像分解方法、系统及介质
CN113139553A (zh) * 2020-01-16 2021-07-20 中国科学院国家空间科学中心 一种基于U-net的紫外极光图像极光卵形态提取方法及系统
CN113139597A (zh) * 2021-04-19 2021-07-20 中国人民解放军91054部队 一种基于统计思想的图像分布外检测方法
CN113158760A (zh) * 2021-02-20 2021-07-23 温州大学 一种基于多层次标签的弱监督特定行为识别系统
CN113222898A (zh) * 2021-04-14 2021-08-06 西安电子科技大学 基于多元统计量和深度学习的双航过sar图像痕迹检测方法
CN113221633A (zh) * 2021-03-24 2021-08-06 西安电子科技大学 一种基于层次类别模型的弱监督时序行为定位方法
CN113255581A (zh) * 2021-06-21 2021-08-13 湖南大学 弱监督深度学习水体提取方法、装置、计算机设备和介质
CN113327666A (zh) * 2021-06-21 2021-08-31 青岛科技大学 一种胸片疾病多分类网络的多标签局部至全局学习方法
CN113343772A (zh) * 2021-05-12 2021-09-03 武汉大学 一种基于隐式引导与显式教导策略的视频显著性目标检测方法
CN113378937A (zh) * 2021-06-11 2021-09-10 西安电子科技大学 一种基于自监督增强的小样本图像分类方法及系统
CN113435607A (zh) * 2021-06-09 2021-09-24 内蒙古大学 一种基于联邦学习的疾病筛查方法
CN113435431A (zh) * 2021-08-27 2021-09-24 北京市商汤科技开发有限公司 姿态检测方法、神经网络模型的训练方法、装置及设备
CN113505670A (zh) * 2021-06-29 2021-10-15 西南交通大学 基于多尺度cam和超像素的遥感图像弱监督建筑提取方法
CN113591893A (zh) * 2021-01-26 2021-11-02 腾讯医疗健康(深圳)有限公司 基于人工智能的图像处理方法、装置和计算机设备
CN113610120A (zh) * 2021-07-21 2021-11-05 燕山大学 基于弱监督学习的App图像内容安全检测方法
CN113627468A (zh) * 2021-07-01 2021-11-09 浙江安防职业技术学院 基于无监督学习的非局部神经网络图像处理方法及系统
CN113723492A (zh) * 2021-08-25 2021-11-30 哈尔滨理工大学 一种改进主动深度学习的高光谱图像半监督分类方法及装置
CN113762455A (zh) * 2020-08-07 2021-12-07 北京沃东天骏信息技术有限公司 检测模型训练方法、单字检测方法、装置、设备及介质
CN113807206A (zh) * 2021-08-30 2021-12-17 电子科技大学 一种基于去噪任务辅助的sar图像目标识别方法
CN113869512A (zh) * 2021-10-09 2021-12-31 北京中科智眼科技有限公司 基于自监督与自蒸馏的补充标签学习方法
CN113989558A (zh) * 2021-10-28 2022-01-28 哈尔滨工业大学 基于迁移学习与边界框调节的弱监督目标检测方法
CN114049662A (zh) * 2021-10-18 2022-02-15 天津大学 一种基于面部特征迁移学习的表情识别网络结构及方法
CN114109456A (zh) * 2020-08-28 2022-03-01 神华神东煤炭集团有限责任公司 用于煤矿地下水库煤柱坝体结构的监测预警方法与系统
CN114170581A (zh) * 2021-12-07 2022-03-11 天津大学 基于深度监督的Anchor-Free交通标志检测方法
CN114187446A (zh) * 2021-12-09 2022-03-15 厦门大学 一种跨场景对比学习的弱监督点云语义分割方法
CN114266716A (zh) * 2020-09-15 2022-04-01 复旦大学 基于深度学习的盾构隧道墙面渗漏水风险检测的方法
CN114302157A (zh) * 2021-12-23 2022-04-08 广州津虹网络传媒有限公司 属性标签识别、代播事件检测方法及其装置、设备、介质
CN114332490A (zh) * 2021-11-25 2022-04-12 河南大学 一种基于涂鸦监督的高分辨显著性目标检测方法
CN114359603A (zh) * 2022-02-18 2022-04-15 西北工业大学 一种多模态遥感图像领域自适应无监督匹配方法
CN114358144A (zh) * 2021-12-16 2022-04-15 西南交通大学 一种图像分割质量评估方法
CN114494110A (zh) * 2021-12-03 2022-05-13 河南大学 基于图像增强网络用于地下排污管道内部缺陷检测方法
CN114627348A (zh) * 2022-03-22 2022-06-14 厦门大学 多主体任务中基于意图的图片识别方法
CN114648665A (zh) * 2022-03-25 2022-06-21 西安电子科技大学 一种弱监督目标检测方法及系统
CN114841312A (zh) * 2022-03-30 2022-08-02 西北工业大学 一种基于自适应图卷积网络的弱监督视频异常检测方法
CN115019063A (zh) * 2022-06-04 2022-09-06 海南大学 一种基于双注意力机制的显著性目标检测方法
CN115187783A (zh) * 2022-09-09 2022-10-14 之江实验室 基于联邦学习的多任务混合监督医疗图像分割方法及系统
CN115512169A (zh) * 2022-11-09 2022-12-23 之江实验室 基于梯度和区域亲和力优化的弱监督语义分割方法及装置
CN111242940B (zh) * 2020-01-19 2023-05-30 复旦大学 一种基于弱监督学习的舌体图像分割方法
CN116343050A (zh) * 2023-05-26 2023-06-27 成都理工大学 基于自适应权重的遥感图像噪声标注的目标检测方法
CN116612537A (zh) * 2023-07-21 2023-08-18 武汉理工大学 一种基于背景弱化及一致性计算的半监督动作检测方法
CN117811846A (zh) * 2024-02-29 2024-04-02 浪潮电子信息产业股份有限公司 基于分布式系统的网络安全检测方法、系统、设备及介质

Families Citing this family (40)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109165692B (zh) * 2018-09-06 2021-06-01 中国矿业大学 一种基于弱监督学习的用户性格预测装置及方法
CN111144574B (zh) 2018-11-06 2023-03-24 北京嘀嘀无限科技发展有限公司 使用指导者模型训练学习者模型的人工智能系统和方法
CN109597906B (zh) * 2018-12-06 2020-11-13 苏州飞搜科技有限公司 图像检索方法及装置
CN109784203B (zh) * 2018-12-24 2020-05-15 中国科学院大学 基于分层传播和激活的弱监督x光图像违禁品检查方法
CN109948642B (zh) * 2019-01-18 2023-03-28 中山大学 基于图像输入的多智能体跨模态深度确定性策略梯度训练方法
CN111507981B (zh) * 2019-01-31 2021-07-13 数坤(北京)网络科技股份有限公司 图像处理方法和装置、电子设备、计算机可读存储介质
US10997475B2 (en) * 2019-02-14 2021-05-04 Siemens Healthcare Gmbh COPD classification with machine-trained abnormality detection
CN109961095B (zh) * 2019-03-15 2023-04-28 深圳大学 基于非监督深度学习的图像标注系统及标注方法
CN110083719A (zh) * 2019-03-29 2019-08-02 杭州电子科技大学 一种基于深度学习的工业制品病疵检测方法
CN110060247B (zh) * 2019-04-18 2022-11-25 深圳市深视创新科技有限公司 应对样本标注错误的鲁棒深度神经网络学习方法
CN110084804A (zh) * 2019-04-30 2019-08-02 河海大学常州校区 一种基于弱监督深度学习的水下构筑物缺陷检测方法
CN110070072A (zh) * 2019-05-05 2019-07-30 厦门美图之家科技有限公司 一种生成物体检测模型的方法
CN110222704B (zh) * 2019-06-12 2022-04-01 北京邮电大学 一种弱监督目标检测方法及装置
CN110322509B (zh) * 2019-06-26 2021-11-12 重庆邮电大学 基于层级类激活图的目标定位方法、系统及计算机设备
CN110363201B (zh) * 2019-07-10 2021-06-01 上海交通大学 基于协同学习的弱监督语义分割方法及系统
CN110516536B (zh) * 2019-07-12 2022-03-18 杭州电子科技大学 一种基于时序类别激活图互补的弱监督视频行为检测方法
CN110674807A (zh) * 2019-08-06 2020-01-10 中国科学院信息工程研究所 一种基于半监督与弱监督学习的曲形场景文字检测方法
CN110472609A (zh) * 2019-08-21 2019-11-19 广东工业大学 一种鸟类图像识别方法、装置、设备和存储介质
CN112529024B (zh) * 2019-09-17 2024-09-06 株式会社理光 一种样本数据的生成方法、装置及计算机可读存储介质
CN110660480B (zh) * 2019-09-25 2023-05-26 上海交通大学 脊骨脱位辅助诊断方法及系统
CN110689081B (zh) * 2019-09-30 2020-08-21 中国科学院大学 一种基于分歧学习的弱监督目标分类和定位方法
CN110852295B (zh) * 2019-10-15 2023-08-25 深圳龙岗智能视听研究院 一种基于多任务监督学习的视频行为识别方法
CN110991502B (zh) * 2019-11-21 2020-10-13 北京航空航天大学 一种基于类别激活映射技术的空域安全态势评估方法
CN110992334B (zh) * 2019-11-29 2023-04-07 四川虹微技术有限公司 用于dcgan网络生成图像的质量评估方法
CN111026898A (zh) * 2019-12-10 2020-04-17 云南大学 一种基于交叉空间池化策略的弱监督图像情感分类与定位方法
CN111027634B (zh) * 2019-12-16 2023-04-18 中山大学 一种基于类激活映射图引导的正则化方法及系统
CN111179175B (zh) * 2019-12-27 2023-04-07 深圳力维智联技术有限公司 基于卷积神经网络的图像处理方法、装置及存储介质
CN111680702B (zh) * 2020-05-28 2022-04-01 杭州电子科技大学 一种使用检测框实现弱监督图像显著性检测的方法
CN111832436B (zh) * 2020-06-24 2023-06-16 五邑大学 基于多任务与弱监督的美丽预测方法、装置及存储介质
CN112329659B (zh) * 2020-11-10 2023-08-29 平安科技(深圳)有限公司 基于车辆图像的弱监督语义分割方法及其相关设备
CN112598043B (zh) * 2020-12-17 2023-08-18 杭州电子科技大学 一种基于弱监督学习的协同显著性检测方法
CN112560999B (zh) * 2021-02-18 2021-06-04 成都睿沿科技有限公司 一种目标检测模型训练方法、装置、电子设备及存储介质
CN112861880B (zh) * 2021-03-05 2021-12-07 江苏实达迪美数据处理有限公司 基于图像分类的弱监督rgbd图像显著性检测方法及系统
CN113221826B (zh) * 2021-05-31 2023-05-02 浙江工商大学 一种基于自监督学习显著性估计像素嵌入的道路检测方法
CN113326886B (zh) * 2021-06-16 2023-09-15 中山大学 基于无监督学习的显著性物体检测方法及系统
CN113420707B (zh) * 2021-07-05 2022-07-15 神思电子技术股份有限公司 一种基于弱监督学习的视频目标检测方法
CN113838130B (zh) * 2021-08-30 2023-07-18 厦门大学 一种基于特征扩展性学习的弱监督目标定位方法
CN114549863B (zh) * 2022-04-27 2022-07-22 西安电子科技大学 一种基于像素级噪声标签监督的光场显著性目标检测方法
CN115439688B (zh) * 2022-09-01 2023-06-16 哈尔滨工业大学 一种基于周围区域感知与关联的弱监督物体检测方法
CN117079103B (zh) * 2023-10-16 2024-01-02 暨南大学 一种用于神经网络训练的伪标签生成方法及系统

Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103310195A (zh) * 2013-06-09 2013-09-18 西北工业大学 车辆高分遥感图像的基于llc特征的弱监督识别方法
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 (zh) * 2016-03-12 2016-08-03 浙江大学 一种基于显著性指导的词典学习的弱监督图像解析方法
CN107203781A (zh) * 2017-05-22 2017-09-26 浙江大学 一种基于显著性指导的端到端的弱监督目标检测方法

Family Cites Families (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107341505B (zh) * 2017-06-07 2020-07-28 同济大学 一种基于图像显著性与Object Bank的场景分类方法

Patent Citations (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN103310195A (zh) * 2013-06-09 2013-09-18 西北工业大学 车辆高分遥感图像的基于llc特征的弱监督识别方法
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 (zh) * 2016-03-12 2016-08-03 浙江大学 一种基于显著性指导的词典学习的弱监督图像解析方法
CN107203781A (zh) * 2017-05-22 2017-09-26 浙江大学 一种基于显著性指导的端到端的弱监督目标检测方法

Cited By (188)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110516718A (zh) * 2019-08-12 2019-11-29 西北工业大学 基于深度嵌入空间的零样本学习方法
CN110516718B (zh) * 2019-08-12 2023-03-24 西北工业大学 基于深度嵌入空间的零样本学习方法
CN110533086A (zh) * 2019-08-13 2019-12-03 天津大学 图像数据半自动标注方法
CN110516596B (zh) * 2019-08-27 2023-03-24 西安电子科技大学 基于Octave卷积的空谱注意力高光谱图像分类方法
CN110516596A (zh) * 2019-08-27 2019-11-29 西安电子科技大学 基于Octave卷积的空谱注意力高光谱图像分类方法
CN110569901A (zh) * 2019-09-05 2019-12-13 北京工业大学 一种基于通道选择的对抗消除弱监督目标检测方法
CN110569901B (zh) * 2019-09-05 2022-11-29 北京工业大学 一种基于通道选择的对抗消除弱监督目标检测方法
CN110648334A (zh) * 2019-09-18 2020-01-03 中国人民解放军火箭军工程大学 一种基于注意力机制的多特征循环卷积显著性目标检测方法
CN110765882B (zh) * 2019-09-25 2023-04-07 腾讯科技(深圳)有限公司 一种视频标签确定方法、装置、服务器及存储介质
CN110765882A (zh) * 2019-09-25 2020-02-07 腾讯科技(深圳)有限公司 一种视频标签确定方法、装置、服务器及存储介质
CN110827238B (zh) * 2019-09-29 2023-07-21 哈尔滨工程大学 一种改进的全卷积神经网络的侧扫声纳图像特征提取方法
CN110827238A (zh) * 2019-09-29 2020-02-21 哈尔滨工程大学 一种改进的全卷积神经网络的侧扫声纳图像特征提取方法
CN110796183A (zh) * 2019-10-17 2020-02-14 大连理工大学 基于相关性引导的判别学习的弱监督细粒度图像分类算法
CN110827318A (zh) * 2019-10-18 2020-02-21 天津大学 一种基于多层语义特征与多响应图融合的目标跟踪方法
CN110705516B (zh) * 2019-10-18 2022-10-25 大连海事大学 一种基于协同网络结构的鞋底花纹图像聚类方法
CN110705516A (zh) * 2019-10-18 2020-01-17 大连海事大学 一种基于协同网络结构的鞋底花纹图像聚类方法
CN111008644B (zh) * 2019-10-30 2023-04-21 西安电子科技大学 基于局部动态能量函数fcn-crf模型的生态变化监测方法
CN111008644A (zh) * 2019-10-30 2020-04-14 西安电子科技大学 基于局部动态能量函数fcn-crf模型的生态变化监测方法
CN111161848B (zh) * 2019-10-31 2023-08-29 杭州深睿博联科技有限公司 Ct图像的病灶标注方法及装置、存储介质
CN111161848A (zh) * 2019-10-31 2020-05-15 杭州深睿博联科技有限公司 Ct图像的病灶标注方法及装置、存储介质
CN110827312A (zh) * 2019-11-12 2020-02-21 北京深境智能科技有限公司 一种基于协同视觉注意力神经网络的学习方法
CN110827312B (zh) * 2019-11-12 2023-04-28 北京深境智能科技有限公司 一种基于协同视觉注意力神经网络的学习方法
CN111127336B (zh) * 2019-11-18 2023-05-02 复旦大学 一种基于自适应选择模块的图像信号处理方法
CN111127336A (zh) * 2019-11-18 2020-05-08 复旦大学 一种基于自适应选择模块的图像信号处理方法
CN110956185B (zh) * 2019-11-21 2023-04-18 大连理工大学人工智能大连研究院 一种图像显著目标的检测方法
CN110956185A (zh) * 2019-11-21 2020-04-03 大连理工大学人工智能大连研究院 一种图像显著目标的检测方法
CN111047571B (zh) * 2019-12-10 2023-04-25 安徽大学 一种具有自适应选择训练过程的图像显著目标检测方法
CN111047571A (zh) * 2019-12-10 2020-04-21 安徽大学 一种具有自适应选择训练过程的图像显著目标检测方法
CN111178503A (zh) * 2019-12-16 2020-05-19 北京邮电大学 面向移动终端的去中心化目标检测模型训练方法及系统
CN111091011B (zh) * 2019-12-20 2023-07-28 科大讯飞股份有限公司 领域预测方法、领域预测装置及电子设备
CN111091011A (zh) * 2019-12-20 2020-05-01 科大讯飞股份有限公司 领域预测方法、领域预测装置及电子设备
CN111260594B (zh) * 2019-12-22 2023-10-31 天津大学 一种无监督的多模态图像融合方法
CN111260594A (zh) * 2019-12-22 2020-06-09 天津大学 一种无监督的多模态图像融合方法
CN111209919A (zh) * 2020-01-06 2020-05-29 上海海事大学 一种海上船舶显著性检测方法及系统
CN111209919B (zh) * 2020-01-06 2023-06-09 上海海事大学 一种海上船舶显著性检测方法及系统
CN111259736B (zh) * 2020-01-08 2023-04-07 上海海事大学 一种基于深度学习的复杂环境下行人实时检测方法
CN111259736A (zh) * 2020-01-08 2020-06-09 上海海事大学 一种基于深度学习的复杂环境下行人实时检测方法
CN111242839B (zh) * 2020-01-13 2023-04-21 华南理工大学 一种基于尺度等级的图像缩放裁剪方法
CN111242839A (zh) * 2020-01-13 2020-06-05 华南理工大学 一种基于尺度等级的图像缩放裁剪方法
CN113139553A (zh) * 2020-01-16 2021-07-20 中国科学院国家空间科学中心 一种基于U-net的紫外极光图像极光卵形态提取方法及系统
CN111242940B (zh) * 2020-01-19 2023-05-30 复旦大学 一种基于弱监督学习的舌体图像分割方法
CN111291651B (zh) * 2020-01-21 2023-05-05 中国科学院西安光学精密机械研究所 用于遥感场景分类的多任务神经网络框架及分类方法
CN111291651A (zh) * 2020-01-21 2020-06-16 中国科学院西安光学精密机械研究所 用于遥感场景分类的多任务神经网络框架及分类方法
CN111461974B (zh) * 2020-02-17 2023-04-25 天津大学 基于由粗到细的lstm模型的图像扫描路径控制方法
CN111461974A (zh) * 2020-02-17 2020-07-28 天津大学 基于由粗到细的lstm模型的图像扫描路径控制方法
CN111340771B (zh) * 2020-02-23 2024-04-09 北京工业大学 一种融合视觉信息丰富度和宽深度联合学习的细颗粒物实时监测方法
CN111340771A (zh) * 2020-02-23 2020-06-26 北京工业大学 一种融合视觉信息丰富度和宽深度联合学习的细颗粒物实时监测方法
CN111368895A (zh) * 2020-02-28 2020-07-03 上海海事大学 一种湿垃圾中垃圾袋目标检测方法及检测系统
CN111368702A (zh) * 2020-02-28 2020-07-03 西安工程大学 基于YOLOv3网络的复合绝缘子憎水性等级识别方法
CN111368702B (zh) * 2020-02-28 2023-03-14 西安工程大学 基于YOLOv3网络的复合绝缘子憎水性等级识别方法
CN111368895B (zh) * 2020-02-28 2023-04-07 上海海事大学 一种湿垃圾中垃圾袋目标检测方法及检测系统
CN111523390B (zh) * 2020-03-25 2023-11-03 杭州易现先进科技有限公司 一种图像识别的方法及增强现实ar图标识别的系统
CN111523390A (zh) * 2020-03-25 2020-08-11 杭州易现先进科技有限公司 一种图像识别的方法及增强现实ar图标识别的系统
CN111428655A (zh) * 2020-03-27 2020-07-17 厦门大学 一种基于深度学习的头皮检测方法
CN111553462A (zh) * 2020-04-08 2020-08-18 哈尔滨工程大学 一种类激活映射方法
CN111487679A (zh) * 2020-04-22 2020-08-04 中国石油天然气集团有限公司 横波速度预测方法、装置和设备
CN111487679B (zh) * 2020-04-22 2023-04-07 中国石油天然气集团有限公司 横波速度预测方法、装置和设备
CN111563886B (zh) * 2020-04-29 2023-04-07 安徽国钜工程机械科技有限公司 基于非监督特征学习的隧道钢轨表面病害检测方法及装置
CN111563886A (zh) * 2020-04-29 2020-08-21 安徽国钜工程机械科技有限公司 基于非监督特征学习的隧道钢轨表面病害检测方法及装置
CN111513702A (zh) * 2020-04-30 2020-08-11 何中煜 心电数据的检测方法及存储介质
CN111523610A (zh) * 2020-05-06 2020-08-11 青岛联合创智科技有限公司 一种样本高效标注的物品识别方法
CN111523610B (zh) * 2020-05-06 2023-04-21 青岛联合创智科技有限公司 一种样本高效标注的物品识别方法
CN111860106B (zh) * 2020-05-28 2023-12-08 江苏东印智慧工程技术研究院有限公司 一种无监督的桥梁裂缝识别方法
CN111860106A (zh) * 2020-05-28 2020-10-30 江苏东印智慧工程技术研究院有限公司 一种无监督的桥梁裂缝识别方法
CN111915618B (zh) * 2020-06-02 2024-05-14 华南理工大学 基于峰值响应增强的实例分割算法、计算设备
CN111915618A (zh) * 2020-06-02 2020-11-10 华南理工大学 基于峰值响应增强的实例分割算法、计算设备
CN111753885A (zh) * 2020-06-09 2020-10-09 华侨大学 一种基于深度学习的隐私增强数据处理方法和系统
CN111753885B (zh) * 2020-06-09 2023-09-01 华侨大学 一种基于深度学习的隐私增强数据处理方法和系统
CN111860596B (zh) * 2020-06-17 2023-11-07 长安大学 基于深度学习的无监督路面裂缝分类方法及模型建立方法
CN111860596A (zh) * 2020-06-17 2020-10-30 长安大学 基于深度学习的无监督路面裂缝分类方法及模型建立方法
CN111768380A (zh) * 2020-06-29 2020-10-13 上海仪电(集团)有限公司中央研究院 一种工业零配件表面缺陷检测方法
CN111899203A (zh) * 2020-07-10 2020-11-06 贵州大学 基于标注图在无监督训练下的真实图像生成方法及存储介质
CN111899203B (zh) * 2020-07-10 2023-06-20 贵州大学 基于标注图在无监督训练下的真实图像生成方法及存储介质
CN111814895A (zh) * 2020-07-17 2020-10-23 大连理工大学人工智能大连研究院 基于绝对和相对深度诱导网络的显著性目标检测方法
CN111882546A (zh) * 2020-07-30 2020-11-03 中原工学院 基于弱监督学习的三分支卷积网络织物疵点检测方法
CN111882546B (zh) * 2020-07-30 2023-08-01 中原工学院 基于弱监督学习的三分支卷积网络织物疵点检测方法
CN111899251A (zh) * 2020-08-06 2020-11-06 中国科学院深圳先进技术研究院 一种区分伪造来源和目标区域的copy-move型伪造图像检测方法
CN111914778B (zh) * 2020-08-07 2023-12-26 重庆大学 一种基于弱监督学习的视频行为定位方法
CN113762455A (zh) * 2020-08-07 2021-12-07 北京沃东天骏信息技术有限公司 检测模型训练方法、单字检测方法、装置、设备及介质
CN111914778A (zh) * 2020-08-07 2020-11-10 重庆大学 一种基于弱监督学习的视频行为定位方法
CN111965183A (zh) * 2020-08-17 2020-11-20 沈阳飞机工业(集团)有限公司 基于深度学习的钛合金显微组织检测方法
CN111965183B (zh) * 2020-08-17 2023-04-18 沈阳飞机工业(集团)有限公司 基于深度学习的钛合金显微组织检测方法
CN114109456A (zh) * 2020-08-28 2022-03-01 神华神东煤炭集团有限责任公司 用于煤矿地下水库煤柱坝体结构的监测预警方法与系统
CN111951292B (zh) * 2020-09-01 2022-11-08 吉林大学 物体表面反射属性提取方法、装置、设备及存储介质
CN111951292A (zh) * 2020-09-01 2020-11-17 吉林大学 物体表面反射属性提取方法、装置、设备及存储介质
CN112115995A (zh) * 2020-09-11 2020-12-22 北京邮电大学 一种基于半监督学习的图像多标签分类方法
CN112115995B (zh) * 2020-09-11 2023-04-07 北京邮电大学 一种基于半监督学习的图像多标签分类方法
CN112183248A (zh) * 2020-09-14 2021-01-05 北京大学深圳研究生院 一种基于逐通道时空表征学习的视频显著性物体检测方法
CN114266716A (zh) * 2020-09-15 2022-04-01 复旦大学 基于深度学习的盾构隧道墙面渗漏水风险检测的方法
CN114266716B (zh) * 2020-09-15 2024-04-02 复旦大学 基于深度学习的盾构隧道墙面渗漏水风险检测的方法
CN112132810A (zh) * 2020-09-24 2020-12-25 西安电子科技大学 基于感知逻辑和特征对比的图像显著性检测方法
CN112132810B (zh) * 2020-09-24 2023-09-12 西安电子科技大学 基于感知逻辑和特征对比的图像显著性检测方法
CN112153461A (zh) * 2020-09-25 2020-12-29 北京百度网讯科技有限公司 用于定位发声物的方法、装置、电子设备及可读存储介质
CN112153461B (zh) * 2020-09-25 2022-11-18 北京百度网讯科技有限公司 用于定位发声物的方法、装置、电子设备及可读存储介质
CN112560571A (zh) * 2020-10-09 2021-03-26 天津大学 基于卷积神经网络的智能自主视觉导航方法
CN112329588B (zh) * 2020-10-30 2024-01-05 中海石油(中国)有限公司 一种基于Faster R-CNN的管道故障检测方法
CN112329588A (zh) * 2020-10-30 2021-02-05 中海石油(中国)有限公司 一种基于Faster R-CNN的管道故障检测方法
CN112486668A (zh) * 2020-11-03 2021-03-12 深圳市中博科创信息技术有限公司 一种分布式人工智能计算方法、物联网节点和存储介质
CN112364980A (zh) * 2020-11-09 2021-02-12 北京计算机技术及应用研究所 一种弱监督场景下基于强化学习的深度神经网络训练方法
CN112184602A (zh) * 2020-11-09 2021-01-05 上海市精神卫生中心(上海市心理咨询培训中心) 一种基于弱监督和辅助任务的图像归一化方法
CN112184602B (zh) * 2020-11-09 2024-04-16 上海市精神卫生中心(上海市心理咨询培训中心) 一种基于弱监督和辅助任务的图像归一化方法
CN112364980B (zh) * 2020-11-09 2024-04-30 北京计算机技术及应用研究所 一种弱监督场景下基于强化学习的深度神经网络训练方法
CN112395997A (zh) * 2020-11-19 2021-02-23 中山大学 一种基于可微图学习的行人重识别模型的弱监督训练方法
CN112395997B (zh) * 2020-11-19 2023-11-24 中山大学 一种基于可微图学习的行人重识别模型的弱监督训练方法
CN112749621B (zh) * 2020-11-25 2023-06-13 厦门理工学院 一种基于深度卷积神经网络的遥感图像云层检测方法
CN112749621A (zh) * 2020-11-25 2021-05-04 厦门理工学院 一种基于深度卷积神经网络的遥感图像云层检测方法
CN112533137A (zh) * 2020-11-26 2021-03-19 北京爱笔科技有限公司 设备的定位方法、装置、电子设备及计算机存储介质
CN112533137B (zh) * 2020-11-26 2023-10-17 北京爱笔科技有限公司 设备的定位方法、装置、电子设备及计算机存储介质
CN112529878A (zh) * 2020-12-15 2021-03-19 西安交通大学 一种基于多视图半监督的淋巴结的分类方法、系统及设备
CN112529878B (zh) * 2020-12-15 2024-04-02 西安交通大学 一种基于多视图半监督的淋巴结的分类方法、系统及设备
CN112541904B (zh) * 2020-12-16 2023-03-24 西安电子科技大学 一种无监督遥感图像变化检测方法、存储介质及计算设备
CN112541904A (zh) * 2020-12-16 2021-03-23 西安电子科技大学 一种无监督遥感图像变化检测方法、存储介质及计算设备
CN112668579A (zh) * 2020-12-24 2021-04-16 西安电子科技大学 基于自适应亲和力和类别分配的弱监督语义分割方法
CN112686256A (zh) * 2021-01-05 2021-04-20 中山大学 一种无需训练且无监督的目标协同定位方法、系统及装置
CN112686256B (zh) * 2021-01-05 2023-10-20 中山大学 一种无需训练且无监督的目标协同定位方法、系统及装置
CN112733744A (zh) * 2021-01-14 2021-04-30 北京航空航天大学 一种基于边缘协同监督与多级约束的伪装物体检测模型
CN112733744B (zh) * 2021-01-14 2022-05-24 北京航空航天大学 一种基于边缘协同监督与多级约束的伪装物体检测模型
CN112733742A (zh) * 2021-01-14 2021-04-30 哈尔滨市科佳通用机电股份有限公司 一种基于深度学习的铁路货车下拉杆圆销故障检测方法
CN113591893A (zh) * 2021-01-26 2021-11-02 腾讯医疗健康(深圳)有限公司 基于人工智能的图像处理方法、装置和计算机设备
CN112766285A (zh) * 2021-01-26 2021-05-07 北京有竹居网络技术有限公司 图像样本生成方法、装置和电子设备
CN112766285B (zh) * 2021-01-26 2024-03-19 北京有竹居网络技术有限公司 图像样本生成方法、装置和电子设备
CN112784924A (zh) * 2021-02-08 2021-05-11 宁波大学 基于分组聚合深度学习模型的肋骨骨折ct图像分类方法
CN112784924B (zh) * 2021-02-08 2023-05-23 宁波大学 基于分组聚合深度学习模型的肋骨骨折ct图像分类方法
CN113158760B (zh) * 2021-02-20 2023-08-15 温州大学 一种基于多层次标签的弱监督特定行为识别系统
CN113158760A (zh) * 2021-02-20 2021-07-23 温州大学 一种基于多层次标签的弱监督特定行为识别系统
CN113034388B (zh) * 2021-03-12 2024-04-05 西北大学 一种古代绘画虚拟修复方法及修复模型的构建方法
CN113034388A (zh) * 2021-03-12 2021-06-25 西北大学 一种古代绘画虚拟修复方法及修复模型的构建方法
CN112966684A (zh) * 2021-03-15 2021-06-15 北湾科技(武汉)有限公司 一种注意力机制下的协同学习文字识别方法
CN113221633B (zh) * 2021-03-24 2023-09-19 西安电子科技大学 一种基于层次类别模型的弱监督时序行为定位方法
CN113221633A (zh) * 2021-03-24 2021-08-06 西安电子科技大学 一种基于层次类别模型的弱监督时序行为定位方法
CN112950631B (zh) * 2021-04-13 2023-06-30 西安交通大学口腔医院 基于显著图约束和x光头颅定位侧位图像的年龄估计方法
CN112950631A (zh) * 2021-04-13 2021-06-11 西安交通大学口腔医院 基于显著图约束和x光头颅定位侧位图像的年龄估计方法
CN113077451B (zh) * 2021-04-13 2023-04-18 中山大学 基于无监督学习的单张图片本征图像分解方法、系统及介质
CN113077451A (zh) * 2021-04-13 2021-07-06 中山大学 基于无监督学习的单张图片本征图像分解方法、系统及介质
CN113222898B (zh) * 2021-04-14 2024-02-09 西安电子科技大学 基于多元统计量和深度学习的双航过sar图像痕迹检测方法
CN113222898A (zh) * 2021-04-14 2021-08-06 西安电子科技大学 基于多元统计量和深度学习的双航过sar图像痕迹检测方法
CN113139597B (zh) * 2021-04-19 2022-11-04 中国人民解放军91054部队 一种基于统计思想的图像分布外检测方法
CN113139597A (zh) * 2021-04-19 2021-07-20 中国人民解放军91054部队 一种基于统计思想的图像分布外检测方法
CN113343772A (zh) * 2021-05-12 2021-09-03 武汉大学 一种基于隐式引导与显式教导策略的视频显著性目标检测方法
CN113343772B (zh) * 2021-05-12 2022-06-14 武汉大学 一种基于隐式引导与显式教导策略的视频显著性目标检测方法
CN113435607A (zh) * 2021-06-09 2021-09-24 内蒙古大学 一种基于联邦学习的疾病筛查方法
CN113435607B (zh) * 2021-06-09 2023-08-29 内蒙古大学 一种基于联邦学习的疾病筛查方法
CN113378937A (zh) * 2021-06-11 2021-09-10 西安电子科技大学 一种基于自监督增强的小样本图像分类方法及系统
CN113378937B (zh) * 2021-06-11 2023-08-11 西安电子科技大学 一种基于自监督增强的小样本图像分类方法及系统
CN113327666B (zh) * 2021-06-21 2022-08-12 青岛科技大学 一种胸片疾病多分类网络的多标签局部至全局学习方法
CN113255581A (zh) * 2021-06-21 2021-08-13 湖南大学 弱监督深度学习水体提取方法、装置、计算机设备和介质
CN113327666A (zh) * 2021-06-21 2021-08-31 青岛科技大学 一种胸片疾病多分类网络的多标签局部至全局学习方法
CN113255581B (zh) * 2021-06-21 2021-09-28 湖南大学 弱监督深度学习水体提取方法、装置、计算机设备和介质
CN113505670B (zh) * 2021-06-29 2023-06-23 西南交通大学 基于多尺度cam和超像素的遥感图像弱监督建筑提取方法
CN113505670A (zh) * 2021-06-29 2021-10-15 西南交通大学 基于多尺度cam和超像素的遥感图像弱监督建筑提取方法
CN113627468A (zh) * 2021-07-01 2021-11-09 浙江安防职业技术学院 基于无监督学习的非局部神经网络图像处理方法及系统
CN113610120B (zh) * 2021-07-21 2023-09-29 燕山大学 基于弱监督学习的App图像内容安全检测方法
CN113610120A (zh) * 2021-07-21 2021-11-05 燕山大学 基于弱监督学习的App图像内容安全检测方法
CN113723492B (zh) * 2021-08-25 2024-05-24 哈尔滨理工大学 一种改进主动深度学习的高光谱图像半监督分类方法及装置
CN113723492A (zh) * 2021-08-25 2021-11-30 哈尔滨理工大学 一种改进主动深度学习的高光谱图像半监督分类方法及装置
CN113435431A (zh) * 2021-08-27 2021-09-24 北京市商汤科技开发有限公司 姿态检测方法、神经网络模型的训练方法、装置及设备
CN113807206B (zh) * 2021-08-30 2023-04-07 电子科技大学 一种基于去噪任务辅助的sar图像目标识别方法
CN113807206A (zh) * 2021-08-30 2021-12-17 电子科技大学 一种基于去噪任务辅助的sar图像目标识别方法
CN113869512A (zh) * 2021-10-09 2021-12-31 北京中科智眼科技有限公司 基于自监督与自蒸馏的补充标签学习方法
CN113869512B (zh) * 2021-10-09 2024-05-21 北京中科智眼科技有限公司 基于自监督与自蒸馏的补充标签学习方法
CN114049662A (zh) * 2021-10-18 2022-02-15 天津大学 一种基于面部特征迁移学习的表情识别网络结构及方法
CN114049662B (zh) * 2021-10-18 2024-05-28 天津大学 一种基于面部特征迁移学习的表情识别网络装置及方法
CN113989558A (zh) * 2021-10-28 2022-01-28 哈尔滨工业大学 基于迁移学习与边界框调节的弱监督目标检测方法
CN113989558B (zh) * 2021-10-28 2024-04-30 哈尔滨工业大学 基于迁移学习与边界框调节的弱监督目标检测方法
CN114332490A (zh) * 2021-11-25 2022-04-12 河南大学 一种基于涂鸦监督的高分辨显著性目标检测方法
CN114494110A (zh) * 2021-12-03 2022-05-13 河南大学 基于图像增强网络用于地下排污管道内部缺陷检测方法
CN114170581A (zh) * 2021-12-07 2022-03-11 天津大学 基于深度监督的Anchor-Free交通标志检测方法
CN114187446A (zh) * 2021-12-09 2022-03-15 厦门大学 一种跨场景对比学习的弱监督点云语义分割方法
CN114358144A (zh) * 2021-12-16 2022-04-15 西南交通大学 一种图像分割质量评估方法
CN114358144B (zh) * 2021-12-16 2023-09-26 西南交通大学 一种图像分割质量评估方法
CN114302157B (zh) * 2021-12-23 2023-11-17 广州津虹网络传媒有限公司 属性标签识别、代播事件检测方法及其装置、设备、介质
CN114302157A (zh) * 2021-12-23 2022-04-08 广州津虹网络传媒有限公司 属性标签识别、代播事件检测方法及其装置、设备、介质
CN114359603A (zh) * 2022-02-18 2022-04-15 西北工业大学 一种多模态遥感图像领域自适应无监督匹配方法
CN114359603B (zh) * 2022-02-18 2024-03-15 西北工业大学 一种多模态遥感图像领域自适应无监督匹配方法
CN114627348B (zh) * 2022-03-22 2024-05-31 厦门大学 多主体任务中基于意图的图片识别方法
CN114627348A (zh) * 2022-03-22 2022-06-14 厦门大学 多主体任务中基于意图的图片识别方法
CN114648665A (zh) * 2022-03-25 2022-06-21 西安电子科技大学 一种弱监督目标检测方法及系统
CN114841312A (zh) * 2022-03-30 2022-08-02 西北工业大学 一种基于自适应图卷积网络的弱监督视频异常检测方法
CN114841312B (zh) * 2022-03-30 2024-02-27 西北工业大学 一种基于自适应图卷积网络的弱监督视频异常检测方法
CN115019063A (zh) * 2022-06-04 2022-09-06 海南大学 一种基于双注意力机制的显著性目标检测方法
CN115187783A (zh) * 2022-09-09 2022-10-14 之江实验室 基于联邦学习的多任务混合监督医疗图像分割方法及系统
CN115512169A (zh) * 2022-11-09 2022-12-23 之江实验室 基于梯度和区域亲和力优化的弱监督语义分割方法及装置
CN115512169B (zh) * 2022-11-09 2023-07-25 之江实验室 基于梯度和区域亲和力优化的弱监督语义分割方法及装置
CN116343050A (zh) * 2023-05-26 2023-06-27 成都理工大学 基于自适应权重的遥感图像噪声标注的目标检测方法
CN116612537B (zh) * 2023-07-21 2023-10-03 武汉理工大学 一种基于背景弱化及一致性计算的半监督动作检测方法
CN116612537A (zh) * 2023-07-21 2023-08-18 武汉理工大学 一种基于背景弱化及一致性计算的半监督动作检测方法
CN117811846A (zh) * 2024-02-29 2024-04-02 浪潮电子信息产业股份有限公司 基于分布式系统的网络安全检测方法、系统、设备及介质
CN117811846B (zh) * 2024-02-29 2024-05-28 浪潮电子信息产业股份有限公司 基于分布式系统的网络安全检测方法、系统、设备及介质

Also Published As

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

Similar Documents

Publication Publication Date Title
WO2019136946A1 (fr) Procédé et système de détection d'objets saillants faiblement supervisés basée sur un apprentissage profond
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
CN108154118B (zh) 一种基于自适应组合滤波与多级检测的目标探测系统及方法
Li et al. Contour knowledge transfer for salient object detection
CN109886121B (zh) 一种遮挡鲁棒的人脸关键点定位方法
Chen et al. Learning linear regression via single-convolutional layer for visual object tracking
Yan et al. Weakly-and semi-supervised object detection with expectation-maximization algorithm
CN110750665A (zh) 基于熵最小化的开集域适应方法及系统
CN111583263A (zh) 一种基于联合动态图卷积的点云分割方法
CN107016689A (zh) 一种尺度自适应的相关滤波对冲目标跟踪方法
CN113920170B (zh) 结合场景上下文和行人社会关系的行人轨迹预测方法、系统及存储介质
CN113326731A (zh) 一种基于动量网络指导的跨域行人重识别算法
WO2023201772A1 (fr) Procédé de segmentation sémantique d'images de détection distante dans des domaines sur la base d'une adaptation et d'un auto-apprentissage dans un domaine d'itérations
CN111598914B (zh) 一种基于不确定性引导的自适应图像分割方法
CN113963165B (zh) 一种基于自监督学习的小样本图像分类方法及系统
CN113313166B (zh) 基于特征一致性学习的船舶目标自动标注方法
CN110443372A (zh) 一种基于熵最小化的迁移学习方法及系统
CN111882546A (zh) 基于弱监督学习的三分支卷积网络织物疵点检测方法
CN112232395B (zh) 一种基于联合训练生成对抗网络的半监督图像分类方法
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
CN111259938B (zh) 基于流形学习和梯度提升模型的图片偏多标签分类方法
CN111382709A (zh) 一种基于无人机巡检的绝缘子图像检测方法
Yu et al. Exemplar-based recursive instance segmentation with application to plant image analysis

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