CN112101383B - A color shift image recognition method - Google Patents

A color shift image recognition method Download PDF

Info

Publication number
CN112101383B
CN112101383B CN202010969696.4A CN202010969696A CN112101383B CN 112101383 B CN112101383 B CN 112101383B CN 202010969696 A CN202010969696 A CN 202010969696A CN 112101383 B CN112101383 B CN 112101383B
Authority
CN
China
Prior art keywords
channel
color
color cast
neural network
recognition method
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Active
Application number
CN202010969696.4A
Other languages
Chinese (zh)
Other versions
CN112101383A (en
Inventor
黄成强
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Hefei Wisdom Dragon Machinery Design Co ltd
Original Assignee
Zunyi Normal University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Zunyi Normal University filed Critical Zunyi Normal University
Priority to CN202010969696.4A priority Critical patent/CN112101383B/en
Publication of CN112101383A publication Critical patent/CN112101383A/en
Application granted granted Critical
Publication of CN112101383B publication Critical patent/CN112101383B/en
Active legal-status Critical Current
Anticipated expiration legal-status Critical

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/40Extraction of image or video features
    • G06V10/56Extraction of image or video features relating to colour
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • G06F18/241Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N20/00Machine learning
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods

Landscapes

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

Abstract

本发明提供了一种色偏图像识别方法;采用神经网络模型对输入图像是否色偏图像进行识别,训练神经网络模型所用训练集采用正常图片集和在该正常图片集基础上生成的色偏图片集构建。本发明基于在该正常图片集基础上生成色偏图片集的方式,能够有效解决对色偏图片分类的数据集问题,实现对色偏图片的有效识别。The invention provides a color-shift image recognition method; a neural network model is used to identify whether an input image is a color-shift image, and the training set used for training the neural network model adopts a normal picture set and a color-shift image generated on the basis of the normal picture set set build. Based on the method of generating a color shift picture set on the basis of the normal picture set, the present invention can effectively solve the problem of the data set for classifying the color shift pictures, and realize the effective identification of the color shift pictures.

Description

一种色偏图像识别方法A color shift image recognition method

技术领域technical field

本发明涉及一种色偏图像识别方法。The invention relates to a color shift image recognition method.

背景技术Background technique

卷积神经网络仿照人类的大脑皮层结构,对输入数据进行分层处理,再层层叠加,挖掘数据中隐含的特征和规律,达到区分和识别的目的。在对数据进行分层处理的过程中,前面几层处理提取出图像轮廓色彩等浅层特征,后面层则侧重于提取更加抽象的特征。每层中包括数量不等的神经元,作为数据处理基本单元。层数越多,各层神经元数量越多,则深度学习网络携带的信息量越大,处理功能越强。在对数据进行叠加的过程中,把提取的特征叠加到一起,再应用softmax等相关的函数处理,得到分类向量。卷积神经网络的发展经历了LeNet5、AlexNet、VGG-Net、GoogLeNet、Inception系列的发展,网络深度由浅入深、神经元数量由少到多、功能从简单到复杂的过程。The convolutional neural network imitates the structure of the human cerebral cortex, processes the input data in layers, and then superimposes them layer by layer to mine the hidden features and laws in the data to achieve the purpose of distinction and recognition. In the process of hierarchical processing of data, the first few layers of processing extract shallow features such as image outline and color, and the latter layers focus on extracting more abstract features. Each layer includes a different number of neurons as the basic unit of data processing. The more layers and the more neurons in each layer, the greater the amount of information carried by the deep learning network and the stronger the processing function. In the process of superimposing the data, the extracted features are superimposed together, and then related functions such as softmax are applied to obtain a classification vector. The development of convolutional neural network has experienced the development of LeNet5, AlexNet, VGG-Net, GoogLeNet, and Inception series. The network depth is from shallow to deep, the number of neurons is from small to large, and the function is from simple to complex.

卷积神经网络目前已经取得十足的进展,但是色偏图片分类尚存在一些亟待解决的问题。首先,图片训练集和验证集是机器训练中必不可少的要素。然而,目前尚无针对色偏图片区分的图片训练集和测试集,使得进一步的机器学习工作无法开展。Convolutional neural networks have made great progress, but there are still some problems to be solved in color cast image classification. First, image training and validation sets are essential elements in machine training. However, there is currently no image training set and test set for color cast image distinction, which makes further machine learning work impossible.

发明内容SUMMARY OF THE INVENTION

为解决上述技术问题,本发明提供了一种色偏图像识别方法,该色偏图像识别方法基于在该正常图片集基础上生成色偏图片集的方式,能够有效解决对色偏图片分类的数据集问题,实现对色偏图片的有效识别。In order to solve the above-mentioned technical problems, the present invention provides a color-shift image recognition method. The color-shift image recognition method is based on the method of generating a color-shift picture set on the basis of the normal picture set, which can effectively solve the data classification of color-shift pictures. Set the problem to achieve effective identification of color cast images.

本发明通过以下技术方案得以实现。The present invention is achieved through the following technical solutions.

本发明提供的一种色偏图像识别方法;采用神经网络模型对输入图像是否色偏图像进行识别,训练神经网络模型所用训练集采用正常图片集和在该正常图片集基础上生成的色偏图片集构建。The present invention provides a color-shift image recognition method; a neural network model is used to identify whether an input image is a color-shift image, and the training set used for training the neural network model adopts a normal picture set and a color-shift image generated on the basis of the normal picture set set build.

所述色偏图片集采用在正常图片集基础上,由随机数选择颜色通道,然后对所选颜色通道进行随机偏移得到。The color shift picture set is obtained by selecting a color channel by random numbers on the basis of a normal picture set, and then randomly shifting the selected color channel.

所述随机数范围为1~6,其中1~3代表选取单一颜色通道,4~6代表选取两个颜色组合通道。The random number ranges from 1 to 6, wherein 1 to 3 represent selecting a single color channel, and 4 to 6 represent selecting two color combination channels.

所述神经网络模型采用VGG16算法。The neural network model adopts the VGG16 algorithm.

所述神经网络模型通过VGG16预训练模型进行迁移学习得到。The neural network model is obtained by transferring the VGG16 pre-training model.

所述神经网络模型在VGG16预训练模型基础上,添加Dropout层;Dropout层比例为0.6。The neural network model adds a Dropout layer on the basis of the VGG16 pre-training model; the ratio of the Dropout layer is 0.6.

所述神经网络模型采用分段衰减的学习率进行训练。The neural network model is trained with a piecewise decaying learning rate.

本发明的有益效果在于:基于在该正常图片集基础上生成色偏图片集的方式,能够有效解决对色偏图片分类的数据集问题,实现对色偏图片的有效识别。The beneficial effects of the present invention are: based on the method of generating the color shift picture set based on the normal picture set, the problem of the data set for classifying the color shift pictures can be effectively solved, and the effective identification of the color shift pictures can be realized.

具体实施方式Detailed ways

下面进一步描述本发明的技术方案,但要求保护的范围并不局限于所述。The technical solutions of the present invention are further described below, but the claimed scope is not limited to the description.

本发明提供一种色偏图像识别方法;采用神经网络模型对输入图像是否色偏图像进行识别,训练神经网络模型所用训练集采用正常图片集和在该正常图片集基础上生成的色偏图片集构建。The invention provides a color shift image recognition method; a neural network model is used to identify whether an input image is a color shift image, and the training set used for training the neural network model adopts a normal picture set and a color shift picture set generated on the basis of the normal picture set Construct.

色偏图片集采用在正常图片集基础上,由随机数选择颜色通道,然后对所选颜色通道进行随机偏移得到。The color shift picture set is based on the normal picture set, selects the color channel by random numbers, and then randomly shifts the selected color channel.

随机数范围为1~6,其中1~3代表选取单一颜色通道,4~6代表选取两个颜色组合通道。The random number ranges from 1 to 6, where 1 to 3 represent a single color channel, and 4 to 6 represent two color combination channels.

所述神经网络模型采用VGG16算法。The neural network model adopts the VGG16 algorithm.

所述神经网络模型通过VGG16预训练模型进行迁移学习得到。The neural network model is obtained by transferring the VGG16 pre-training model.

所述神经网络模型在VGG16预训练模型基础上,添加Dropout层;Dropout层比例为0.6。The neural network model adds a Dropout layer on the basis of the VGG16 pre-training model; the ratio of the Dropout layer is 0.6.

所述神经网络模型采用分段衰减的学习率进行训练。The neural network model is trained with a piecewise decaying learning rate.

实施例1Example 1

构建训练集:构建色偏图片训练集和验证集Build a training set: build a training set and a validation set for color cast images

(1)拷贝正常图片集(1) Copy the normal picture set

在网上下载Pascal VOC2012图片集(也可以下载其它图片集,建议图片数量在5000以上),将其中的JPEGImages文件夹复制到文件夹0,作为图片训练集的正常图片集,该文件夹有17125张图片。Download the Pascal VOC2012 picture set on the Internet (you can also download other picture sets, the number of pictures is recommended to be more than 5000), copy the JPEGImages folder to folder 0, as the normal picture set of the picture training set, there are 17125 pictures in this folder picture.

(2)生成色偏图片集(2) Generate a color cast image set

将文件夹0中的所有图片逐一取出,将一张正常无色偏的图片,经过下列①-③步骤进行处理,生成对应的色偏图片,并将处理所得图片存放到文件夹1,文件夹1将生成17125张色偏图片,与文件夹0对应,共同构成色偏图片训练集。取其中的部分图片作为验验证集,建议每类取500张左右。Take out all the pictures in folder 0 one by one, and process a normal picture without color cast through the following ①-③ steps to generate the corresponding color cast picture, and store the processed pictures in folder 1. 1 will generate 17125 color cast images, corresponding to folder 0, which together constitute the color cast image training set. Some of the pictures are taken as the verification set, and it is recommended to take about 500 pictures for each category.

(3)设置起点和步长(3) Set the starting point and step size

对于任意一张正常的输入图片,设置灰阶改变起点为start=16,步长step=2。For any normal input picture, set the grayscale change starting point as start=16 and step size step=2.

(4)产生通道选择随机数和偏移随机数(4) Generate channel selection random numbers and offset random numbers

产生通道选择随机整数n1,范围1-6,产生灰阶偏移随机整数n2、n3,范围0-100。其中,n1决定选取哪个通道进行色偏处理,在本发明设置6种通道选取模式。Generate channel selection random integer n1, range 1-6, generate grayscale offset random integer n2, n3, range 0-100. Among them, n1 determines which channel is selected for color shift processing, and 6 channel selection modes are set in the present invention.

(5)根据随机数产生色偏图片(5) Generate color shift pictures according to random numbers

上述两个步骤已完成色偏起点和步长的设置,以及随机数的产生。此步将根据通道选择随机数确定进行色偏污染的通道,n1为1-6,分别对应的是R通道、G通道、B通道、RG组合通道、RB组合通道和GB组合通道。The above two steps have completed the setting of the starting point and step size of the color shift, as well as the generation of random numbers. In this step, the channel for color cast pollution will be determined according to the channel selection random number, n1 is 1-6, corresponding to R channel, G channel, B channel, RG combined channel, RB combined channel and GB combined channel.

接着根据偏移随机数确定灰阶改变量,公式如下:Then determine the amount of grayscale change according to the offset random number, the formula is as follows:

Figure BDA0002683657350000041
Figure BDA0002683657350000041

其中,r、g、b分别代表原灰阶,r_、g_、b_分别代表处理后的灰阶。n1为1时只改变R通道,n1为2时只改变G通道,n1为3时只改变B通道,n1为4时改变R通道和G通道,n1为5时改变R通道和B通道,n1为6时改变G通道和B通道。改变量根据上述公式由随机数n2和n3决定。因此,通道的选择随机,改变量的值随机。Among them, r, g, b represent the original grayscale respectively, and r_, g_, b_ represent the processed grayscale respectively. When n1 is 1, only R channel is changed, when n1 is 2, only G channel is changed, when n1 is 3, only B channel is changed, when n1 is 4, R channel and G channel are changed, when n1 is 5, R channel and B channel are changed, n1 When it is 6, change the G channel and B channel. The amount of change is determined by random numbers n2 and n3 according to the above formula. Therefore, the selection of the channel is random, and the value of the change amount is random.

模型训练:深度卷积神经网络模型训练Model Training: Deep Convolutional Neural Network Model Training

本步骤的目的是对图片训练集和验证集进行训练,优化各层的参数,得到一个高精度的分类器,实现正常图片和色偏图片的准确区分。本发明基于开源的vgg16模型进行搭建,导入开源的xxx.h5权重文件进行迁移学习,添加Dropout层,设置学习率分段衰减,训练100个周期即可得到分类器。The purpose of this step is to train the image training set and validation set, optimize the parameters of each layer, and obtain a high-precision classifier to achieve accurate distinction between normal images and color-shifted images. The present invention is constructed based on the open-source vgg16 model, importing the open-source xxx.h5 weight file for migration learning, adding a Dropout layer, setting the learning rate to decay in segments, and training for 100 cycles to obtain a classifier.

①添加Dropout层①Add Dropout layer

Dropout的作用就是按照一定的比例丢弃掉部分参数,使得参数和样本匹配,防止过拟合现象。本发明在原模型的基础上,按照0.6的比例设置了Dropout层。The function of Dropout is to discard some parameters according to a certain proportion, so that the parameters match the samples and prevent overfitting. On the basis of the original model, the present invention sets the Dropout layer according to the ratio of 0.6.

②设置分段学习率衰减②Set the segmented learning rate decay

在原vgg16模型的基础上,设置了学习率分段衰减,根据各次机器学习实验,总结得到各个节点学习率的值。本次训练100个周期,每10个周期更新学习率,公式如下:On the basis of the original vgg16 model, the learning rate is set to decay in segments. According to each machine learning experiment, the value of the learning rate of each node is summed up. This training consists of 100 cycles, and the learning rate is updated every 10 cycles. The formula is as follows:

Figure BDA0002683657350000051
Figure BDA0002683657350000051

其中,LR代表学习率,epoch代表训练周期。Among them, LR represents the learning rate, and epoch represents the training period.

实施效果Implementation Effect

采用上述具体实施方式的流程,导入训练集和验证集,启动设置好的vgg16卷积神经网络模型,训练100个周期,得到分类器文件。采用本发明的方案,经过对549张正常图片,576张色偏图片进行测试,识别正常图片的准确度为0.979964,识别色偏图片的准确度为0.843750。对库外的图片进行识别,识别300张正常图片的准确率为0.87,识别300张色偏图片的准确率为0.910000。经验证,所得分类器对正常图片和色偏图片的区分度较高。Using the process of the above-mentioned specific embodiment, import the training set and the verification set, start the set vgg16 convolutional neural network model, train for 100 cycles, and obtain the classifier file. With the scheme of the present invention, after testing 549 normal pictures and 576 color shift pictures, the accuracy of identifying normal pictures is 0.979964, and the accuracy of identifying color shift pictures is 0.843750. For pictures outside the library, the accuracy of identifying 300 normal pictures is 0.87, and the accuracy of identifying 300 color-shifted pictures is 0.910000. It is verified that the obtained classifier has a high degree of discrimination between normal pictures and color-shifted pictures.

Claims (7)

1. A color cast image recognition method is characterized in that: the method comprises the following steps of adopting a neural network model to identify whether an input image is a color cast image, constructing a training set used for training the neural network model by adopting a normal picture set and a color cast picture set generated on the basis of the normal picture set, and generating the color cast picture set, wherein the specific steps of:
processing a normal picture without color cast through the following steps (1) to (3) to generate a corresponding color cast picture, storing the processed picture in a folder 1, wherein 17125 color cast pictures are generated by the folder 1 and correspond to the folder 0 to jointly form a color cast picture training set;
(1) setting a starting point and a step length
Setting a gray scale change starting point as start =16 and step =2 for any normal input picture;
(2) generating channel selection random numbers and offset random numbers
Generating a channel selection random integer n1 in a range of 1-6, and generating gray scale offset random integers n2 and n3 in a range of 0-100;
(3) color cast picture generation from random numbers
Setting a color cast starting point and a step length and generating a random number, wherein the step is to select the random number according to a channel to determine the channel for color cast pollution, n1 is 1-6, and the R channel, the G channel, the B channel, the RG combined channel, the RB combined channel and the GB combined channel correspond to the channel respectively; then, the gray scale change amount is determined according to the offset random number, and the formula is as follows:
Figure FDA0003829538170000021
wherein R, G and B respectively represent original gray scales, R _, G _andb _ respectively represent processed gray scales, when n1 is 1, only the R channel is changed, when n1 is 2, only the G channel is changed, when n1 is 3, only the B channel is changed, when n1 is 4, the R channel and the G channel are changed, when n1 is 5, the R channel and the B channel are changed, and when n1 is 6, the G channel and the B channel are changed;
the amount of change is determined by the random numbers n2 and n3 according to the above formula, the selection of the channel is random, and the value of the amount of change is random.
2. The color cast image recognition method as claimed in claim 1, wherein: the color cast picture set is obtained by selecting a color channel by a random number on the basis of a normal picture set and then performing random offset on the selected color channel.
3. The color cast image recognition method as claimed in claim 2, wherein: the range of the random number is 1-6, wherein 1-3 represents selecting a single color channel, and 4-6 represents selecting two color combination channels.
4. The color cast image recognition method as claimed in claim 1, wherein: the neural network model adopts a VGG16 algorithm.
5. The color cast image recognition method as claimed in claim 1, wherein: the neural network model is obtained by performing transfer learning through a VGG16 pre-training model.
6. The color cast image recognition method as claimed in claim 5, wherein: the neural network model adds a Dropout layer on the basis of a VGG16 pre-training model; dropout layer ratio is 0.6.
7. The color cast image recognition method as claimed in claim 1, wherein: the neural network model is trained by adopting a learning rate of sectional attenuation.
CN202010969696.4A 2020-09-15 2020-09-15 A color shift image recognition method Active CN112101383B (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN202010969696.4A CN112101383B (en) 2020-09-15 2020-09-15 A color shift image recognition method

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN202010969696.4A CN112101383B (en) 2020-09-15 2020-09-15 A color shift image recognition method

Publications (2)

Publication Number Publication Date
CN112101383A CN112101383A (en) 2020-12-18
CN112101383B true CN112101383B (en) 2022-10-21

Family

ID=73759315

Family Applications (1)

Application Number Title Priority Date Filing Date
CN202010969696.4A Active CN112101383B (en) 2020-09-15 2020-09-15 A color shift image recognition method

Country Status (1)

Country Link
CN (1) CN112101383B (en)

Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN102750713A (en) * 2012-07-18 2012-10-24 山东神思电子技术股份有限公司 Image color shift detection method
CN105096265A (en) * 2015-06-04 2015-11-25 杭州中威电子股份有限公司 Colour offset classification method based on histogram features
CN106709511A (en) * 2016-12-08 2017-05-24 华中师范大学 Urban rail transit panoramic monitoring video fault detection method based on depth learning
CN109460738A (en) * 2018-11-14 2019-03-12 吉林大学 A kind of road surface types evaluation method of the depth convolutional neural networks based on free of losses function
CN110400275A (en) * 2019-07-22 2019-11-01 中电健康云科技有限公司 One kind being based on full convolutional neural networks and the pyramidal color calibration method of feature
CN110751699A (en) * 2019-10-15 2020-02-04 西安电子科技大学 Color reconstruction method of optical remote sensing image based on convolutional neural network

Family Cites Families (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
ITTO20011080A1 (en) * 2001-11-19 2003-05-19 Olivetti Tecnost Spa ,, METHOD AND DEVICE FOR DETERMINING A CHROMATIC DOMINANT IN AN IMAGE ,,
CN104601971B (en) * 2014-12-31 2019-06-14 小米科技有限责任公司 Color adjustment method and device
US10318848B2 (en) * 2015-12-15 2019-06-11 Qualcomm Incorporated Methods for object localization and image classification

Patent Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN102750713A (en) * 2012-07-18 2012-10-24 山东神思电子技术股份有限公司 Image color shift detection method
CN105096265A (en) * 2015-06-04 2015-11-25 杭州中威电子股份有限公司 Colour offset classification method based on histogram features
CN106709511A (en) * 2016-12-08 2017-05-24 华中师范大学 Urban rail transit panoramic monitoring video fault detection method based on depth learning
CN109460738A (en) * 2018-11-14 2019-03-12 吉林大学 A kind of road surface types evaluation method of the depth convolutional neural networks based on free of losses function
CN110400275A (en) * 2019-07-22 2019-11-01 中电健康云科技有限公司 One kind being based on full convolutional neural networks and the pyramidal color calibration method of feature
CN110751699A (en) * 2019-10-15 2020-02-04 西安电子科技大学 Color reconstruction method of optical remote sensing image based on convolutional neural network

Non-Patent Citations (3)

* Cited by examiner, † Cited by third party
Title
基于CNN回归网络的遥感图像颜色自动校正;杜尚尚,等;《计算机与现代化》;20171215(第12期);第28-32页 *
基于机器学习的图像偏色检测;马成前,等;《计算机应用与软件》;20180315;第35卷(第03期);第199-204页 *
结合深度卷积神经网络的智能白平衡研究;黄成强;《光电子·激光》;20201215;第31卷(第12期);第1278-1287页 *

Also Published As

Publication number Publication date
CN112101383A (en) 2020-12-18

Similar Documents

Publication Publication Date Title
Hong et al. Cogvideo: Large-scale pretraining for text-to-video generation via transformers
US9619749B2 (en) Neural network and method of neural network training
CN110751698B (en) A text-to-image generation method based on a hybrid network model
CN110659727A (en) Sketch-based image generation method
CN109614968B (en) License plate detection scene picture generation method based on multi-scale mixed image stylization
CN109712165A (en) A kind of similar foreground picture image set dividing method based on convolutional neural networks
CN113870371B (en) Picture color transformation device and method based on generation countermeasure network and storage medium
CN109087375B (en) Deep learning-based image cavity filling method
CN108108751A (en) A kind of scene recognition method based on convolution multiple features and depth random forest
CN108765512B (en) Confrontation image generation method based on multi-level features
CN112801104B (en) Image pixel-level pseudo-label determination method and system based on semantic segmentation
CN109829391A (en) Conspicuousness object detection method based on concatenated convolutional network and confrontation study
CN111652864A (en) A casting defect image generation method based on conditional generative adversarial network
CN114529484B (en) Deep learning sample enhancement method for direct current component change in imaging
CN104036242A (en) Object recognition method based on convolutional restricted Boltzmann machine combining Centering Trick
CN112101383B (en) A color shift image recognition method
CN113781352B (en) Method and device for removing illumination, electronic equipment and storage medium
CN108090905B (en) Method and system for judging abnormal production line
CN115034983A (en) Image data amplification method for power transmission and transformation equipment
Zhao et al. Making generated images hard to spot: A transferable attack on synthetic image detectors
Rani et al. A review on deepfake media detection
CN113592812B (en) Sketch picture evaluation method and device
Narvaez et al. Painting authorship and forgery detection challenges with ai image generation algorithms: Rembrandt and 17th century dutch painters as a case study
Suatap et al. Game genre classification from icon and screenshot images using convolutional neural networks
Sun et al. Cut: A controllable, universal, and training-free visual anomaly generation framework

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination
GR01 Patent grant
GR01 Patent grant
TR01 Transfer of patent right
TR01 Transfer of patent right

Effective date of registration: 20240923

Address after: 230000 b-1018, Woye Garden commercial office building, 81 Ganquan Road, Shushan District, Hefei City, Anhui Province

Patentee after: HEFEI WISDOM DRAGON MACHINERY DESIGN Co.,Ltd.

Country or region after: China

Address before: 563000 No. 830 Shanghai Road, Huichuan District, Zunyi City, Guizhou Province

Patentee before: ZUNYI NORMAL College

Country or region before: China