CN105844590A - Image super-resolution reconstruction method and system based on sparse representation - Google Patents

Image super-resolution reconstruction method and system based on sparse representation Download PDF

Info

Publication number
CN105844590A
CN105844590A CN201610167515.XA CN201610167515A CN105844590A CN 105844590 A CN105844590 A CN 105844590A CN 201610167515 A CN201610167515 A CN 201610167515A CN 105844590 A CN105844590 A CN 105844590A
Authority
CN
China
Prior art keywords
resolution
image
low
resolution image
dictionary
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.)
Pending
Application number
CN201610167515.XA
Other languages
Chinese (zh)
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.)
Wuhan University of Technology WUT
Original Assignee
Wuhan University of Technology WUT
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 Wuhan University of Technology WUT filed Critical Wuhan University of Technology WUT
Priority to CN201610167515.XA priority Critical patent/CN105844590A/en
Publication of CN105844590A publication Critical patent/CN105844590A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06TIMAGE DATA PROCESSING OR GENERATION, IN GENERAL
    • G06T3/00Geometric image transformations in the plane of the image
    • G06T3/40Scaling of whole images or parts thereof, e.g. expanding or contracting
    • G06T3/4053Scaling of whole images or parts thereof, e.g. expanding or contracting based on super-resolution, i.e. the output image resolution being higher than the sensor resolution

Landscapes

  • Physics & Mathematics (AREA)
  • General Physics & Mathematics (AREA)
  • Engineering & Computer Science (AREA)
  • Theoretical Computer Science (AREA)
  • Image Processing (AREA)

Abstract

The invention discloses an image super-resolution reconstruction method based on sparse representation and a system. The method comprises following steps: a complete high-low resolution dictionary pair is obtained by means of an image training library; bicubic amplification is performed on a low resolution image to be reconstructed to obtain an initial image of the super-resolution algorithm; the first order and second order gradient features of the initial image are extracted; overlapping partition is performed on the extracted features and sparse representation of the low frequency image blocks is obtained by means of the low resolution dictionary; the sparse representation coefficient of the obtained low resolution image blocks is approximately equal to the sparse representation coefficient of the high resolution image blocks to be solved in the high resolution dictionary and the initial estimate of a corresponding high resolution image is estimated by means of the sparse representation coefficient; reconstruction error of the high resolution image is reduced by means of a back projection filter.

Description

基于稀疏表示的图像超分辨率重建方法及系统Image super-resolution reconstruction method and system based on sparse representation

技术领域technical field

本发明涉及图像处理,尤其涉及一种基于稀疏表示的图像超分辨率重建方法及系统。The present invention relates to image processing, in particular to an image super-resolution reconstruction method and system based on sparse representation.

背景技术Background technique

在图像超分辨率重建算法中,首先要建立高分辨率图像之间的关系。一般来说,在单帧图像超分辨图像重建算法中,几何扭曲可以忽略不计,因此可以将图像获取过程中的退化现象模拟为原始高分辨率图像经过光学模糊、下采样和噪声干扰等一系列过程,现有的单帧图像超分辨率算法主要包括基于学习的图像超分辨率算法和基于插值重建的图像超分辨率算法。In the image super-resolution reconstruction algorithm, the relationship between high-resolution images must first be established. Generally speaking, in the single-frame image super-resolution image reconstruction algorithm, geometric distortion can be ignored, so the degradation phenomenon in the image acquisition process can be simulated as the original high-resolution image after a series of optical blurring, downsampling, and noise interference. The existing single-frame image super-resolution algorithms mainly include image super-resolution algorithms based on learning and image super-resolution algorithms based on interpolation reconstruction.

基于学习的超分辨率重建技术首先利用高分辨图像训练库和图像退化模型获得一个高低分辨率的图像训练集,然后通过一定的学习算法获得高低分辨率图像之间的映射关系,最后利用优化算法对待重建的低分辨率图像进行优化,估计出相应的高分辨率图像。The learning-based super-resolution reconstruction technology first uses the high-resolution image training library and image degradation model to obtain a high- and low-resolution image training set, and then obtains the mapping relationship between high and low-resolution images through a certain learning algorithm, and finally uses the optimization algorithm Optimize the low-resolution image to be reconstructed and estimate the corresponding high-resolution image.

经典的插值方法包括最近邻插值、双线性插值和双三次插值方法。三种插值方法中,最近邻域和双线性插值计算复杂度相对较低,在多数场合能满足实时运算的需求,因此它们被广泛应用。但是,不如人意的是,这两种方法对分辨率的提高贡献很小,尤其是无法得到足够的高频信息,而使得恢复出来的图像仍然存在较大的失真。这三种方法中,双立方插值最适合增强高频部分的细节信息,它的不足就是其计算复杂度比较大。Classical interpolation methods include nearest neighbor interpolation, bilinear interpolation and bicubic interpolation methods. Among the three interpolation methods, nearest neighbor and bilinear interpolation have relatively low computational complexity, and can meet the needs of real-time calculations in most occasions, so they are widely used. However, what is unsatisfactory is that these two methods have little contribution to the improvement of resolution, especially they cannot obtain enough high-frequency information, so that the restored image still has a large distortion. Among these three methods, bicubic interpolation is most suitable for enhancing the detail information of high-frequency parts, but its disadvantage is that its computational complexity is relatively large.

尽管双立方插值的能提供更多的细节信息,不过,它仍然存在与前两种方法相同的问题,尤其是需要高分辨率的场合,它无法给出足够多的细节信息。插值方法或者出现锯齿效应或者出现边缘模糊现象。最近邻插值边缘阶梯锯齿图像失真非常明显,双线性插值边缘阶梯锯齿图像失真较为明显,有一定的边缘模糊,双立方插值边缘阶梯失真较弱,边缘模糊非常明显。Although bicubic interpolation can provide more detailed information, it still has the same problems as the first two methods, especially when high resolution is required, it cannot give enough detailed information. Interpolation methods either suffer from aliasing or blurred edges. The edge step aliasing image distortion of the nearest neighbor interpolation is very obvious, the edge step aliasing image distortion of the bilinear interpolation is more obvious, and there is a certain edge blur, and the edge step distortion of the bicubic interpolation is weak, and the edge blur is very obvious.

传统的插值重建方法计算简单容易实现,应用也较为广泛。但是在高放大倍数的情况下,由于图像原始信息的大量丢失,会使得重建出来的高分辨率图像在边缘处常常过于平滑,而且缺少足够的细节信息。The traditional interpolation reconstruction method is simple and easy to implement, and it is widely used. However, in the case of high magnification, due to the loss of a large amount of original information of the image, the reconstructed high-resolution image is often too smooth at the edge and lacks sufficient detail information.

基于学习的超分辨率算法,在进行高分辨图像重建之前,利用训练库,对图像的先验信息进行了学习,所以能获得更多的图像细节信息,获得更好的图像重建质量。然而在基于学习一类的超分辨率算法中,近邻数目选择不当,会使重建出来的高分辨率图像细节和边缘模糊,从而影响图像的重建质量。Based on the learning super-resolution algorithm, before the high-resolution image reconstruction, the prior information of the image is learned by using the training library, so more image detail information can be obtained, and better image reconstruction quality can be obtained. However, in super-resolution algorithms based on learning, improper selection of the number of neighbors will blur the details and edges of the reconstructed high-resolution image, thus affecting the reconstruction quality of the image.

