CN106503106B - A kind of image hash index construction method based on deep learning - Google Patents
A kind of image hash index construction method based on deep learning Download PDFInfo
- Publication number
- CN106503106B CN106503106B CN201610905518.9A CN201610905518A CN106503106B CN 106503106 B CN106503106 B CN 106503106B CN 201610905518 A CN201610905518 A CN 201610905518A CN 106503106 B CN106503106 B CN 106503106B
- Authority
- CN
- China
- Prior art keywords
- image
- hash
- deep
- network
- code
- 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
Links
Classifications
- 
        - G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F16/00—Information retrieval; Database structures therefor; File system structures therefor
- G06F16/50—Information retrieval; Database structures therefor; File system structures therefor of still image data
- G06F16/58—Retrieval characterised by using metadata, e.g. metadata not derived from the content or metadata generated manually
- G06F16/583—Retrieval characterised by using metadata, e.g. metadata not derived from the content or metadata generated manually using metadata automatically derived from the content
 
Landscapes
- Engineering & Computer Science (AREA)
- Library & Information Science (AREA)
- Theoretical Computer Science (AREA)
- Data Mining & Analysis (AREA)
- Databases & Information Systems (AREA)
- Physics & Mathematics (AREA)
- General Engineering & Computer Science (AREA)
- General Physics & Mathematics (AREA)
- Image Analysis (AREA)
- Information Retrieval, Db Structures And Fs Structures Therefor (AREA)
Abstract
本发明公开了一种基于深度学习的图像哈希索引构建方法,属于图像检索技术领域。该方法首先划分图像数据集得到测试样本集、训练样本集和图像库,然后充分利用深度学习模型提取出的深度特征对图像语义具有很好表达能力这一特点,构建出两个深度卷积网络结构不同的深度哈希网络模型,然后将测试样本集合图像库中的每幅图像分别经两个模型的前向传播计算出对应的两组初始哈希码,再对同一幅图像的两组初始哈希码拼接融合后作为该图的融合哈希码,通过计算查询图像和图像库中每幅图像的融合哈希码间的汉明距离,并将距离按从小到大的顺序排列,得到相似图像检索结果。本发明使得对大规模图像的检索更准确有效。
The invention discloses an image hash index construction method based on deep learning, which belongs to the technical field of image retrieval. This method first divides the image data set to obtain the test sample set, training sample set and image library, and then makes full use of the deep features extracted by the deep learning model to express the image semantics very well, and constructs two deep convolutional networks. Different deep hash network models with different structures, and then calculate the corresponding two sets of initial hash codes for each image in the test sample set image library through the forward propagation of the two models, and then calculate the corresponding two sets of initial hash codes for the two sets of initial hash codes of the same image After the hash code is concatenated and fused, it is used as the fusion hash code of the graph. By calculating the Hamming distance between the query image and the fusion hash code of each image in the image database, and arranging the distances in ascending order, the similarity Image retrieval results. The invention makes the retrieval of large-scale images more accurate and effective.
Description
技术领域technical field
本发明涉及机器学习和图像检索技术领域,尤其是涉及到图像检索中的图像哈希索引构建方法,该方法以期能在大规模图像数据集上快速准确的检索到相似图像。The invention relates to the technical fields of machine learning and image retrieval, in particular to a method for constructing an image hash index in image retrieval, which is expected to quickly and accurately retrieve similar images on a large-scale image data set.
背景技术Background technique
随着计算机、互联网以及多媒体技术的高速发展和广泛应用及普及,社会正在向信息化社会发展。与此同时,互联网上的图像数据正在成几何式的增长,如何从包含有丰富信息的海量图像中快速、准确地找到自己想要的信息是图像检索技术的研究重点。自上世纪九十年代初,最常用的图像检索方法是基于内容的图像检索,该类方法一直备受研究人员的关注,其研究热点主要集中在图像特征表示、相似度度量及人工反馈等方面。现有的检索方法是通过提取图像的底层特征对图像进行描述,然后利用特征向量间的距离计算来判断两幅图像是否相似,为了提高检索的准确率,图像特征通常由高维向量表示,图像检索就成了在高维空间中的搜索,因此图像检索应用常常遇到“维度灾难”问题。同时,当图像库规模大到几十万或者海量时,必然要求有非常大的存储空间来保存图像的特征库,为此,当面向海量图像数据的检索任务时,需要一种行之有效的索引机制来加速检索过程,以达到实时性的需求。With the rapid development and wide application and popularization of computer, Internet and multimedia technologies, society is developing into an information society. At the same time, the image data on the Internet is growing geometrically. How to quickly and accurately find the information you want from the massive images containing rich information is the research focus of image retrieval technology. Since the early 1990s, the most commonly used image retrieval method is content-based image retrieval. This type of method has always attracted the attention of researchers, and its research hotspots mainly focus on image feature representation, similarity measurement, and artificial feedback. . The existing retrieval method is to describe the image by extracting the underlying features of the image, and then use the distance calculation between the feature vectors to judge whether two images are similar. In order to improve the accuracy of retrieval, image features are usually represented by high-dimensional vectors. Retrieval becomes a search in a high-dimensional space, so image retrieval applications often encounter the "curse of dimensionality" problem. At the same time, when the size of the image library is hundreds of thousands or massive, it is necessary to have a very large storage space to save the feature library of the image. Therefore, when facing the retrieval task of massive image data, an effective Indexing mechanism to speed up the retrieval process to meet real-time requirements.
为了提高检索速度,降低存储空间,有很多研究人员提出了不同的哈希方法,哈希法由于其快速查询能力和低内存耗费,成为了目前最流行、最有效的技术之一。该方法是将图像内容表达为二值化哈希序列,用该序列作为图像的特征,或者说是以哈希序列作为图像的索引进行近似最近邻搜索。现有的哈希方法可以分为两种:数据独立的方法和数据依赖的方法。数据独立的哈希法中,哈希函数是独立于训练数据随机生成的,具有代表性的数据独立哈希法有局部敏感哈希(locality-sensitive hashing,LSH)方法及其变种。而数据依赖哈希法尝试从训练数据中学习哈希函数,所以也叫作基于学习的哈希方法。和数据独立哈希法相比,数据依赖哈希法可以使用很短的哈希序列达到相当好的检索精度。In order to improve retrieval speed and reduce storage space, many researchers have proposed different hashing methods. Due to its fast query ability and low memory consumption, hashing method has become one of the most popular and effective technologies at present. The method is to express the image content as a binary hash sequence, and use the sequence as the feature of the image, or use the hash sequence as the index of the image to perform approximate nearest neighbor search. Existing hashing methods can be divided into two types: data-independent methods and data-dependent methods. In the data-independent hashing method, the hash function is randomly generated independently of the training data. Representative data-independent hashing methods include the locality-sensitive hashing (LSH) method and its variants. The data-dependent hashing method tries to learn a hash function from the training data, so it is also called a learning-based hashing method. Compared with data-independent hashing, data-dependent hashing can use very short hash sequences to achieve fairly good retrieval accuracy.
基于学习的哈希法可以被分为两类:无监督的哈希方法和有监督的方法。无监督的哈希方法仅仅利用图像的特征信息来进行训练,有代表性的无监督哈希法有迭代量化法(Iterative Quantization,ITQ),锚点图哈希(Anchor Graph Hashing,AGH)和离散图哈希(Discrete Graph Hahing,DGH)等。有监督的哈希方法尝试利用标签信息来学习哈希码。该类方法又可细分为三种不同的形式:基于单标签信息的,如离散哈希法(SupervisedDiscrete hashing,SDH);基于成对标签信息的,如最小化损失哈希法(Minimal LossHashing,MLH),有监督的核哈希法(Supervised Hashing with Kernels,KSH)和卷积神经网络哈希(Convolutional Neural Network Hashing,CNNH);以及基于排序标签信息的,如基于排序的有监督哈希法(Ranking-based Supervised hashing,RSH)。尽管目前有很多的哈希方法被提出,但大部分的哈希方法都是基于手工特征的,由于这些方法中手工特征和哈希函数的学习过程是独立的,因此手工特征和哈希过程不太适配,使得这些哈希方法达不到较满意的效果。为了解决特征不匹配问题,有很多研究人员提出将深度神经网络提取出的图像深度特征作为哈希函数的输入,提高检索效果,如CNNH方法,但该方法是一个两阶段哈希方法,不能对深度特征和哈希码进行同时学习,使得学习到的哈希函数有一定的局限性,该方法的提出者已对此作出了改进。还有研究人员提出了深度成对监督哈希法(DeepPairwise Supervised Hashing,DPSH),该方法能够同时对图像特征和哈希函数同时进行学习,提升了检索准确率。Learning-based hashing methods can be divided into two categories: unsupervised hashing methods and supervised methods. The unsupervised hashing method only uses the feature information of the image for training. Representative unsupervised hashing methods include Iterative Quantization (ITQ), Anchor Graph Hashing (AGH) and discrete Graph hash (Discrete Graph Hahing, DGH) and so on. Supervised hashing methods attempt to utilize label information to learn hash codes. This type of method can be subdivided into three different forms: based on single-label information, such as discrete hashing (Supervised Discrete hashing, SDH); based on paired label information, such as minimizing loss hashing (Minimal LossHashing, MLH), Supervised Hashing with Kernels (KSH) and Convolutional Neural Network Hashing (CNNH); and based on sorting label information, such as sorting-based supervised hashing (Ranking-based Supervised hashing, RSH). Although many hashing methods have been proposed, most of the hashing methods are based on manual features. Since the learning process of manual features and hash functions in these methods is independent, the manual features and hashing process are different. Too suitable, so that these hashing methods can not achieve satisfactory results. In order to solve the problem of feature mismatch, many researchers have proposed to use the image depth features extracted by the deep neural network as the input of the hash function to improve the retrieval effect, such as the CNNH method, but this method is a two-stage hash method, which cannot Simultaneous learning of deep features and hash codes makes the learned hash functions have certain limitations, and the proposer of this method has made improvements. Other researchers have proposed Deep Pairwise Supervised Hashing (DPSH), which can simultaneously learn image features and hash functions, improving retrieval accuracy.
发明内容Contents of the invention
本发明的目的在于,针对上述传统的哈希方法的不足,提出一种基于深度学习的图像哈希索引构建方法。该方法充分利用深度学习的优势,使用不同结构的深度哈希网络同时对图像特征和哈希函数进行学习,然后融合从不同结构的深度哈希网络学习得到的哈希序列,使用融合后的哈希序列对图像库进行索引,提高图像检索的准确率。The purpose of the present invention is to propose a method for constructing an image hash index based on deep learning, aiming at the shortcomings of the above-mentioned traditional hashing method. This method makes full use of the advantages of deep learning, uses deep hash networks with different structures to learn image features and hash functions at the same time, then fuses the hash sequences learned from deep hash networks with different structures, and uses the fused hash The Greek sequence indexes the image library to improve the accuracy of image retrieval.
实现本发明方法的主要思路是:选择两种不同结构的已训练的深度卷积网络模型,在每一种模型的最后一层添加一个与之全连接的哈希层,构建一个双路的深度哈希网络模型,再基于训练图像的标签信息,利用反向传播(BP)更新这两种网络模型各层的权值,训练得到两个不同结构的深度哈希网络模型,然后利用这两个模型分别计算出每幅图像的一对初始哈希码,之后将每幅图像的一对初始哈希码拼接融合后作为其最后的融合哈希码,通过计算并比较查询图像的融合哈希码与图像库中每幅图像的融合哈希码间的汉明距离,最终快速准确的检索得到查询图像的相似图像结果。The main idea of realizing the method of the present invention is: select two kinds of trained deep convolutional network models of different structures, add a fully connected hash layer to the last layer of each model, and construct a two-way depth The hash network model, based on the label information of the training image, uses backpropagation (BP) to update the weights of each layer of the two network models, and trains to obtain two deep hash network models with different structures, and then uses these two The model calculates a pair of initial hash codes for each image respectively, and then concatenates and fuses the pair of initial hash codes for each image as its final fusion hash code. By calculating and comparing the fusion hash code of the query image The Hamming distance between the fused hash codes of each image in the image library, and finally fast and accurate retrieval to obtain similar image results of the query image.
根据上述主要思路,本发明方法的具体实现包括如下步骤:According to above-mentioned main train of thought, the concrete realization of the inventive method comprises the following steps:
步骤1:划分数据集Step 1: Divide the dataset
将图像数据集分成两部分,一部分作为测试样本集,另一部分作为图像数据库,另外从图像库中取出一部分作为训练样本集。每个样本均包括一张图像及对应的类别标签;The image data set is divided into two parts, one part is used as a test sample set, the other part is used as an image database, and another part is taken from the image database as a training sample set. Each sample includes an image and the corresponding category label;
步骤2:构建两个不同的深度哈希网络模型Step 2: Build two different deep hashing network models
深度哈希网络模型的结构是双路结构,每一路包含一个深度卷积网络和全连接的哈希层,两路结构完全相同,最后同时连接到损失层。构建两个这样的卷积结构不同的深度哈希网络模型;The structure of the deep hash network model is a two-way structure, each way contains a deep convolutional network and a fully connected hash layer, the two-way structure is exactly the same, and finally connected to the loss layer at the same time. Construct two such deep hash network models with different convolutional structures;
步骤3:训练深度哈希网络模型Step 3: Train the deep hashing network model
对其中一个深度哈希网络模型,利用训练样本集,将训练图像的任意两幅图像分别前向传播经过该模型的两路,然后将经过该网络计算后得到的损失用反向传播算法调整网络权重,同时对哈希网络的深度卷积网络和哈希层的参数进行学习,迭代一定次数后得到训练后的深度哈希模型。然后对另一个不同结构的深度哈希网络模型进行同样的操作,经训练得到另一个结构不同的深度哈希模型;For one of the deep hash network models, using the training sample set, any two images of the training image are forward-propagated through the two paths of the model, and then the loss obtained after the network is calculated is adjusted by the back-propagation algorithm. Weight, at the same time learn the parameters of the deep convolutional network and the hash layer of the hash network, and obtain the trained deep hash model after a certain number of iterations. Then perform the same operation on another deep hash network model with a different structure, and obtain another deep hash model with a different structure after training;
步骤4:计算哈希码并融合Step 4: Calculate the hash code and fuse
从步骤三中训练得到的两个结构不同的深度哈希网络模型后,将测试样本集中的每张图像分别作为两个深度哈希网络模型的输入,经前向传播得到测试样本集的初始哈希码矩阵Htest1、Htest2,将Htest1和Htest2中相同图像对应的两个哈希码以维度拼接的方式融合得到测试样本集融合后的哈希码Htest。然后对图像图像库中的每幅图像做相同的操作,得到图像库的初始哈希码矩阵Hbase1、Hbase2,及最后融合后的哈希码Hbase;After training the two deep hash network models with different structures in step 3, each image in the test sample set is used as the input of the two deep hash network models, and the initial hash of the test sample set is obtained through forward propagation. The code matrices Htest 1 and Htest 2 combine the two hash codes corresponding to the same image in Htest 1 and Htest 2 in a way of dimension splicing to obtain the hash code Htest after the fusion of the test sample set. Then do the same operation on each image in the image library to obtain the initial hash code matrix Hbase 1 , Hbase 2 of the image library, and the final fused hash code Hbase;
步骤5:计算汉明距离Step 5: Calculate the Hamming distance
从Htest取出任意一幅测试图像的哈希码Ht,计算该哈希码Ht与图像库的哈希码矩阵Hbase每一行之间的汉明距离,然后将汉明距离以行向量的形式组合起来得到一个汉明距离列向量;Take the hash code H t of any test image from Htest, calculate the Hamming distance between the hash code H t and each row of the hash code matrix Hbase of the image library, and then put the Hamming distance in the form of a row vector Combined to get a Hamming distance column vector;
步骤6:排序输出检索结果Step 6: Sort and output search results
将步骤5中得到的汉明距离向量的数值依照从小到大的顺序进行排序,顺序输出对应的原始图像,得到图像检索结果。Sort the values of the Hamming distance vectors obtained in step 5 in ascending order, and output the corresponding original images in order to obtain the image retrieval results.
本发明与现有技术相比,具有以下明显的优势和有益效果:本发明提出一种基于深度学习的图像哈希索引构建方法,采用不同的深度卷积网络,训练出两个结构不同的深度哈希网络模型,每个模型都能够同时对图像特征和哈希码进行学习,实现端到端的学习和哈希码计算。将从不同结构的深度哈希网络模型中学习到的不同哈希码进行融合后,能够更有效的对图像进行哈希表达,解决了基于单一深度卷积网络学习到的哈希码判别力不足的问题,从而提高了图像检索的准确率。Compared with the prior art, the present invention has the following obvious advantages and beneficial effects: the present invention proposes an image hash index construction method based on deep learning, using different depth convolutional networks to train two depth Hash network model, each model can learn image features and hash codes at the same time, realizing end-to-end learning and hash code calculation. After fusing different hash codes learned from deep hash network models with different structures, it is possible to perform hash expression on images more effectively, which solves the insufficient discrimination of hash codes learned based on a single deep convolutional network problem, thereby improving the accuracy of image retrieval.
附图说明Description of drawings
图1为本发明所涉及方法总流程框图;Fig. 1 is a general flow diagram of the method involved in the present invention;
图2为本发明所涉及深度哈希网络模型的架构图;Fig. 2 is the architecture diagram of the deep hash network model involved in the present invention;
图3为本发明不同模型相同哈希比特位对应的MAP曲线图;Fig. 3 is the MAP graph corresponding to the same hash bits of different models of the present invention;
图4为本发明不同模型相同哈希比特位对应的recall-precision曲线图;Fig. 4 is the recall-precision curve diagram corresponding to the same hash bits of different models of the present invention;
具体实施方式Detailed ways
下面结合附图对本发明的技术方案做进一步的描述,附图1为本发明所涉及方法整体流程图。The technical solution of the present invention will be further described below in conjunction with the accompanying drawings. Accompanying drawing 1 is an overall flow chart of the method involved in the present invention.
步骤1,划分数据集Step 1, divide the dataset
本发明所述方法实施过程中的数据库来源于公开标准数据集CIFAR-10,该数据集包含有60000张32*32像素的彩色图片,该数据集共有10类,每一类6000张图像,该数据集是一个单标签数据集,亦即每一张图片只属于十类中的一类。将图像数据集分成两部分,一部分作为测试样本集,另一部分作为图像数据库,另外从图像库中随机选取一部分作为训练深度哈希网络模型的训练集。具体实施时,从数据集的每类中随机选取了100张,共计1000张作为测试样本集I={I1,I2,……,I1000},剩余的图像集作为图像库,并从图像库的每类中随机选取了500张,共计5000张作为训练样本集T={T1,T2,……,T5000},每个样本均包括一张图像及对应的类别标签,根据训练图像样本的类别标签信息计算得出一个相似矩阵S={sij},如果图像xi和图像xj相似,那么sij=1,否则sij=0。The database in the implementation process of the method of the present invention comes from the public standard data set CIFAR-10, which contains 60,000 color pictures of 32*32 pixels. The data set has 10 categories, each with 6,000 images. The data set is a single-label data set, that is, each picture belongs to only one of the ten categories. The image data set is divided into two parts, one part is used as the test sample set, the other part is used as the image database, and a part is randomly selected from the image database as the training set for training the deep hash network model. During the specific implementation, 100 images were randomly selected from each category of the data set, and a total of 1000 images were used as the test sample set I={I 1 , I 2 ,..., I 1000 }, and the remaining image sets were used as the image library, and from 500 images are randomly selected from each category in the image library, and a total of 5000 images are used as the training sample set T={T 1 ,T 2 ,...,T 5000 }, each sample includes an image and the corresponding category label, according to The category label information of the training image samples is calculated to obtain a similarity matrix S={s ij }, if the image x i is similar to the image x j , then s ij =1, otherwise s ij =0.
步骤2:构建深度哈希网络模型Step 2: Build a deep hash network model
深度哈希网络模型的结构是双路结构,每一路包含一个深度卷积网络和全连接的哈希层,两路结构完全相同,最后同时连接到损失层。构建两个这样的卷积结构不同的深度哈希网络模型。在具体实施过程中,采用的深度卷积网络是已训练的模型VGG-F和Alexnet模型,这两个已训练模型可以从http://www.vlfeat.org/matconvnet/pretrained/下载得到。由于两个深度哈希网络模型的不同之处主要在于深度卷积网络部分的结构不同,现以深度哈希网络模型其中之一作为说明,模型架构图如附图2所示,深度哈希网络模型的前七层是深度卷积网络,第八层是与深度卷积网络最后一层全连接的哈希层,该层包含有c个结点,图像经过深度哈希网络模型前向传播后输出为c位的二值哈希码bi∈{-1,1}c,在实施过程中设置c为32,即最后拼接融合后得到的二值哈希码的长度为64位。哈希码可通过下面公式计算得到。The structure of the deep hash network model is a two-way structure, each way contains a deep convolutional network and a fully connected hash layer, the two-way structure is exactly the same, and finally connected to the loss layer at the same time. Construct two such deep hash network models with different convolutional structures. In the specific implementation process, the deep convolutional network used is the trained model VGG-F and Alexnet model, and these two trained models can be downloaded from http://www.vlfeat.org/matconvnet/pretrained/. Since the difference between the two deep hash network models is mainly in the structure of the deep convolutional network part, one of the deep hash network models is used as an illustration. The model architecture diagram is shown in Figure 2. The deep hash network The first seven layers of the model are deep convolutional networks, and the eighth layer is a hash layer that is fully connected to the last layer of the deep convolutional network. This layer contains c nodes. After the image is forwarded through the deep hash network model The output is a c-bit binary hash code b i ∈ {-1,1} c , and c is set to 32 during the implementation process, that is, the length of the binary hash code obtained after splicing and fusion is 64 bits. The hash code can be calculated by the following formula.
bi=h(xi)=sgn(WTφ(xi;θ)+v)=sgn(ui)b i =h(x i )=sgn(W T φ(x i ;θ)+v)=sgn(u i )
其中sgn(·)是符号函数,W∈R4096×c为第七层与哈希层间的权值矩阵,φ(xi;θ)表示的是样本xi的输出,v∈Rc为一个偏置向量,其中ui=WT(φ(Xi;θ)+v),表示深度哈希网络模型前七层的输出。Where sgn( ) is a sign function, W∈R 4096×c is the weight matrix between the seventh layer and the hash layer, φ( xi ; θ) represents the output of sample xi , v∈R c is A bias vector, where u i =W T (φ(X i ; θ)+v), represents the output of the first seven layers of the deep hash network model.
图像经过深度哈希网络模型前向传播后得到二值哈希编码,然后基于该哈希编码和图像的标签信息,计算哈希编码的损失,然后反向传播调整网络参数。定义深度哈希网络模型损失层的损失函数为:After the image is forward-propagated through the deep hash network model, a binary hash code is obtained, and then based on the hash code and the label information of the image, the loss of the hash code is calculated, and then the network parameters are adjusted by backpropagation. The loss function that defines the loss layer of the deep hash network model is:
其中通过最小化这个损失函数可使得两幅相似图像哈希码间的汉明距离尽可能的小,同时使得两幅不相似的图像哈希码间的汉明距离尽可能的大。in By minimizing this loss function, the Hamming distance between the hash codes of two similar images can be made as small as possible, and the Hamming distance between the hash codes of two dissimilar images can be made as large as possible.
步骤3:训练深度哈希网络模型Step 3: Train the deep hashing network model
根据步骤2构建的深度哈希网络模型,训练两个深度卷积网络结构不同的深度哈希网络模型。两个模型各层结构配置分别如表1、表2所示。在训练过程中,将训练数据集中的任意两幅图像分别经前向传播通过两个深度哈希网络模型后,得到ui,然后用随机梯度下降方法来学习深度哈希网络模型各层的参数,但是由于sgn(·)函数是不连续的,可把损失函数中的θij替换为然后用下面的公式计算出损失的导数。According to the deep hash network model constructed in step 2, train two deep hash network models with different deep convolutional network structures. The structural configurations of each layer of the two models are shown in Table 1 and Table 2 respectively. In the training process, any two images in the training data set are forward-propagated through two deep hash network models to obtain u i , and then the stochastic gradient descent method is used to learn the parameters of each layer of the deep hash network model , but since the sgn(·) function is discontinuous, the θ ij in the loss function can be replaced by Then use the following formula to calculate the derivative of the loss.
计算得到每幅训练图像的损失的导数后,将其用反向传播算法反向传播到网络各层,更新调整深度哈希网络模型各层间的连接权值,如此循环迭代n次,最终得到两个训练后的不同结构的深度哈希网络模型M1和M2。在实施例中,设置n的值为200。After calculating the derivative of the loss of each training image, use the backpropagation algorithm to backpropagate it to each layer of the network, update and adjust the connection weights between each layer of the deep hash network model, and iterate n times in this way, and finally get Two trained deep hash network models M 1 and M 2 with different structures. In an embodiment, the value of n is set to 200.
步骤4:计算哈希码并融合Step 4: Calculate the hash code and fuse
从步骤三中训练得到的两个结构不同的深度哈希网络模型后,将测试样本集中的每张图像分别作为两个深度哈希网络模型的输入,经前向传播得到测试样本集的初始哈希码矩阵Htest1、Htest2,将Htest1和Htest2中相同图像对应的两个哈希码以维度拼接的方式融合得到测试样本集融合后的哈希码Htest。然后对图像图像库中的每幅图像做相同的操作,得到图像库的初始哈希码矩阵Hbase1、Hbase2,及最后融合后的哈希码Hbase。其中Hbase1、Hbase2、Htest1和Htest2中的每一行代表一幅图像的初始哈希码,Htrain和Hbase中的每一行代表一幅图像的融合后的哈希码。After training the two deep hash network models with different structures in step 3, each image in the test sample set is used as the input of the two deep hash network models, and the initial hash of the test sample set is obtained through forward propagation. The code matrices Htest 1 and Htest 2 combine the two hash codes corresponding to the same image in Htest 1 and Htest 2 in a way of dimension splicing to obtain the hash code Htest after the fusion of the test sample set. Then do the same operation on each image in the image library to obtain the initial hash code matrix Hbase 1 , Hbase 2 of the image library, and the final fused hash code Hbase. Each row in Hbase 1 , Hbase 2 , Htest 1 and Htest 2 represents the initial hash code of an image, and each row in Htrain and Hbase represents the fused hash code of an image.
步骤5:计算融合哈希码的汉明距离Step 5: Calculate the Hamming distance of the fused hash code
对于1000幅查询图像中的任意一副图像,从Htest取出与查询图像相对应的融合后的哈希码Ht,分别计算哈希码Ht与数据库中每一幅图像的融合哈希码间的汉明距离,得到查询图像与数据库中每幅图像的汉明距离,将查询图像的汉明距离的集合表示为一个汉明距离向量。For any one of the 1000 query images, take out the fused hash code H t corresponding to the query image from Htest, and calculate the distance between the hash code H t and the fused hash code of each image in the database. The Hamming distance of the query image and each image in the database is obtained, and the set of Hamming distances of the query image is expressed as a Hamming distance vector.
步骤6:排序输出检索结果Step 6: Sort and output search results
由于汉明距离的数值越小,两幅图像越相似,将步骤5中得到的查询图像的汉明距离向量的数值依照从小到大的顺序进行排序,按照顺序输出指定个数的相似图像,即可得到top k幅相似图像的检索结果。最后,根据检索结果中每幅图像的类别标签和查询图像的类别标签是否相同,计算出查询图像的检索MAP值和recall-precision值。Since the smaller the value of the Hamming distance, the more similar the two images are, the values of the Hamming distance vector of the query image obtained in step 5 are sorted in ascending order, and the specified number of similar images are output in order, that is The retrieval results of top k similar images can be obtained. Finally, according to whether the category label of each image in the retrieval result is the same as that of the query image, the retrieval MAP value and recall-precision value of the query image are calculated.
从附图3、附图4可以看出,以相同哈希编码位数进行检索时本发明提出的方法比使用单一深度哈希网络模型的检索结果有更高的准确度。It can be seen from accompanying drawings 3 and 4 that the method proposed by the present invention has higher accuracy than the retrieval results using a single deep hash network model when searching with the same number of hash codes.
表1深度哈希模型M1各层结构配置表Table 1 Configuration table of each layer structure of deep hash model M1
      