发明内容Contents of the invention

本发明针对上述问题,提供一种基于稀疏表示的图像超分辨率重建方法及系统。Aiming at the above problems, the present invention provides an image super-resolution reconstruction method and system based on sparse representation.

本发明解决其技术问题所采用的技术方案是:The technical solution adopted by the present invention to solve its technical problems is:

提供一种基于稀疏表示的图像超分辨率重建方法,包括以下步骤:An image super-resolution reconstruction method based on sparse representation is provided, comprising the following steps:

S1、利用图像训练库得到完备的高低分辨率字典对,包括低分辨率字典Dl和高分辨率字典Dh;S1, using the image training library to obtain a complete pair of high- and low-resolution dictionaries, including a low-resolution dictionary Dl and a high-resolution dictionary Dh;

S2、将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,提取该初始图像的一阶、二阶梯度特征,对提取的特征进行重叠分块,得到低分辨率图像块,将每一个低分辨率图像块对应的特征组合成一个向量,设为y,然后利用低分辨率字典Dl获得y的稀疏表示a*S2. Perform bicubic amplification on the low-resolution image to be reconstructed to obtain the initial image of the super-resolution algorithm, extract the first-order and second-order gradient features of the initial image, and overlap and block the extracted features to obtain a low-resolution image Block, combine the features corresponding to each low-resolution image block into a vector, set it as y, and then use the low-resolution dictionary Dl to obtain the sparse representation a * of y:

aa ** == argarg minmin || || ythe y -- DD. ll aa || || 22 22 ++ ββ || || PP DD. hh aa -- ww || || 22 22 ++ λλ || || aa || || 11 == argarg minmin || || ythe y ~~ -- DD. ~~ aa || || 22 22 ++ λλ || || aa || || 11

其中,P为重叠区域,w为重叠区域中已重建出来的像素值,β是一个常数,用来调整已重建出来的像素值对待重建块重建的影响;in, P is the overlapping area, w is the reconstructed pixel value in the overlapping area, and β is a constant used to adjust the influence of the reconstructed pixel value on the reconstruction of the reconstruction block;

S3、将获得的低分辨率图像块的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典Dh中的稀疏表示系数,并利用其估计出相应的高分辨率图像块 S3. The sparse representation coefficient of the obtained low-resolution image block is approximately equal to the sparse representation coefficient of the high-resolution image block to be found in the high-resolution dictionary Dh, and use it to estimate the corresponding high-resolution image block

S4、利用后向投影滤波器来减小高分辨率图像的重建误差,得到滤波后的高分辨率图像块,后向投影滤波器用数学式表达为其中,S表示采样因子,H表示模糊算子,c为常数,X0为高分辨率图像的初始估计值;采用梯度下降法来求解:S4, using the back projection filter to reduce the reconstruction error of the high-resolution image, and obtain the filtered high-resolution image block, the back projection filter is expressed mathematically as Among them, S represents the sampling factor, H represents the fuzzy operator, c is a constant, and X0 is the initial estimated value of the high-resolution image; the gradient descent method is used to solve:

Xlm+1=Xt+v[HTST(Y-SHXt)+c(Xt-X)]X lm+1 =X t +v[H T S T (Y-SHX t )+c(X t -X)]

其中,Xt表示t次迭代后对高分辨率图像的估计,v表示梯度下降法中的步长。where Xt represents the estimation of the high-resolution image after t iterations, and v represents the step size in the gradient descent method.

本发明所述的方法中,步骤S1具体为:提取图像训练库中的高低分辨率图像块信息,并利用K-奇异值分解算法对获得的高低分辨率图像块进行训练得到稀疏表示的高低分辨率字典对。In the method of the present invention, step S1 specifically includes: extracting the high and low resolution image block information in the image training library, and using the K-singular value decomposition algorithm to train the obtained high and low resolution image blocks to obtain the high and low resolution of the sparse representation rate dictionary pair.

本发明所述的方法中,所提取的一阶、二阶梯度特征为HOG方向梯度直方图特征。In the method of the present invention, the extracted first-order and second-order gradient features are HOG direction gradient histogram features.

本发明还提供一种基于稀疏表示的图像超分辨率重建系统包括:The present invention also provides a sparse representation-based image super-resolution reconstruction system comprising:

训练模块,用于利用图像训练库得到完备的高低分辨率字典对,包括低分辨率字典Dl和高分辨率字典Dh;The training module is used to obtain a complete high and low resolution dictionary pair using the image training library, including a low resolution dictionary D1 and a high resolution dictionary Dh;

稀疏表示模块,用于将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,提取该初始图像的一阶、二阶梯度特征,对提取的特征进行重叠分块,将每一个图像块对应的特征组合成一个向量,设为y,然后利用低分辨率字典Dl获得y的稀疏表示α*The sparse representation module is used to double-cubic magnify the low-resolution image to be reconstructed to obtain the initial image of the super-resolution algorithm, extract the first-order and second-order gradient features of the initial image, and overlap and block the extracted features. The features corresponding to each image block are combined into a vector, set to y, and then use the low-resolution dictionary Dl to obtain the sparse representation α * of y:

aa ** == argarg minmin || || ythe y -- DD. ll aa || || 22 22 ++ ββ || || PP DD. hh aa -- ww || || 22 22 ++ λλ || || aa || || 11 == argarg minmin || || ythe y ~~ -- DD. ~~ aa || || 22 22 ++ λλ || || aa || || 11

其中,P为重叠区域,w为重叠区域中已重建出来的像素值,β是一个常数,用来调整已重建出来的像素值对待重建块重建的影响;in, P is the overlapping area, w is the reconstructed pixel value in the overlapping area, and β is a constant used to adjust the influence of the reconstructed pixel value on the reconstruction of the reconstruction block;

高分辨率图像重建模块,用于将获得的低分辨率字典Dl的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典Dh中的稀疏表示系数,并利用其估计出相应的高分辨率图像块 The high-resolution image reconstruction module is used to approximately equal the sparse representation coefficient of the obtained low-resolution dictionary Dl to the sparse representation coefficient of the high-resolution image block to be obtained in the high-resolution dictionary Dh, and use it to estimate the corresponding high-resolution image blocks of

误差消除模块,用于利用后向投影滤波器来减小高分辨率图像的重建误差,得到滤波后的高分辨率图像块,后向投影滤波器用数学式表达为其中,S表示采样因子,H表示模糊算子,,X0为高分辨率图像的初始估计值,c为常数,采用梯度下降法来求解:The error elimination module is used to reduce the reconstruction error of the high-resolution image by using the back-projection filter to obtain the filtered high-resolution image block, and the back-projection filter is expressed as Among them, S represents the sampling factor, H represents the fuzzy operator, X0 is the initial estimated value of the high-resolution image, c is a constant, and the gradient descent method is used to solve:

Xlm+1=Xt+v[HTST(Y-SHXt)+c(Xt-X)]X lm+1 =X t +v[H T S T (Y-SHX t )+c(X t -X)]

其中,Xt表示t次迭代后对高分辨率图像的估计,v表示梯度下降法中的步长。where Xt represents the estimation of the high-resolution image after t iterations, and v represents the step size in the gradient descent method.

本发明所述的系统中,训练模块具体用于:提取图像训练库中的高低分辨率图像块信息,并利用K-奇异值分解算法对获得的高低分辨率图像块进行训练得到稀疏表示的高低分辨率字典对。In the system of the present invention, the training module is specifically used to: extract the high and low resolution image block information in the image training library, and use the K-singular value decomposition algorithm to train the obtained high and low resolution image blocks to obtain the height of the sparse representation Resolution dictionary pair.

本发明所述的系统中,所提取的一阶、二阶梯度特征为HOG方向梯度直方图特征。In the system of the present invention, the extracted first-order and second-order gradient features are HOG direction gradient histogram features.

本发明产生的有益效果是:本发明在进行超分辨率重建的估计过程中引入了参数β,用来调整已重建出来的像素值对待重建块重建的影响,参数β的引入也就是引入了不确定性,可阻止不同变量间估计误差的扩大;将高分辨率图像和算法中的未知参数在一个框架下建模,对未知变量进行联合估计,计算出解析出超参数X0的值,提高了对噪声的稳定性,不需要进行参数调整。The beneficial effects produced by the present invention are: the present invention introduces a parameter β in the estimation process of super-resolution reconstruction, which is used to adjust the influence of the reconstructed pixel value on the reconstruction of the reconstruction block. Determinism, which can prevent the expansion of estimation errors between different variables; model the high-resolution images and unknown parameters in the algorithm under one framework, jointly estimate the unknown variables, calculate and analyze the value of the hyperparameter X 0 , and improve In order to be stable against noise, no parameter adjustment is required.

附图说明Description of drawings

下面将结合附图及实施例对本发明作进一步说明,附图中:The present invention will be further described below in conjunction with accompanying drawing and embodiment, in the accompanying drawing:

图1是本发明实施例基于稀疏表示的图像超分辨率重建方法的流程图;Fig. 1 is a flowchart of an image super-resolution reconstruction method based on sparse representation according to an embodiment of the present invention;

图2是本发明实施例基于稀疏表示的图像超分辨率重建算法的字典训练过程图;Fig. 2 is the dictionary training process diagram of the image super-resolution reconstruction algorithm based on sparse representation in the embodiment of the present invention;

图3是本发明实施例图像重建简图。Fig. 3 is a schematic diagram of image reconstruction according to an embodiment of the present invention.

具体实施方式detailed description

为了使本发明的目的、技术方案及优点更加清楚明白,以下结合附图及实施例,对本发明进行进一步详细说明。应当理解,此处所描述的具体实施例仅用以解释本发明,并不用于限定本发明。In order to make the object, technical solution and advantages of the present invention clearer, the present invention will be further described in detail below in conjunction with the accompanying drawings and embodiments. It should be understood that the specific embodiments described here are only used to explain the present invention, not to limit the present invention.

本发明基于稀疏表示的图像超分辨率重建算法包括过完备字典构建和高分辨率图像重建两个阶段。如图1所示,具体包括以下步骤:The image super-resolution reconstruction algorithm based on sparse representation of the present invention includes two stages of over-complete dictionary construction and high-resolution image reconstruction. As shown in Figure 1, it specifically includes the following steps:

S1、利用图像训练库得到完备的高低分辨率字典对,包括低分辨率字典Dl和高分辨率字典Dh;S1, using the image training library to obtain a complete pair of high- and low-resolution dictionaries, including a low-resolution dictionary Dl and a high-resolution dictionary Dh;

S2、将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,提取该初始图像的一阶、二阶梯度特征,对提取的特征进行重叠分块,得到低分辨率图像块,将每一个低分辨率图像块对应的特征组合成一个向量,利用低分辨率字典Dl获得y的稀疏表示;S2. Perform bicubic amplification on the low-resolution image to be reconstructed to obtain the initial image of the super-resolution algorithm, extract the first-order and second-order gradient features of the initial image, and overlap and block the extracted features to obtain a low-resolution image Block, combine the features corresponding to each low-resolution image block into a vector, and use the low-resolution dictionary Dl to obtain the sparse representation of y;

S3、将获得的低分辨率图像块的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典中的稀疏表示系数,并利用其估计出相应的高分辨率图像的初始估计值;S3. The sparse representation coefficient of the obtained low-resolution image block is approximately equal to the sparse representation coefficient of the high-resolution image block to be obtained in the high-resolution dictionary, and use it to estimate the initial estimate of the corresponding high-resolution image value;

S4、利用后向投影滤波器来减小高分辨率图像的重建误差。S4. Using a back-projection filter to reduce a reconstruction error of the high-resolution image.

在字典构建和图像重建过程中均涉及到稀疏表示系数的求解,因此,下文将对图像的稀疏表示理论模型、过完备字典构建和高分辨率图像重建方法进行详细说明。Both dictionary construction and image reconstruction involve the solution of sparse representation coefficients. Therefore, the theoretical model of image sparse representation, over-complete dictionary construction and high-resolution image reconstruction methods will be described in detail below.

(1)图像的稀疏表示理论模型(1) Sparse representation theory model of image

图像的稀疏表示指的是,图像或图像信号可以利用过完备原子库中一系列合适的原子进行线性组合来近似逼近。由于该线性组合用到的原子数目远远小于原子库中原子的总数目,因此,这个原子库是过完备的。图像的稀疏表示原理如下:The sparse representation of an image means that an image or image signal can be approximated by a linear combination of a series of suitable atoms in an over-complete atomic library. Since the number of atoms used in this linear combination is much smaller than the total number of atoms in the atomic library, the atomic library is over-complete. The principle of image sparse representation is as follows:

给定图像信号Y和过完备字典D,可以利用D中一系列合适的基线性组合来表示Y。其中的数学关系可表示为:Given an image signal Y and an overcomplete dictionary D, Y can be represented by a series of suitable base linear combinations in D. The mathematical relationship can be expressed as:

min||α||0s.t.y=Dαmin||α|| 0 sty=Dα

其中,α是稀疏表示系数,||·||0表示0范数,由于利用表达式求解||·||0是一个NP难的问题,实际计算中采用||·||1的求解过程转化为凸优化问题:Among them, α is a sparse representation coefficient, and ||·|| 0 represents the 0 norm. Since it is an NP-hard problem to solve ||·|| 0 using the expression, the solution process of ||·|| 1 is used in the actual calculation. Converted to a convex optimization problem:

aa ** == argarg minmin || || ythe y -- DD. αα || || 22 22 ++ λλ || || αα || || 11

其中,λ是正则化参数(即a*与a的线性参数值)。Among them, λ is the regularization parameter (that is, the linear parameter value of a* and a).

(2)过完备字典构建(2) Complete dictionary construction

基于稀疏表示的图像超分辨率重建算法的第一步是利用图像训练库来获得过完备的稀疏表示字典。过完备字典的训练是通过提取图像训练库中的高低分辨率图像块信息,并利用K-奇异值分解算法对获得的高低分辨率图像块进行训练得到稀疏表示的高低分辨率字典对。The first step of the image super-resolution reconstruction algorithm based on sparse representation is to use the image training library to obtain an over-complete sparse representation dictionary. The training of the complete dictionary is to extract the high and low resolution image block information in the image training library, and use the K-singular value decomposition algorithm to train the obtained high and low resolution image blocks to obtain sparsely represented high and low resolution dictionary pairs.