表2深度哈希模型M2各层结构配置表Table 2 Configuration table of each layer structure of deep hash model M2
      
Claims (2)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title | 
|---|---|---|---|
| CN201610905518.9A CN106503106B (en) | 2016-10-17 | 2016-10-17 | A kind of image hash index construction method based on deep learning | 
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title | 
|---|---|---|---|
| CN201610905518.9A CN106503106B (en) | 2016-10-17 | 2016-10-17 | A kind of image hash index construction method based on deep learning | 
Publications (2)
| Publication Number | Publication Date | 
|---|---|
| CN106503106A CN106503106A (en) | 2017-03-15 | 
| CN106503106B true CN106503106B (en) | 2019-10-18 | 
Family
ID=58294490
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date | 
|---|---|---|---|
| CN201610905518.9A Active CN106503106B (en) | 2016-10-17 | 2016-10-17 | A kind of image hash index construction method based on deep learning | 
Country Status (1)
| Country | Link | 
|---|---|
| CN (1) | CN106503106B (en) | 
Families Citing this family (51)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| CN107016708B (en) * | 2017-03-24 | 2020-06-05 | 杭州电子科技大学 | An Image Hash Coding Method Based on Deep Learning | 
| CN107402947B (en) * | 2017-03-29 | 2020-12-08 | 北京猿力教育科技有限公司 | Picture retrieval model establishing method and device and picture retrieval method and device | 
| CN107169425A (en) * | 2017-04-26 | 2017-09-15 | 深圳美云智数科技有限公司 | A kind of recognition methods of item property and device | 
| CN108805280B (en) * | 2017-04-26 | 2020-11-03 | 深圳荆虹科技有限公司 | Image retrieval method and device | 
| CN107180079B (en) * | 2017-04-28 | 2020-04-28 | 华南理工大学 | Image retrieval method based on convolutional neural network and combined tree and hash index | 
| CN107291813B (en) * | 2017-05-19 | 2021-01-01 | 南京邮电大学 | Example searching method based on semantic segmentation scene | 
| WO2019010640A1 (en) * | 2017-07-12 | 2019-01-17 | 中国科学院自动化研究所 | Method and device for image aesthetic assessment | 
| CN107480261B (en) * | 2017-08-16 | 2020-06-16 | 上海荷福人工智能科技(集团)有限公司 | Fine-grained face image fast retrieval method based on deep learning | 
| CN107871014A (en) * | 2017-11-23 | 2018-04-03 | 清华大学 | A Big Data Cross-Modal Retrieval Method and System Based on Deep Fusion Hash | 
| CN107992611B (en) * | 2017-12-15 | 2018-12-28 | 清华大学 | The high dimensional data search method and system of hash method are distributed based on Cauchy | 
| CN108154182A (en) * | 2017-12-25 | 2018-06-12 | 合肥阿巴赛信息科技有限公司 | Jewelry method for measuring similarity based on pairs of comparing cell | 
| CN108491430B (en) * | 2018-02-09 | 2021-10-15 | 北京邮电大学 | An Unsupervised Hash Retrieval Method Based on Clustering Feature Directions | 
| CN108304573A (en) * | 2018-02-24 | 2018-07-20 | 江苏测联空间大数据应用研究中心有限公司 | Target retrieval method based on convolutional neural networks and supervision core Hash | 
| CN108427738B (en) * | 2018-03-01 | 2022-03-25 | 中山大学 | Rapid image retrieval method based on deep learning | 
| CN108536769B (en) * | 2018-03-22 | 2023-01-03 | 深圳市安软慧视科技有限公司 | Image analysis method, search method and device, computer device and storage medium | 
| CN108491528B (en) * | 2018-03-28 | 2021-09-21 | 苏州大学 | Image retrieval method, system and device | 
| CN108959522B (en) * | 2018-04-26 | 2022-06-17 | 浙江工业大学 | Migration retrieval method based on semi-supervised countermeasure generation network | 
| CN108932314A (en) * | 2018-06-21 | 2018-12-04 | 南京农业大学 | A kind of chrysanthemum image content retrieval method based on the study of depth Hash | 
| CN109086866B (en) * | 2018-07-02 | 2021-07-30 | 重庆大学 | A Partial Binary Convolution Method for Embedded Devices | 
| CN109166615B (en) * | 2018-07-11 | 2021-09-10 | 重庆邮电大学 | Medical CT image storage and retrieval method based on random forest hash | 
| CN109165306B (en) * | 2018-08-09 | 2021-11-23 | 长沙理工大学 | Image retrieval method based on multitask Hash learning | 
| CN109241313B (en) * | 2018-08-14 | 2021-11-02 | 大连大学 | An Image Retrieval Method Based on Higher Order Deep Hash Learning | 
| CN109241322B (en) * | 2018-08-28 | 2020-09-11 | 北京地平线机器人技术研发有限公司 | Code generation method, code generation device and electronic equipment | 
| CN111127509B (en) * | 2018-10-31 | 2023-09-01 | 杭州海康威视数字技术股份有限公司 | Target tracking method, device and computer-readable storage medium | 
| GB2580171B (en) * | 2018-12-21 | 2021-02-17 | Imagination Tech Ltd | Methods and systems for selecting quantisation parameters for deep neural networks using back-propagation | 
| CN109800314A (en) * | 2019-01-03 | 2019-05-24 | 上海大学 | A method of generating the Hash codes for being used for image retrieval using depth convolutional network | 
| CN109766463B (en) * | 2019-01-10 | 2021-03-12 | 清华大学 | Semi-supervised Hash learning method and device applied to image retrieval | 
| CN109933682B (en) * | 2019-01-11 | 2022-01-04 | 上海交通大学 | Image hash retrieval method and system based on combination of semantics and content information | 
| CN109960737B (en) * | 2019-03-15 | 2020-12-08 | 西安电子科技大学 | A semi-supervised deep adversarial self-encoding hash learning method for remote sensing image content retrieval | 
| CN109960738B (en) * | 2019-03-15 | 2020-12-08 | 西安电子科技大学 | A Content Retrieval Method for Large-scale Remote Sensing Image Based on Deep Adversarial Hash Learning | 
| CN113808061B (en) * | 2019-04-28 | 2024-11-22 | 深圳市商汤科技有限公司 | Image processing method and device | 
| CN110390352A (en) * | 2019-06-26 | 2019-10-29 | 华中科技大学 | A Value Evaluation Method of Image Dark Data Based on Similarity Hash | 
| CN110766065A (en) * | 2019-10-18 | 2020-02-07 | 山东浪潮人工智能研究院有限公司 | A Hash Learning Method Based on Deep Hyperinformation | 
| CN110781902A (en) * | 2019-10-28 | 2020-02-11 | 山东浪潮人工智能研究院有限公司 | Robust binary attribute learning method and system | 
| CN111177432B (en) * | 2019-12-23 | 2020-11-03 | 北京航空航天大学 | A Large-scale Image Retrieval Method Based on Hierarchical Deep Hashing | 
| CN111563180A (en) * | 2020-04-08 | 2020-08-21 | 西北工业大学 | Trademark image retrieval method based on deep hash method | 
| CN111723220B (en) * | 2020-06-18 | 2023-03-10 | 中南大学 | Image retrieval method, device and storage medium based on attention mechanism and hash | 
| CN111914944B (en) * | 2020-08-18 | 2022-11-08 | 中国科学院自动化研究所 | Object detection method and system based on dynamic sample selection and loss consistency | 
| CN112269854B (en) * | 2020-11-18 | 2022-06-10 | 浙江大学 | Large-scale data similarity characteristic detection method based on inverted index | 
| CN112446431B (en) * | 2020-11-27 | 2024-08-27 | 鹏城实验室 | Feature point extraction and matching method, network, device and computer storage medium | 
| CN112597324A (en) * | 2020-12-15 | 2021-04-02 | 武汉工程大学 | Image hash index construction method, system and equipment based on correlation filtering | 
| CN113032612B (en) * | 2021-03-12 | 2023-04-11 | 西北大学 | Construction method of multi-target image retrieval model, retrieval method and device | 
| CN113282775B (en) * | 2021-05-27 | 2023-10-03 | 上海焱祺华伟信息系统技术有限公司 | Similar crowd expansion method based on local sensitive hash algorithm | 
| CN113326393B (en) * | 2021-05-31 | 2023-04-07 | 深圳前瞻资讯股份有限公司 | Image retrieval method based on deep hash feature and heterogeneous parallel processing | 
| CN113761262B (en) * | 2021-09-03 | 2024-02-20 | 奇安信科技集团股份有限公司 | Image retrieval category determination method, system and image retrieval method | 
| CN114003635B (en) * | 2021-09-27 | 2023-01-31 | 中国科学院自动化研究所 | Recommendation information acquisition method, device, equipment and product | 
| CN114610974A (en) * | 2022-03-25 | 2022-06-10 | 李治印 | Precise retrieval method for partial or combined images of online shopping products | 
| CN115221348B (en) * | 2022-07-13 | 2025-10-03 | 北京邮电大学 | An image hash retrieval method based on center mapping | 
| CN116069966B (en) * | 2022-12-13 | 2025-06-20 | 西安电子科技大学 | A large-scale image retrieval method based on deep multiple negative supervised hashing | 
| CN116303473B (en) * | 2023-05-11 | 2024-04-19 | 长鹰恒容电磁科技(成都)有限公司 | Database construction method, device, equipment and readable storage medium | 
| CN119128082B (en) * | 2024-08-22 | 2025-07-08 | 合肥人工智能与大数据研究院有限公司 | Policy question answering system based on large language model, inverted index and embedding retrieval | 
Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| CN104794504A (en) * | 2015-04-28 | 2015-07-22 | 浙江大学 | Graphic pattern text detection method based on deep learning | 
| CN105512273A (en) * | 2015-12-03 | 2016-04-20 | 中山大学 | Image retrieval method based on variable-length depth hash learning | 
| CN105512289A (en) * | 2015-12-07 | 2016-04-20 | 郑州金惠计算机系统工程有限公司 | Image Retrieval Method Based on Deep Learning and Hashing | 
| US9424533B1 (en) * | 2011-09-24 | 2016-08-23 | Z Advanced Computing, Inc. | Method and system for predicting an outcome of an event | 
Family Cites Families (1)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| US11221990B2 (en) * | 2015-04-03 | 2022-01-11 | The Mitre Corporation | Ultra-high compression of images based on deep learning | 
- 
        2016
        - 2016-10-17 CN CN201610905518.9A patent/CN106503106B/en active Active
 