图2给出了基于稀疏表示的图像超分辨率重建算法中字典训练的具体过程。具体为:Figure 2 shows the specific process of dictionary training in image super-resolution reconstruction algorithm based on sparse representation. Specifically:

①将低分辨率图像集中的图像划分为N×N大小的图像块,并提取特征。具体方法是采用4个一维滤波器:① Divide the images in the low-resolution image set into N×N size image blocks, and extract features. The specific method is to use four one-dimensional filters:

f1=[-1,0,1] f 1 =[-1,0,1]

f3=[1,0,-2,0,1] f 3 =[1,0,-2,0,1]

其中,T表示转置。将低分辨图像与这四个滤波器算子的卷积结果作为低分辨图像的特征。将分块得到的四个特征块与其对应的高分辨率图像块联合起来作为字典训练算法的输入,这种方法考虑了低分辨率图像的邻域信息,因此有利于提高重建的高分辨率图像块间的兼容性。Among them, T means transpose. The convolution results of the low-resolution image and these four filter operators are used as the features of the low-resolution image. The four feature blocks obtained by block segmentation and their corresponding high-resolution image blocks are combined as the input of the dictionary training algorithm. This method considers the neighborhood information of the low-resolution image, so it is beneficial to improve the reconstruction of the high-resolution image. Compatibility between blocks.

②训练低分辨率字典。根据①的结果,利用稀疏K-SVD算法求解,得到低分辨率字典Dl。② Training low-resolution dictionary. According to the results of ①, the sparse K-SVD algorithm is used to solve the problem, and the low-resolution dictionary Dl is obtained.

③将低分辨率字典Dl通过插值得到与其上一级的高分辨率图像集的尺寸相同的插值图像集Dh。③ The low-resolution dictionary Dl is interpolated to obtain an interpolated image set Dh with the same size as the upper-level high-resolution image set.

基于稀疏表示的图像超分辨率重建算法进行字典训练所用的技术包括训练样本的提取方法和进行字典训练的K-SVD算法。The techniques used for dictionary training in the image super-resolution reconstruction algorithm based on sparse representation include the extraction method of training samples and the K-SVD algorithm for dictionary training.

a.训练样本的提取a. Extraction of training samples

在基于稀疏表示的图像超分辨率重建算法中,对图像的处理是分块进行的,训练样本由图像训练库中的高分辨图像随机抽取而来,通常训练样本数要远远大于字典中的原子个数。为了获得一个具有广泛适用性的字典,应尽可能选择较多的自然高分辨率图像作为图像训练库,且图像训练库中的图像信息种类要尽可能多。在具体的字典训练过程中,低分辨率图像是由高分辨图像退化而来,常常需要提取低分辨率图像的多种特征,并将其特征进行分块与对应的高分辨图像块组成一个向量进行字典的训练。由于图像的一阶、二阶梯度能有效地表达图像的特征,且提取算法简单,因此常用它们来表示图像的特征。图像的一阶、二阶梯度为方向梯度直方图(Histogram of Oriented Gradient,HOG)特征,HOG特征是一种在计算机视觉和图像处理中用来进行物体检测的特征描述子。图像的一阶、二阶梯度滤波器算子可以表示为:In the image super-resolution reconstruction algorithm based on sparse representation, the image is processed in blocks, and the training samples are randomly selected from the high-resolution images in the image training library. Usually, the number of training samples is much larger than that in the dictionary. number of atoms. In order to obtain a dictionary with wide applicability, as many natural high-resolution images as possible should be selected as the image training library, and the types of image information in the image training library should be as large as possible. In the specific dictionary training process, the low-resolution image is degenerated from the high-resolution image, and it is often necessary to extract various features of the low-resolution image, and divide its features into blocks and form a vector with the corresponding high-resolution image blocks Conduct dictionary training. Since the first-order and second-order gradients of an image can effectively express the features of the image, and the extraction algorithm is simple, they are often used to represent the features of the image. The first-order and second-order gradients of the image are Histogram of Oriented Gradient (HOG) features, and the HOG feature is a feature descriptor used for object detection in computer vision and image processing. The first-order and second-order gradient filter operators of the image can be expressed as:

f1=[-1,0,1],f2=f1 T f 1 =[-1,0,1], f 2 =f 1 T

f3=[1,0,-2,0,1],f4=f3 T f 3 =[1,0,-2,0,1], f 4 =f 3 T

其中,T表示转置。将低分辨图像与这四个滤波器算子的卷积结果作为低分辨图像的特征。然后将分块得到的四个特征块与其对应的高分辨率图像块联合起来作为字典训练算法的输入。这种方法考虑了低分辨率图像的邻域信息,因此有利于提高重建的高分辨率图像块间的兼容性。Among them, T means transpose. The convolution results of the low-resolution image and these four filter operators are used as the features of the low-resolution image. Then the four feature blocks obtained by block segmentation are combined with their corresponding high-resolution image blocks as the input of the dictionary training algorithm. This method takes into account the neighborhood information of the low-resolution image, so it is beneficial to improve the compatibility between the reconstructed high-resolution image patches.

b.K-SVD字典训练法b. K-SVD dictionary training method

K-SVD算法是基于稀疏表示的图像超分辨率重建算法中字典训练过程的核心算法。K-SVD算法又被称为广义K一均值聚类算法,它与K-均值聚类算法有很大的联系,当K-SVD算法中的每个信号只用一个原子来近似表示时,K-SVD算法就退化为K一均值聚类算法。它的主要思想是:求解输入样例在当前字典中的稀疏表示以及字典更新这两个过程的不断交替,根据稀疏表示结果对字典的每一列进行更新。假设有N个训练样本输出,用D∈Rn*k表示过完备词典,Y={yi∈Rn,i=1,2,........,N}表示训练样本集合,A={αi∈Rk,i=1,2,......,N}表示训练样本的稀疏表示系数集合,则K-SVD字典训练算法可以等价为求解式The K-SVD algorithm is the core algorithm of the dictionary training process in the image super-resolution reconstruction algorithm based on sparse representation. The K-SVD algorithm is also called the generalized K-means clustering algorithm, which has a great relationship with the K-means clustering algorithm. When each signal in the K-SVD algorithm is approximately represented by only one atom, K -SVD algorithm degenerates into K-means clustering algorithm. Its main idea is: solve the sparse representation of the input sample in the current dictionary and the continuous alternation of the dictionary update, and update each column of the dictionary according to the result of the sparse representation. Assuming that there are N training sample outputs, use D∈R n*k to represent the overcomplete dictionary, and Y={y i ∈R n ,i=1,2,...,N} to represent the training sample set , A={α i ∈ R k ,i=1,2,...,N} represents the sparse representation coefficient set of training samples, then the K-SVD dictionary training algorithm can be equivalent to the solution formula

minmin DD. .. AA {{ || || YY -- DD. AA || || Ff 22 }} sthe s .. tt .. ∀∀ ii ,, || || aa ii || || 00 ≤≤ TT 00

其中,T为稀疏表示系数中非零数目的上限值。Among them, T is the upper limit value of the non-zero number in the sparse representation coefficient.

(3)图像重建过程(3) Image reconstruction process

详见图3。基于稀疏表示的图像超分辨率重建算法在经过字典训练之后,通过将己知的低分辨率图像在训练得到的高低分辨率字典中进行稀疏表示和重建,从而估计出期望的高分辨率图像。基于稀疏表示的图像超分辨率重建算法的高分辨率图像重建过程。See Figure 3 for details. The image super-resolution reconstruction algorithm based on sparse representation estimates the desired high-resolution image by sparsely representing and reconstructing known low-resolution images in the trained high- and low-resolution dictionary after dictionary training. High-Resolution Image Reconstruction Process with Sparse Representation-Based Image Super-Resolution Reconstruction Algorithms.

首先将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,接着提取该初始图像的一阶、二阶梯度特征,对特征进行重叠分块,将每一个图像块对应的特征组合成一个向量,设为y,然后利用在低分辨率字典Dl中获得y得稀疏表示系α*。First, the low-resolution image to be reconstructed is bicubically enlarged to obtain the initial image of the super-resolution algorithm, and then the first-order and second-order gradient features of the initial image are extracted, and the features are overlapped and divided into blocks, and each image block corresponds to The features are combined into a vector, set to y, and then use the sparse representation system α* obtained in the low-resolution dictionary Dl for y.

aa ** == argarg minmin || || ythe y -- DD. ll αα || || 22 22 ++ ββ || || PP DD. hh αα -- ww || || 22 22 ++ λλ || || aa || || 11 == argarg minmin || || ythe y ~~ -- DD. ~~ αα || || 22 22 ++ λλ || || αα || || 11

其中,in,

DD. ~~ == DD. ll PDPD hh ,, ythe y ~~ == ythe y ββ ww

P为重叠区域,w为重叠区域中已重建出来的像素值,β是一个常数,用来调整已重建出来的像素值对待重建块重建的影响。β的值可根据利用图片自身的特征来确定 表示2范数的平方,||·||1表示1范数。λ为a*与a的线性参数值。P is the overlapping area, w is the reconstructed pixel value in the overlapping area, and β is a constant used to adjust the influence of the reconstructed pixel value on the reconstructed block. The value of β can be determined according to the characteristics of the picture itself Indicates the square of the 2-norm, and ||·|| 1 indicates the 1-norm. λ is the linear parameter value of a* and a.

然后根据高低分辨率图像块在局部具有相似的几何流形这一特性,可认为高低分辨率图像块对在训练集中的稀疏表示系数是一致的,因此将获得的低分辨图像块的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典中的稀疏表示系数,并利用其估计出相应的高分辨率图像块 Then, according to the characteristic that the high and low resolution image blocks have similar geometric manifolds locally, it can be considered that the sparse representation coefficients of the high and low resolution image blocks in the training set are consistent, so the sparse representation coefficients of the obtained low resolution image blocks It is approximately equal to the sparse representation coefficient of the high-resolution image block to be sought in the high-resolution dictionary, and uses it to estimate the corresponding high-resolution image block

xx ~~ == DhαDhα **

利用上述方法,可以获得高分辨率图像的初始估计值X0。但是,得到的高分辨率图像并不能精确地代表实际的高分辨率图像,且不能很好地体现高分辨率图像退化成低分辨率图像的过程,同时低分辨率图像中可能存在干扰(如噪声等)。因此在算法的最后,基于稀疏表示的图像超分辨率重建算法运用后向投影滤波器来减小高分辨率图像的重建误差。后向投影滤波器用数学式表达为Using the above method, the initial estimated value X 0 of the high-resolution image can be obtained. However, the obtained high-resolution image cannot accurately represent the actual high-resolution image, and cannot well reflect the process of degrading the high-resolution image into a low-resolution image, and there may be interference in the low-resolution image (such as noise, etc.). Therefore, at the end of the algorithm, the image super-resolution reconstruction algorithm based on sparse representation uses a back-projection filter to reduce the reconstruction error of high-resolution images. The backprojection filter is expressed mathematically as

Xx ** == argarg minmin || || SS Hh YY -- ythe y || || 22 22 ++ cc || || Xx -- Xx 00 || || 22 22

其中,S表示采样因子,H表示模糊算子,c为常数。在实际计算中,常采用梯度下降法来求解:Among them, S represents the sampling factor, H represents the fuzzy operator, and c is a constant. In actual calculation, the gradient descent method is often used to solve:

Xlm+1=Xt+v[HTST(Y-SHXt)+c(Xt-X0)]X lm+1 =X t +v[H T S T (Y-SHX t )+c(X t -X 0 )]

其中,Xt表示t次迭代后对高分辨率图像的估计,T表示转置,v表示梯度下降法中的步长,lm+1表示低分辨率字典Dl中的第m+1个参数,Y表示高分辨率字典Dh中对应的参数。Among them, Xt represents the estimation of the high-resolution image after t iterations, T represents the transpose, v represents the step size in the gradient descent method, lm+1 represents the m+1th parameter in the low-resolution dictionary Dl, Y Indicates the corresponding parameters in the high-resolution dictionary Dh.

基于稀疏表示的图像超分辨率重建方法可以获得更好的图像重建结果,但缺点是相对于双二次插值来说,该算法的运行时间比较长,同时与双二次插值和邻域嵌入的方法相比,该算法在边缘处图像重建得不够平滑。但是基于稀疏表示的图像超分辨率重建算法能更好的保留原始高分辨率图像的信息。The image super-resolution reconstruction method based on sparse representation can obtain better image reconstruction results, but the disadvantage is that compared with biquadratic interpolation, the running time of this algorithm is relatively long, and it is compatible with biquadratic interpolation and neighborhood embedding. Compared with other methods, this algorithm does not reconstruct the image smoothly at the edge. But the image super-resolution reconstruction algorithm based on sparse representation can better preserve the information of the original high-resolution image.

应当理解的是,对本领域普通技术人员来说,可以根据上述说明加以改进或变换,而所有这些改进和变换都应属于本发明所附权利要求的保护范围。It should be understood that those skilled in the art can make improvements or changes based on the above description, and all these improvements and changes should fall within the protection scope of the appended claims of the present invention.

Claims (6)