Patent Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title | 
|---|---|---|---|---|
| US9424533B1 (en) * | 2011-09-24 | 2016-08-23 | Z Advanced Computing, Inc. | Method and system for predicting an outcome of an event | 
| CN104794504A (en) * | 2015-04-28 | 2015-07-22 | 浙江大学 | Graphic pattern text detection method based on deep learning | 
| CN105512273A (en) * | 2015-12-03 | 2016-04-20 | 中山大学 | Image retrieval method based on variable-length depth hash learning | 
| CN105512289A (en) * | 2015-12-07 | 2016-04-20 | 郑州金惠计算机系统工程有限公司 | Image Retrieval Method Based on Deep Learning and Hashing | 
Non-Patent Citations (1)
| Title | 
|---|
| 多媒体技术研究:2014——深度学习与媒体计算;吴飞等;《中国图象图形学报》;20151116;第1423页-1433页 * | 
Also Published As
| Publication number | Publication date | 
|---|---|
| CN106503106A (en) | 2017-03-15 | 
Similar Documents
| Publication | Publication Date | Title | 
|---|---|---|
| CN106503106B (en) | A kind of image hash index construction method based on deep learning | |
| CN113190699B (en) | Remote sensing image retrieval method and device based on category-level semantic hash | |
| CN113177132B (en) | Image retrieval method based on depth cross-modal hash of joint semantic matrix | |
| CN111538835B (en) | Social media emotion classification method and device based on knowledge graph | |
| CN108647350A (en) | Image-text associated retrieval method based on two-channel network | |
| CN113064959B (en) | Cross-modal retrieval method based on deep self-supervision sorting Hash | |
| CN107748757A (en) | A kind of answering method of knowledge based collection of illustrative plates | |
| CN108427738A (en) | A kind of fast image retrieval method based on deep learning | |
| CN114090783A (en) | A method and system for fusion of heterogeneous knowledge graphs | |
| WO2023155508A1 (en) | Graph convolutional neural network and knowledge base-based paper correlation analysis method | |
| CN110457503B (en) | Method for quickly optimizing depth hash image coding and target image retrieval | |
| CN115457332A (en) | Image Multi-label Classification Method Based on Graph Convolutional Neural Network and Class Activation Mapping | |
| CN110297931A (en) | A kind of image search method | |
| CN107315765A (en) | A kind of method of the concentrated-distributed proximity search of extensive picture | |
| CN108399185B (en) | Multi-label image binary vector generation method and image semantic similarity query method | |
| CN111104555A (en) | Video Hash Retrieval Method Based on Attention Mechanism | |
| CN114117153A (en) | An online cross-modal retrieval method and system based on similarity relearning | |
| CN115617956A (en) | Multi-mode attention map-based patent retrieval method and system | |
| CN108959522A (en) | The migration search method of network is generated based on semi-supervised confrontation | |
| CN114613450A (en) | Properties prediction method, device, storage medium and computer equipment of drug molecule | |
| CN103617609B (en) | Based on k-means non-linearity manifold cluster and the representative point choosing method of graph theory | |
| CN111949885A (en) | A personalized recommendation method for tourist attractions | |
| CN116304066A (en) | A Node Classification Method for Heterogeneous Information Networks Based on Hint Learning | |
| CN119293271A (en) | A cross-modal hash retrieval method based on graph convolutional network fusion | |
| CN113806580A (en) | A Cross-modal Hash Retrieval Method Based on Hierarchical Semantic Structure | 
Legal Events
| Date | Code | Title | Description | 
|---|---|---|---|
| C06 | 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 | ||
| EE01 | Entry into force of recordation of patent licensing contract | ||
| EE01 | Entry into force of recordation of patent licensing contract | Application publication date: 20170315 Assignee: Henan Wucheng Agricultural Technology Co.,Ltd. Assignor: Beijing University of Technology Contract record no.: X2024980000199 Denomination of invention: A method for constructing image hash indexes based on deep learning Granted publication date: 20191018 License type: Common License Record date: 20240105 Application publication date: 20170315 Assignee: Henan zhuodoo Information Technology Co.,Ltd. Assignor: Beijing University of Technology Contract record no.: X2024980000138 Denomination of invention: A method for constructing image hash indexes based on deep learning Granted publication date: 20191018 License type: Common License Record date: 20240104 Application publication date: 20170315 Assignee: Luoyang Lexiang Network Technology Co.,Ltd. Assignor: Beijing University of Technology Contract record no.: X2024980000083 Denomination of invention: A method for constructing image hash indexes based on deep learning Granted publication date: 20191018 License type: Common License Record date: 20240104 |