1.一种基于稀疏表示的图像超分辨率重建方法,其特征在于,包括以下步骤:1. A method for image super-resolution reconstruction based on sparse representation, comprising the following steps: S1、利用图像训练库得到完备的高低分辨率字典对,包括低分辨率字典Dl和高分辨率字典Dh;S1, using the image training library to obtain a complete pair of high- and low-resolution dictionaries, including a low-resolution dictionary Dl and a high-resolution dictionary Dh; S2、将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,提取该初始图像的一阶、二阶梯度特征,对提取的特征进行重叠分块,得到低分辨率图像块,将每一个低分辨率图像块对应的特征组合成一个向量,设为y,然后利用低分辨率字典Dl获得y的稀疏表示a*S2. Perform bicubic amplification on the low-resolution image to be reconstructed to obtain the initial image of the super-resolution algorithm, extract the first-order and second-order gradient features of the initial image, and overlap and block the extracted features to obtain a low-resolution image Block, combine the features corresponding to each low-resolution image block into a vector, set it as y, and then use the low-resolution dictionary Dl to obtain the sparse representation a * of y: aa ** == argarg minmin || || ythe y -- DD. ll aa || || 22 22 ++ ββ || || PP DD. hh aa -- ww || || 22 22 ++ λλ || || aa || || 11 == argarg minmin || || ythe y ~~ -- DD. ~~ aa || || 22 22 ++ λλ || || aa || || 11 其中,P为重叠区域,w为重叠区域中已重建出来的像素值,β是一个常数,用来调整已重建出来的像素值对待重建块重建的影响,λ为a*与a的线性参数值;in, P is the overlapping area, w is the reconstructed pixel value in the overlapping area, β is a constant used to adjust the influence of the reconstructed pixel value on the reconstruction of the reconstruction block, and λ is the linear parameter value of a * and a; S3、将获得的低分辨率图像特征块的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典Dh中的稀疏表示系数,并利用其估计出相应的高分辨率图像块 S3. The sparse representation coefficient of the obtained low-resolution image feature block is approximately equal to the sparse representation coefficient of the high-resolution image block to be obtained in the high-resolution dictionary Dh, and use it to estimate the corresponding high-resolution image block S4、利用后向投影滤波器来减小高分辨率图像的重建误差,得到滤波后的高分辨率图像块,后向投影滤波器用数学式表达为其中,S表示采样因子,H表示模糊算子,c为常数,X0为高分辨率图像的初始估计值;采用梯度下降法来求解:S4, using the back projection filter to reduce the reconstruction error of the high-resolution image, and obtain the filtered high-resolution image block, the back projection filter is expressed mathematically as Among them, S represents the sampling factor, H represents the fuzzy operator, c is a constant, and X0 is the initial estimated value of the high-resolution image; the gradient descent method is used to solve: Xlm+1=Xt+v[HTST(Y-SHXt)+c(Xt-X)]X lm+1 =X t +v[H T S T (Y-SHX t )+c(X t -X)] 其中,T表示转置,Xt表示t次迭代后对高分辨率图像的估计,v表示梯度下降法中的步长,lm+1表示低分辨率字典Dl中的第m+1个参数,m为整数。Among them, T represents the transpose, Xt represents the estimation of the high-resolution image after t iterations, v represents the step size in the gradient descent method, lm+1 represents the m+1th parameter in the low-resolution dictionary Dl, m is an integer. 2.根据权利要求1所述的方法,其特征在于,步骤S1具体为:提取图像训练库中的高低分辨率图像块信息,并利用K-奇异值分解算法对获得的高低分辨率图像块进行训练得到稀疏表示的高低分辨率字典对。2. The method according to claim 1, wherein step S1 is specifically: extracting the high and low resolution image block information in the image training library, and utilizing the K-singular value decomposition algorithm to process the obtained high and low resolution image blocks Train to get sparsely represented high- and low-resolution dictionary pairs. 3.根据权利要求1所述的方法,其特征在于,所提取的一阶、二阶梯度特征为HOG方向梯度直方图特征。3. The method according to claim 1, wherein the extracted first-order and second-order gradient features are HOG direction gradient histogram features. 4.一种基于稀疏表示的图像超分辨率重建系统,其特征在于,包括:4. An image super-resolution reconstruction system based on sparse representation, characterized in that, comprising: 训练模块,用于利用图像训练库得到完备的高低分辨率字典对,包括低分辨率字典Dl和高分辨率字典Dh;The training module is used to obtain a complete high and low resolution dictionary pair using the image training library, including a low resolution dictionary D1 and a high resolution dictionary Dh; 稀疏表示模块,用于将待重建的低分辨图像进行双三次放大,获得超分辨率算法的初始图像,提取该初始图像的一阶、二阶梯度特征,对提取的特征进行重叠分块,将每一个图像块对应的特征组合成一个向量,设为y,然后利用低分辨率字典Dl获得y的稀疏表示α*The sparse representation module is used to double-cubic magnify the low-resolution image to be reconstructed to obtain the initial image of the super-resolution algorithm, extract the first-order and second-order gradient features of the initial image, and overlap and block the extracted features. The features corresponding to each image block are combined into a vector, set to y, and then use the low-resolution dictionary Dl to obtain the sparse representation α * of y: aa ** == argarg minmin || || ythe y -- DD. ll aa || || 22 22 ++ ββ || || PP DD. hh aa -- ww || || 22 22 ++ λλ || || aa || || 11 == argarg minmin || || ythe y ~~ -- DD. ~~ aa || || 22 22 ++ λλ || || aa || || 11 其中,P为重叠区域,w为重叠区域中已重建出来的像素值,β是一个常数,用来调整已重建出来的像素值对待重建块重建的影响;in, P is the overlapping area, w is the reconstructed pixel value in the overlapping area, and β is a constant used to adjust the influence of the reconstructed pixel value on the reconstruction of the reconstruction block; 高分辨率图像重建模块,用于将获得的低分辨率字典Dl的稀疏表示系数近似地等于待求的高分辨率图像块在高分辨率字典Dh中的稀疏表示系数,并利用其估计出相应的高分辨率图像块 The high-resolution image reconstruction module is used to approximately equal the sparse representation coefficient of the obtained low-resolution dictionary Dl to the sparse representation coefficient of the high-resolution image block to be obtained in the high-resolution dictionary Dh, and use it to estimate the corresponding high-resolution image blocks of 误差消除模块,用于利用后向投影滤波器来减小高分辨率图像的重建误差,得到滤波后的高分辨率图像块,后向投影滤波器用数学式表达为其中,S表示采样因子,H表示模糊算子,,X0为高分辨率图像的初始估计值,c为常数,采用梯度下降法来求解:The error elimination module is used to reduce the reconstruction error of the high-resolution image by using the back-projection filter to obtain the filtered high-resolution image block, and the back-projection filter is expressed as Among them, S represents the sampling factor, H represents the fuzzy operator, X 0 is the initial estimated value of the high-resolution image, c is a constant, and the gradient descent method is used to solve it: Xlm+1=Xt+v[HTST(Y-SHXt)+c(Xt-X)]X lm+1 =X t +v[H T S T (Y-SHX t )+c(X t -X)] 其中,Xt表示t次迭代后对高分辨率图像的估计,v表示梯度下降法中的步长。where Xt represents the estimation of the high-resolution image after t iterations, and v represents the step size in the gradient descent method. 5.根据权利要求4所述的系统,其特征在于,训练模块具体用于:提取图像训练库中的高低分辨率图像块信息,并利用K-奇异值分解算法对获得的高低分辨率图像块进行训练得到稀疏表示的高低分辨率字典对。5. The system according to claim 4, wherein the training module is specifically used for: extracting high and low resolution image block information in the image training library, and utilizing the K-singular value decomposition algorithm to obtain high and low resolution image blocks Perform training to obtain sparsely represented high- and low-resolution dictionary pairs. 6.根据权利要求4所述的系统,其特征在于,所提取的一阶、二阶梯度特征为HOG方向梯度直方图特征。6. The system according to claim 4, wherein the extracted first-order and second-order gradient features are HOG direction gradient histogram features.
CN201610167515.XA 2016-03-23 2016-03-23 Image super-resolution reconstruction method and system based on sparse representation Pending CN105844590A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201610167515.XA CN105844590A (en) 2016-03-23 2016-03-23 Image super-resolution reconstruction method and system based on sparse representation

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201610167515.XA CN105844590A (en) 2016-03-23 2016-03-23 Image super-resolution reconstruction method and system based on sparse representation

Publications (1)

Publication Number Publication Date
CN105844590A true CN105844590A (en) 2016-08-10

Family

ID=56584225

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201610167515.XA Pending CN105844590A (en) 2016-03-23 2016-03-23 Image super-resolution reconstruction method and system based on sparse representation

Country Status (1)

Country Link
CN (1) CN105844590A (en)

Cited By (30)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106340027A (en) * 2016-08-26 2017-01-18 西北大学 Calligraphy background reconstruction method based on image super resolution
CN106447610A (en) * 2016-08-31 2017-02-22 重庆大学 Image reconstruction method and image reconstruction device
CN106683049A (en) * 2016-12-21 2017-05-17 华南理工大学 Reconstruction method of the image super-resolution based on the saliency map and the sparse representation
CN106934766A (en) * 2017-03-15 2017-07-07 西安理工大学 A kind of infrared image super resolution ratio reconstruction method based on rarefaction representation
CN107038684A (en) * 2017-04-10 2017-08-11 南京信息工程大学 A kind of method for lifting TMI spatial resolution
CN107093170A (en) * 2017-04-21 2017-08-25 西安电子科技大学 A kind of real-time super-resolution rate method for reconstructing
CN107203969A (en) * 2017-06-13 2017-09-26 武汉大学 A kind of high magnification image super-resolution rebuilding method of medium scale constraint
CN107341776A (en) * 2017-06-21 2017-11-10 北京工业大学 Single frames super resolution ratio reconstruction method based on sparse coding and combinatorial mapping
CN107680146A (en) * 2017-09-13 2018-02-09 深圳先进技术研究院 Method for reconstructing, device, equipment and the storage medium of PET image
CN107767337A (en) * 2017-09-29 2018-03-06 深圳先进技术研究院 A kind of image super-resolution rebuilding method, device, mobile terminal and storage medium
CN107818546A (en) * 2017-11-01 2018-03-20 淮海工学院 A kind of positron emission fault image super-resolution rebuilding method based on rarefaction representation
CN107945114A (en) * 2017-11-30 2018-04-20 天津大学 Magnetic resonance image super-resolution method based on cluster dictionary and iterative backprojection
CN107977929A (en) * 2016-10-21 2018-05-01 中国电信股份有限公司 Image Super Resolution Processing method and apparatus
CN108122262A (en) * 2016-11-28 2018-06-05 南京理工大学 Based on the separated rarefaction representation single-frame images super-resolution rebuilding algorithm of main structure
CN108133456A (en) * 2016-11-30 2018-06-08 京东方科技集团股份有限公司 Face super-resolution reconstruction method, reconstructing apparatus and computer system
CN108492250A (en) * 2018-03-07 2018-09-04 大连大学 The method of depth image Super-resolution Reconstruction based on the guiding of high quality marginal information
CN108492252A (en) * 2018-03-20 2018-09-04 南昌工程学院 Face image super-resolution reconstruction method based on secondary reconstruction
CN108537734A (en) * 2018-04-16 2018-09-14 西华大学 Single image super resolution ratio reconstruction method based on gradient profile example dictionary and Weighted adaptive p norms
CN108765293A (en) * 2018-05-31 2018-11-06 成都信息工程大学 A kind of MR image reconstruction method and system based on rarefaction representation
CN108830792A (en) * 2018-05-09 2018-11-16 浙江师范大学 A kind of image super-resolution method using multiclass dictionary
CN108985350A (en) * 2018-06-27 2018-12-11 北京中安未来科技有限公司 It is a kind of that the method and apparatus of blurred picture are identified based on gradient magnitude sparse features information, calculate equipment and storage medium
CN109325916A (en) * 2018-10-16 2019-02-12 哈尔滨理工大学 A video image super-resolution reconstruction method based on sparse representation
CN109447905A (en) * 2018-11-06 2019-03-08 大连海事大学 Based on the marine image super-resolution rebuilding method for differentiating dictionary
CN109685738A (en) * 2018-12-24 2019-04-26 广东理致技术有限公司 A kind of method and device of improving image definition
CN109785235A (en) * 2018-12-29 2019-05-21 华中光电技术研究所(中国船舶重工集团有限公司第七一七研究所) Compressed sensing based infrared pedestrian image super resolution ratio reconstruction method and system
CN110211037A (en) * 2019-04-26 2019-09-06 南京航空航天大学 A kind of image super-resolution method based on the study of multistage sparse dictionary
CN110223231A (en) * 2019-06-06 2019-09-10 天津工业大学 A kind of rapid super-resolution algorithm for reconstructing of noisy image
CN110648392A (en) * 2019-09-10 2020-01-03 中国人民解放军国防科技大学 An iterative initial image generation method based on learning and sparse representation
CN110648277A (en) * 2018-06-26 2020-01-03 天津工业大学 Secondary Super-Resolution Reconstruction of Interferometric Hyperspectral Images Based on Adaptive Penalty Model
CN111951167A (en) * 2020-08-25 2020-11-17 深圳思谋信息科技有限公司 Super-resolution image reconstruction method, super-resolution image reconstruction device, computer equipment and storage medium

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20080175509A1 (en) * 2007-01-24 2008-07-24 General Electric Company System and method for reconstructing restored facial images from video
CN101556690A (en) * 2009-05-14 2009-10-14 复旦大学 Image super-resolution method based on overcomplete dictionary learning and sparse representation
CN103077511A (en) * 2013-01-25 2013-05-01 西安电子科技大学 Image super-resolution reconstruction method based on dictionary learning and structure similarity

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20080175509A1 (en) * 2007-01-24 2008-07-24 General Electric Company System and method for reconstructing restored facial images from video
CN101556690A (en) * 2009-05-14 2009-10-14 复旦大学 Image super-resolution method based on overcomplete dictionary learning and sparse representation
CN103077511A (en) * 2013-01-25 2013-05-01 西安电子科技大学 Image super-resolution reconstruction method based on dictionary learning and structure similarity

Non-Patent Citations (1)

* Cited by examiner, † Cited by third party
Title
王晓春: "基于稀疏表示的单帧图像超分辨率重建算法研究", 《中国优秀硕士学位论文全文数据库-信息科技辑》 *

Cited By (42)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106340027B (en) * 2016-08-26 2019-02-01 西北大学 A kind of calligraphy Background Rebuilding Method based on image super-resolution
CN106340027A (en) * 2016-08-26 2017-01-18 西北大学 Calligraphy background reconstruction method based on image super resolution
CN106447610A (en) * 2016-08-31 2017-02-22 重庆大学 Image reconstruction method and image reconstruction device
CN106447610B (en) * 2016-08-31 2019-07-23 重庆大学 Image reconstruction method and device
CN107977929A (en) * 2016-10-21 2018-05-01 中国电信股份有限公司 Image Super Resolution Processing method and apparatus
CN107977929B (en) * 2016-10-21 2021-02-23 中国电信股份有限公司 Image super-resolution processing method and device
CN108122262B (en) * 2016-11-28 2021-05-07 南京理工大学 A single-frame image super-resolution reconstruction algorithm based on sparse representation based on main structure separation
CN108122262A (en) * 2016-11-28 2018-06-05 南京理工大学 Based on the separated rarefaction representation single-frame images super-resolution rebuilding algorithm of main structure
CN108133456A (en) * 2016-11-30 2018-06-08 京东方科技集团股份有限公司 Face super-resolution reconstruction method, reconstructing apparatus and computer system
CN106683049A (en) * 2016-12-21 2017-05-17 华南理工大学 Reconstruction method of the image super-resolution based on the saliency map and the sparse representation
CN106934766A (en) * 2017-03-15 2017-07-07 西安理工大学 A kind of infrared image super resolution ratio reconstruction method based on rarefaction representation
CN106934766B (en) * 2017-03-15 2020-04-21 西安理工大学 A sparse representation-based infrared image super-resolution reconstruction method
CN107038684A (en) * 2017-04-10 2017-08-11 南京信息工程大学 A kind of method for lifting TMI spatial resolution
CN107093170B (en) * 2017-04-21 2020-05-12 西安电子科技大学 Real-time super-resolution reconstruction method
CN107093170A (en) * 2017-04-21 2017-08-25 西安电子科技大学 A kind of real-time super-resolution rate method for reconstructing
CN107203969B (en) * 2017-06-13 2019-06-25 武汉大学 A kind of high magnification image super-resolution rebuilding method of medium scale constraint
CN107203969A (en) * 2017-06-13 2017-09-26 武汉大学 A kind of high magnification image super-resolution rebuilding method of medium scale constraint
CN107341776A (en) * 2017-06-21 2017-11-10 北京工业大学 Single frames super resolution ratio reconstruction method based on sparse coding and combinatorial mapping
CN107680146A (en) * 2017-09-13 2018-02-09 深圳先进技术研究院 Method for reconstructing, device, equipment and the storage medium of PET image
CN107767337A (en) * 2017-09-29 2018-03-06 深圳先进技术研究院 A kind of image super-resolution rebuilding method, device, mobile terminal and storage medium
CN107818546A (en) * 2017-11-01 2018-03-20 淮海工学院 A kind of positron emission fault image super-resolution rebuilding method based on rarefaction representation
CN107945114A (en) * 2017-11-30 2018-04-20 天津大学 Magnetic resonance image super-resolution method based on cluster dictionary and iterative backprojection
CN108492250A (en) * 2018-03-07 2018-09-04 大连大学 The method of depth image Super-resolution Reconstruction based on the guiding of high quality marginal information
CN108492252A (en) * 2018-03-20 2018-09-04 南昌工程学院 Face image super-resolution reconstruction method based on secondary reconstruction
CN108537734A (en) * 2018-04-16 2018-09-14 西华大学 Single image super resolution ratio reconstruction method based on gradient profile example dictionary and Weighted adaptive p norms
CN108830792A (en) * 2018-05-09 2018-11-16 浙江师范大学 A kind of image super-resolution method using multiclass dictionary
CN108830792B (en) * 2018-05-09 2022-03-11 浙江师范大学 An Image Super-Resolution Method Using Multi-Class Dictionaries
CN108765293A (en) * 2018-05-31 2018-11-06 成都信息工程大学 A kind of MR image reconstruction method and system based on rarefaction representation
CN110648277A (en) * 2018-06-26 2020-01-03 天津工业大学 Secondary Super-Resolution Reconstruction of Interferometric Hyperspectral Images Based on Adaptive Penalty Model
CN108985350A (en) * 2018-06-27 2018-12-11 北京中安未来科技有限公司 It is a kind of that the method and apparatus of blurred picture are identified based on gradient magnitude sparse features information, calculate equipment and storage medium
CN109325916A (en) * 2018-10-16 2019-02-12 哈尔滨理工大学 A video image super-resolution reconstruction method based on sparse representation
CN109447905A (en) * 2018-11-06 2019-03-08 大连海事大学 Based on the marine image super-resolution rebuilding method for differentiating dictionary
CN109447905B (en) * 2018-11-06 2022-11-18 大连海事大学 Maritime image super-resolution reconstruction method based on discriminant dictionary
CN109685738A (en) * 2018-12-24 2019-04-26 广东理致技术有限公司 A kind of method and device of improving image definition
CN109785235A (en) * 2018-12-29 2019-05-21 华中光电技术研究所(中国船舶重工集团有限公司第七一七研究所) Compressed sensing based infrared pedestrian image super resolution ratio reconstruction method and system
CN110211037A (en) * 2019-04-26 2019-09-06 南京航空航天大学 A kind of image super-resolution method based on the study of multistage sparse dictionary
CN110223231A (en) * 2019-06-06 2019-09-10 天津工业大学 A kind of rapid super-resolution algorithm for reconstructing of noisy image
CN110648392A (en) * 2019-09-10 2020-01-03 中国人民解放军国防科技大学 An iterative initial image generation method based on learning and sparse representation
CN110648392B (en) * 2019-09-10 2022-11-22 中国人民解放军国防科技大学 An Iterative Initial Image Generation Method Based on Learning and Sparse Representation
CN111951167A (en) * 2020-08-25 2020-11-17 深圳思谋信息科技有限公司 Super-resolution image reconstruction method, super-resolution image reconstruction device, computer equipment and storage medium
CN111951167B (en) * 2020-08-25 2021-05-18 深圳思谋信息科技有限公司 Super-resolution image reconstruction method, super-resolution image reconstruction device, computer equipment and storage medium
WO2022042124A1 (en) * 2020-08-25 2022-03-03 深圳思谋信息科技有限公司 Super-resolution image reconstruction method and apparatus, computer device, and storage medium

Similar Documents

Publication Publication Date Title
CN105844590A (en) Image super-resolution reconstruction method and system based on sparse representation
CN104899830B (en) A kind of image super-resolution method
Yang et al. Image super-resolution via sparse representation
CN103871041B (en) The image super-resolution reconstructing method built based on cognitive regularization parameter
CN108257108B (en) Super-resolution image reconstruction method and system
CN105590304B (en) Super-resolution image reconstruction method and device
CN111340744A (en) Low-quality image downsampling method and system based on attention dual-stream deep network
Yang et al. Single image super-resolution using self-optimizing mask via fractional-order gradient interpolation and reconstruction
CN106920214A (en) Spatial target images super resolution ratio reconstruction method
Chen et al. Single image super resolution using local smoothness and nonlocal self-similarity priors
CN104063856A (en) Rapid super-resolution image reconstruction method and device
CN112529776A (en) Training method of image processing model, image processing method and device
CN106910215A (en) A kind of super-resolution method based on fractional order gradient interpolation
CN105550989A (en) Image super-resolution method based on nonlocal Gaussian process regression
CN109559278B (en) Super-resolution image reconstruction method and system based on multi-feature learning
CN108830791A (en) Image super-resolution method based on itself sample and rarefaction representation
CN106169174A (en) A kind of image magnification method
Lakshman et al. Image interpolation using shearlet based iterative refinement
CN108830792A (en) A kind of image super-resolution method using multiclass dictionary
CN110097503A (en) The super-resolution method returned based on neighborhood
CN108122262B (en) A single-frame image super-resolution reconstruction algorithm based on sparse representation based on main structure separation
CN107945114A (en) Magnetic resonance image super-resolution method based on cluster dictionary and iterative backprojection
CN107481189B (en) Super-resolution image reconstruction method based on learning sparse representation
Zhao et al. Single depth image super-resolution with multiple residual dictionary learning and refinement
CN103390266A (en) Image super-resolution method and device

Legal Events

Date Code Title Description
C06 Publication
PB01 Publication
C10 Entry into substantive examination
SE01 Entry into force of request for substantive examination
RJ01 Rejection of invention patent application after publication

Application publication date: 20160810

RJ01 Rejection of invention patent application after publication