CN103020935A - Self-adaption online dictionary learning super-resolution method - Google Patents
Self-adaption online dictionary learning super-resolution method Download PDFInfo
- Publication number
- CN103020935A CN103020935A CN2012105358733A CN201210535873A CN103020935A CN 103020935 A CN103020935 A CN 103020935A CN 2012105358733 A CN2012105358733 A CN 2012105358733A CN 201210535873 A CN201210535873 A CN 201210535873A CN 103020935 A CN103020935 A CN 103020935A
- Authority
- CN
- China
- Prior art keywords
- resolution
- dictionary
- low
- image
- sub
- 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.)
- Granted
Links
- 238000000034 method Methods 0.000 title claims abstract description 69
- 238000012549 training Methods 0.000 claims abstract description 28
- 238000004422 calculation algorithm Methods 0.000 claims abstract description 25
- 238000000354 decomposition reaction Methods 0.000 claims abstract description 7
- 239000011159 matrix material Substances 0.000 claims description 47
- 230000003044 adaptive effect Effects 0.000 claims description 6
- 230000006870 function Effects 0.000 claims description 3
- 239000000203 mixture Substances 0.000 claims description 3
- 238000005457 optimization Methods 0.000 claims description 3
- 238000003672 processing method Methods 0.000 claims description 3
- 230000007547 defect Effects 0.000 abstract description 5
- 230000003321 amplification Effects 0.000 abstract description 2
- 230000000694 effects Effects 0.000 abstract description 2
- 238000003199 nucleic acid amplification method Methods 0.000 abstract description 2
- 238000004904 shortening Methods 0.000 abstract 1
- 238000005516 engineering process Methods 0.000 description 7
- 238000012545 processing Methods 0.000 description 4
- 238000004088 simulation Methods 0.000 description 4
- 238000011160 research Methods 0.000 description 3
- 238000013507 mapping Methods 0.000 description 2
- 101100129500 Caenorhabditis elegans max-2 gene Proteins 0.000 description 1
- 238000004364 calculation method Methods 0.000 description 1
- 230000015556 catabolic process Effects 0.000 description 1
- 238000006731 degradation reaction Methods 0.000 description 1
- 238000001514 detection method Methods 0.000 description 1
- 238000002059 diagnostic imaging Methods 0.000 description 1
- 238000002474 experimental method Methods 0.000 description 1
- 238000004519 manufacturing process Methods 0.000 description 1
- 238000004321 preservation Methods 0.000 description 1
- 238000005070 sampling Methods 0.000 description 1
Images
Landscapes
- Image Processing (AREA)
Abstract
Description
技术领域technical field
本发明涉及信号处理和多媒体数据处理领域的图像超分辨率技术,尤其是涉及一种自适应在线字典学习的图像超分辨率方法。The invention relates to image super-resolution technology in the field of signal processing and multimedia data processing, in particular to an image super-resolution method for self-adaptive online dictionary learning.
背景技术Background technique
图像超分辨率(super resolution,SR)是指单幅或多幅低分辨率图像恢复成高分辨率(high resolution,HR)图像的过程。随着图像在各行各业日益广泛的应用,人们对图像分辨率的要求也越来越高,因为HR图像意味着图像具有高像素密度,可以为人们提供更多的细节,而且这些细节往往在图像实际应用中起到关键作用。目前图像超分辨率技术在医学成像、遥感侦测、公共安全等领域都已经取得了广泛的应用,甚至在某些图像应用领域,图像的分辨率已经成为衡量图像质量的一个重要指标。因此深入研究图像超分辨率技术,具有十分重要的实际意义。Image super-resolution (SR) refers to the process of restoring single or multiple low-resolution images into high-resolution (HR) images. With the increasing application of images in various industries, people have higher and higher requirements for image resolution, because HR images mean that images have high pixel density, which can provide people with more details, and these details are often in the Image plays a key role in practical applications. At present, image super-resolution technology has been widely used in medical imaging, remote sensing detection, public security and other fields. Even in some image application fields, image resolution has become an important indicator to measure image quality. Therefore, in-depth research on image super-resolution technology has very important practical significance.
获得高分辨率图像最直接的方法就是使用高分辨率图像传感器,但高分辨率图像传感器的制作往往受到工艺水平以及成本的限制,因此在不改变传感器的前提下,使用软件的方法去改善图像的分辨率成为当前计算机视觉领域的热门研究方向。图像超分辨率技术可以分为三个主要范畴:基于插值、基于重建和基于学习的方法,其中基于模型重建和基于学习的方法是近年来主要的研究方向。基于重建的方法主要是构建一个低分辨率图像到高分辨率图像的映射模型,重构效率较高,但是很难找到一个统一的映射模型,而且在进行高放大因子的图像超分辨率重构时重构图像质量会急剧下降。而基于学习的方法因具有重构准确、鲁棒性高等优点,是目前最流行的图像超分辨率技术。The most direct way to obtain high-resolution images is to use high-resolution image sensors, but the production of high-resolution image sensors is often limited by the level of technology and cost, so without changing the sensor, use software to improve the image The resolution has become a popular research direction in the field of computer vision. Image super-resolution techniques can be divided into three main categories: interpolation-based, reconstruction-based, and learning-based methods, among which model-based reconstruction and learning-based methods are the main research directions in recent years. The reconstruction-based method is mainly to construct a mapping model from a low-resolution image to a high-resolution image, and the reconstruction efficiency is high, but it is difficult to find a unified mapping model, and the image super-resolution reconstruction with a high magnification factor The reconstructed image quality will drop sharply. The learning-based method is currently the most popular image super-resolution technology because of its advantages of accurate reconstruction and high robustness.
基于学习的超分辨率算法思想最早是由Freeman等人于2002年提出,他们利用马尔可夫网络来学习高频和低频信息之间的关系,相比于之前基于插值和基于重建的方法,这种利用样本学习的方法可以获得更多的高频信息,解决了由于先验信息提供能力不足而导致高放大因子下重建图像失真严重的问题。不过这种方法的缺点也比较明显,就是对训练样本的选择要求比较高,而且对图像中的噪声极为敏感。随后Chang等人提出了基于邻域嵌入的图像超分辨率方法,此种方法的基本思想是假设对应的高低分辨率图像块可以在它们的特征空间形成具有相同局部几何结构的流形。该算法相对需要更少的样本,且具有较好的抗噪性能。但是算法存在的问题是高低分辨率图像块在邻域嵌入时较难建立邻域保持关系,为了改进这一问题,出现了基于直方图匹配的训练样本选择算法和基于局部残差嵌入等方法。Karl等人提出使用支持向量回归(SVR)实现图像超分辨率,SVR通过对样本的自动选择,使用了更小的训练集,但是使得图像的对比度相对下降。2010年,Yang等人在压缩感知(CS)框架下,采用稀疏表示理论提出了一种基于学习的图像超分辨率重构方法,他们从一组高分辨率图像及其对应的低分辨率训练图像学习一组稀疏表示基,这组基集合构成一个过完备字典,通过线性规划使得训练集中每一个图像块都可由该过完备字典稀疏表示,随后在超分辨率图像重建过程中,首先得到原始低分辨率图像在过完备字典下的稀疏表示系数,然后用这组稀疏表示系数加权重构出高分辨率图像。该算法开创性的将CS理论用于图像超分辨率技术,克服了邻域嵌入方法中对于邻域大小的选择问题,即在求解稀疏表示的时候,无需指定重构所需要基的个数,其表示系数和基个数同时通过线性规划求解得到。但是该算法存在训练样本过大、字典对建立过程过于复杂、字典选择不具有自适应性等缺陷。同年,浦剑等又提出在字典学习中使用了BP稀疏编码及K-SVD字典更新的算法,取得了比前者更好的超分辨率效果;但是,该算法仍然存在着训练样本时间长等缺陷。The idea of learning-based super-resolution algorithm was first proposed by Freeman et al. in 2002. They used Markov network to learn the relationship between high-frequency and low-frequency information. Compared with the previous methods based on interpolation and reconstruction, this A method using sample learning can obtain more high-frequency information, which solves the problem of serious distortion of the reconstructed image under high amplification factors due to insufficient prior information provision ability. However, the shortcomings of this method are also obvious, that is, the selection of training samples is relatively high, and it is extremely sensitive to the noise in the image. Subsequently, Chang et al. proposed an image super-resolution method based on neighborhood embedding. The basic idea of this method is to assume that the corresponding high and low resolution image blocks can form a manifold with the same local geometric structure in their feature space. The algorithm relatively requires fewer samples and has better anti-noise performance. However, the problem of the algorithm is that it is difficult to establish the neighborhood preservation relationship when the high and low resolution image blocks are embedded in the neighborhood. In order to improve this problem, the training sample selection algorithm based on histogram matching and the method based on local residual embedding have appeared. Karl et al. proposed to use Support Vector Regression (SVR) to achieve image super-resolution. SVR uses a smaller training set through automatic selection of samples, but the contrast of the image is relatively reduced. In 2010, under the framework of Compressed Sensing (CS), Yang et al. proposed a learning-based image super-resolution reconstruction method using sparse representation theory. They trained from a set of high-resolution images and their corresponding low-resolution images. The image learns a set of sparse representation bases. This set of bases constitutes an over-complete dictionary. Through linear programming, each image block in the training set can be sparsely represented by the over-complete dictionary. Then, in the process of super-resolution image reconstruction, the original The sparse representation coefficients of the low-resolution image under the over-complete dictionary, and then use this set of sparse representation coefficients to reconstruct the high-resolution image. This algorithm pioneered the use of CS theory for image super-resolution technology, which overcomes the problem of selecting the size of the neighborhood in the neighborhood embedding method, that is, when solving the sparse representation, there is no need to specify the number of bases required for reconstruction. It indicates that the coefficient and the number of bases are obtained by solving the linear programming at the same time. However, the algorithm has defects such as too large training samples, too complicated dictionary pair establishment process, and non-adaptive dictionary selection. In the same year, Pu Jian et al. proposed to use BP sparse coding and K-SVD dictionary update algorithm in dictionary learning, and achieved better super-resolution results than the former; however, this algorithm still has defects such as long training sample time .
发明内容Contents of the invention
本发明所要解决的技术问题是提供一种训练样本时间短,图像质量高的自适应在线字典学习的图像超分辨率方法。The technical problem to be solved by the present invention is to provide an image super-resolution method for adaptive online dictionary learning with short training sample time and high image quality.
本发明解决上述技术问题所采用的技术方案为:一种自适应在线字典学习的图像超分辨率方法,包括以下步骤:The technical solution adopted by the present invention to solve the above-mentioned technical problems is: an image super-resolution method for adaptive online dictionary learning, comprising the following steps:
①选取一组高分辨率图像及其对应的一组低分辨率图像作为训练样本;① Select a set of high-resolution images and their corresponding set of low-resolution images as training samples;
②提取训练样本的高频特征,得到一组高分辨率样本特征图像和其对应的一组低分辨率样本特征图像,随机抽取高分辨率样本特征图像中的Q个高分辨率样本特征图像小块构成矩阵M,抽取低分辨率样本特征图像中与抽取的高分辨率样本特征图像小块对应的低分辨率特征图像小块构成矩阵M′,其中Q大于等于3万且小于等于10万,将矩阵M和矩阵M′均分成k类,其中k≥2,得到矩阵M′的k个聚类中心m1,m2,m3,…,mk以及初始子字典集合{(Dl1,Dh1),(Dl2,Dh2),(Dl3,Dh3),…,(Dlk,Dhk)},其中Dl1,Dl2,Dl3,…,Dlk表示k个初始低分辨率子字典,Dh1,Dh2,Dh3,…,Dhk表示k个初始高分辨率子字典;②Extract the high-frequency features of the training samples, obtain a set of high-resolution sample feature images and its corresponding set of low-resolution sample feature images, and randomly extract Q high-resolution sample feature images from the high-resolution sample feature images. The block composition matrix M is to extract the low-resolution feature image small blocks corresponding to the extracted high-resolution sample feature image small blocks in the low-resolution sample feature image to form a matrix M′, where Q is greater than or equal to 30,000 and less than or equal to 100,000, Divide the matrix M and the matrix M′ into k categories, where k≥2, and obtain the k cluster centers m 1 , m 2 , m 3 ,…,m k of the matrix M′ and the initial sub-dictionary set {(D l1 , D h1 ),(D l2 ,D h2 ),(D l3 ,D h3 ),…,(D lk ,D hk )}, where D l1 ,D l2 ,D l3 ,…,D lk represent k initial low Resolution sub-dictionary, D h1 , D h2 , D h3 ,..., D hk represent k initial high-resolution sub-dictionaries;
③利用在线算法对初始子字典集合进行优化,得到最优目标子字典集合{(Dl1-best,Dh1-best),(Dl2-best,Dh2-best),(Dl3-best,Dh3-best),…,(Dlk-best,Dhk-best)},其中Dl1-best,Dl2-best,Dl3-best,…,Dlk-best表示k个最优低分辨率目标子字典,Dh1-best,Dh2-best,Dh3-best,…,Dhk-best表示k个最优高分辨率目标子字典;③Use the online algorithm to optimize the initial sub-dictionary set to obtain the optimal target sub-dictionary set {(D l1-best ,D h1-best ),(D l2-best ,D h2-best ),(D l3-best , D h3-best ),…,(D lk-best ,D hk-best )}, where D l1-best , D l2-best , D l3-best ,…, D lk-best represent k optimal low resolution Rate target sub-dictionary, D h1-best , D h2-best , D h3-best ,..., D hk-best represent k optimal high-resolution target sub-dictionaries;
④输入需要进行超分辨率放大的低分辨率图像X,提取低分辨率图像X的高频特征,得到低分辨率图像X对应的低分辨率特征图像X',然后选取低分辨率特征图像X'的第q个图像小块Xq,q≥1,图像小块Xq对应的矩阵记为xq,分别计算矩阵xq和聚类中心m1,m2,m3,…,mk的欧氏距离,比较xq与各个聚类中心的欧氏距离的大小,得到欧式距离最小的聚类中心mn,1≤n≤k,选择以mn为聚类中心的初始低分辨率子字典对应的最优低分辨率目标子字典,记作Dlq-best;④ Input the low-resolution image X that needs to be super-resolution enlarged, extract the high-frequency features of the low-resolution image X, obtain the low-resolution feature image X' corresponding to the low-resolution image X, and then select the low-resolution feature image X 'The qth image block X q , q≥1, the matrix corresponding to the image block X q is denoted as x q , and the matrix x q and cluster centers m 1 ,m 2 ,m 3 ,…,m k are calculated respectively Euclidean distance, compare the Euclidean distance between x q and each cluster center, get the cluster center m n with the smallest Euclidean distance, 1≤n≤k, choose the initial low resolution with m n as the cluster center The optimal low-resolution target sub-dictionary corresponding to the sub-dictionary, denoted as D lq-best ;
⑤利用SP算法计算矩阵xq在Dlq-best下的稀疏表示系数αq,αq=argmin||xq-Dlq-bestαq||2+λ||αq||1,αq=SP(Dlq-best,xq),具体步骤如下:⑤ Use the SP algorithm to calculate the sparse representation coefficient α q of the matrix x q under D lq-best , α q = argmin||x q -D lq-best α q || 2 + λ||α q || 1 , α q =SP(D lq-best ,x q ), the specific steps are as follows:
⑤-1将Dlq-best中与矩阵xq相关性最大的K列原子的列号索引记为 表示Dlp-best里列号为的原子组成的矩阵,表示矩阵xq在上的投影,
⑤-2初始化:定义初始状态投影的初始残差向量为r0,初始状态下x'q中元素最大值所对应的K个序列原子的列号索引记为I0, 表示Dlp-best里列号为I0的原子组成的矩阵;⑤-2 Initialization: Define the initial state projection The initial residual vector is r 0 , In the initial state, the column number index of the K sequence atoms corresponding to the maximum value of the element in x' q is denoted as I 0 , Represents the matrix composed of atoms whose column number is I 0 in D lp-best ;
⑤-3设当前迭代次数为ω,ω≥1,当前迭代中投影的残差向量为rω,令
⑤-4比较rω与rω-1,若||rω||2>rω-1||2,则迭代结束,否则,将ω加1后作为当前迭代次数返回步骤⑤-3中进行迭代更新;⑤-4 Compare r ω and r ω-1 , if ||r ω || 2 >r ω-1 || 2 , then the iteration ends, otherwise, add 1 to ω as the current number of iterations and return to step ⑤-3 Perform iterative updates;
⑤-5迭代完成后,使用最小二乘法求得xq在字典Dlq-best的最优稀疏表示系数αq;⑤-5 After the iteration is completed, use the least squares method to obtain the optimal sparse representation coefficient α q of x q in the dictionary D lq-best ;
⑥选择与Dlq-best对应的高分辨率目标子字典Dhq-best,利用稀疏表示系数αq和Dhq-best求解xq在Dhq-best对应下的高分辨率图像重构小块yq=Dhq-bestαq;⑥ Select the high-resolution target sub-dictionary D hq- best corresponding to D lq-best , and use the sparse representation coefficient α q and D hq-best to solve the high-resolution image reconstruction block of x q corresponding to D hq-best y q =D hq-best α q ;
⑦按照步骤③~⑥的方法,按“之”字型对低分辨率特征图像X'的所有图像小块进行处理,得到初始的高分辨率重构图像 ⑦According to the method of steps ③~⑥, process all the small image blocks of the low-resolution feature image X' according to the "zigzag" shape, and obtain the initial high-resolution reconstructed image
⑧对高分辨率重构图像进行去块处理得到最终高分辨率重构图像Y。⑧ Reconstruction of high-resolution images Deblocking is performed to obtain the final high-resolution reconstructed image Y.
所述的步骤③对初始子字典集合进行优化的具体步骤如下:The concrete steps of described step 3. optimizing the initial sub-dictionary set are as follows:
③-1对低分辨率子字典Dl1进行优化,具体步骤为:③-1 Optimize the low-resolution sub-dictionary D l1 , the specific steps are:
a、假设优化的总迭代次数为T,在第t次迭代中,输入低分辨率样本特征图像中的任意一个特征图像块fl,1≤t≤T;a. Assuming that the total number of optimization iterations is T, in the t-th iteration, input any feature image block f l in the feature image of the low-resolution sample, 1≤t≤T;
b、固定第t-1迭代得到的目标子字典使用子空间追踪法求解λ表示正则化系数且0<λ<1,其中,argmin表示求解泛函的最小值,||||表示求解范数,得到第t次迭代中特征图像块fl在目标子字典下的稀疏分解系数Λt;b. Fix the target sub-dictionary obtained by the t-1th iteration Solving using Subspace Pursuit λ represents the regularization coefficient and 0<λ<1, where argmin represents the minimum value of the solution functional, |||| represents the solution norm, and the feature image block f l in the target subdictionary in the t-th iteration The sparse decomposition coefficient Λ t under ;
c、固定稀疏分解系数Λt,设低分辨率子字典Dl1有p个原子,令
d、设低分辨率子字典Dl1对应的目标子字典的第j个原子为dj,对dj进行优化,则
e、按照步骤d更新低分辨率子字典Dl1的p个原子,完成第t次迭代,得到低分辨率子字典Dl1在第t次迭代后的目标子字典 e. Update the p atoms of the low-resolution sub-dictionary D l1 according to step d, complete the t-th iteration, and obtain the target sub-dictionary of the low-resolution sub-dictionary D l1 after the t-th iteration
f、将代入公式
g、依此类推,完成输入图像为特征图像块fl时,低分辨率子字典Dl1的T次迭代,得到特征图像块fl对应的优化的目标子字典 g. By analogy, when the input image is the feature image block f l , T iterations of the low-resolution sub-dictionary D l1 are completed to obtain the optimized target sub-dictionary corresponding to the feature image block f l
h、依次输入低分辨率样本特征图像中除fl以外的其他所有的特征图像块,按照步骤a~g相同的原理进行训练,完成对初始低分辨子字典Dl1的训练,将最后一轮更新过的目标子字典作为初始低分辨子字典Dl1的最优目标子字典Dl1-best。h. Input all feature image blocks except f l in the low-resolution sample feature image in sequence, and perform training according to the same principles as steps a~g, complete the training of the initial low-resolution sub-dictionary D l1 , and convert the last round The updated target sub-dictionary is used as the optimal target sub-dictionary D l1-best of the initial low-resolution sub-dictionary D l1 .
③-2使用对低分辨率子字典Dl1进行优化的相同原理分别对Dl2,Dl3,…,Dlk,Dh1,Dh2,Dh3,…,Dhk进行优化,得到Dl2,Dl3,…,Dlk,Dh1,Dh2,Dh3,…,Dhk对应的最优目标子字典,最终得到最优目标子字典集合③-2 Use the same principle of optimizing the low-resolution sub-dictionary D l1 to optimize D l2 , D l3 , ..., D lk , D h1 , D h2 , D h3 , ..., D hk to obtain D l2 , D l3 ,…,D lk , D h1 , D h2 , D h3 ,…,D hk correspond to the optimal target sub-dictionary, and finally get the optimal target sub-dictionary set
{(Dl1-best,Dh1-best),(Dl2-best,Dh2-best),(Dl3-best,Dh3-best),…,(Dlk-best,Dhk-best)}。{(D l1-best ,D h1-best ),(D l2-best ,D h2-best ),(D l3-best ,D h3-best ),…,(D lk-best ,D hk-best ) }.
所述的步骤⑧中去块处理方法为对每次迭代后重叠部分的像素取均值。The deblocking processing method in the step ⑧ is to take the mean value of the pixels in the overlapping part after each iteration.
与现有技术相比,本发明的优点在于很好地克服了传统图像超分辨率在高放大因子下重构质量下降以及算法时间长等问题:Compared with the prior art, the present invention has the advantage of well overcoming the problems of traditional image super-resolution such as reconstruction quality degradation and long algorithm time under high magnification factors:
1)与现有的基于插值和基于模型的图像超分辨率技术相比,本发明提出的方法克服了前者不能提供或不能提供足够先验信息的缺陷,首先选定一组高分辨率和低分辨率训练图像集,然后在高/低训练图像集上建立一种对应关系,通过高/低分辨率字典对为重构图像提供了更多的先验信息,在高放大因子下也能获得较好的重构效果;1) Compared with the existing interpolation-based and model-based image super-resolution techniques, the method proposed in the present invention overcomes the defect that the former cannot provide or cannot provide sufficient prior information. First, select a set of high-resolution and low-resolution resolution training image set, and then establish a corresponding relationship on the high/low training image set, and provide more prior information for the reconstructed image through the high/low resolution dictionary pair, which can also be obtained under high magnification factors Better reconstruction effect;
2)与现有的基于学习图像超分辨率技术相比,本发明提出的方法具有更高的重构精度和更短的算法时间,本发明使用了SP稀疏编码算法,克服了传统贪婪算法重构精确度不高的缺点,同时保持了较低的计算复杂度;而online字典学习算法,克服了当下主流字典学习算法中(如MOD、K-SVD等)计算复杂、训练速度慢的缺点,因此在总体上进一步缩短了图像重构时间。2) Compared with the existing learning-based image super-resolution technology, the method proposed by the present invention has higher reconstruction accuracy and shorter algorithm time. The present invention uses the SP sparse coding algorithm, which overcomes the traditional greedy algorithm. The disadvantage of low structural accuracy, while maintaining a low computational complexity; while the online dictionary learning algorithm overcomes the shortcomings of complex calculation and slow training speed in the current mainstream dictionary learning algorithms (such as MOD, K-SVD, etc.), Therefore, the image reconstruction time is further shortened overall.
附图说明Description of drawings
图1本发明方法的流程图;The flow chart of Fig. 1 inventive method;
图2(a)原始高分辨率云图图像;Figure 2(a) Original high-resolution cloud image;
图2(b)采用双线性插值方法重构的云图图像;Fig. 2(b) Cloud image reconstructed by bilinear interpolation method;
图2(c)采用Yang方法重构的云图图像;Fig. 2(c) Cloud atlas image reconstructed by Yang method;
图2(d)采用本发明方法重构的云图图像;Fig. 2 (d) adopts the cloud atlas image reconstructed by the method of the present invention;
图3(a)原始高分辨率Cat图像;Figure 3(a) Original high-resolution Cat image;
图3(b)采用双线性插值方法重构的Cat图像;Fig. 3(b) Cat image reconstructed by bilinear interpolation method;
图3(c)采用Yang方法重构的Cat图像;Figure 3(c) Cat image reconstructed by Yang method;
图3(d)采用本发明方法重构的Cat图像;Figure 3(d) Cat image reconstructed by the method of the present invention;
图4(a)原始高分辨率Building图像;Figure 4(a) Original high-resolution Building image;
图4(b)采用双线性插值方法重构的Building图像;Figure 4(b) Building image reconstructed by bilinear interpolation method;
图4(c)采用Yang方法重构的Building图像;Figure 4(c) Building image reconstructed by Yang method;
图4(d)采用本发明方法重构的Building图像。Figure 4(d) is the Building image reconstructed by the method of the present invention.
具体实施方式Detailed ways
以下结合附图实施例对本发明作进一步详细描述。The present invention will be further described in detail below in conjunction with the accompanying drawings and embodiments.
如图1所示,一种自适应在线字典学习的图像超分辨率方法,其特征在于包括以下步骤:As shown in Figure 1, an image super-resolution method for adaptive online dictionary learning is characterized in that it comprises the following steps:
①选取一组高分辨率图像及其对应的一组低分辨率图像作为训练样本;① Select a set of high-resolution images and their corresponding set of low-resolution images as training samples;
②提取训练样本的高频特征,得到一组高分辨率样本特征图像和其对应的一组低分辨率样本特征图像,随机抽取高分辨率样本特征图像中的Q个高分辨率样本特征图像小块构成矩阵M,抽取低分辨率样本特征图像中与抽取的高分辨率样本特征图像小块对应的低分辨率特征图像小块构成矩阵M′,其中Q大于等于3万且小于等于10万,将矩阵M和矩阵M′均分成k类,其中k≥2,得到矩阵M′的k个聚类中心m1,m2,m3,…,mk以及初始子字典集合{(Dl1,Dh1),(Dl2,Dh2),(Dl3,Dh3),…,(Dlk,Dhk)},其中Dl1,Dl2,Dl3,…,Dlk表示k个初始低分辨率子字典,Dh1,Dh2,Dh3,…,Dhk表示k个初始高分辨率子字典;②Extract the high-frequency features of the training samples, obtain a set of high-resolution sample feature images and its corresponding set of low-resolution sample feature images, and randomly extract Q high-resolution sample feature images from the high-resolution sample feature images. The block composition matrix M is to extract the low-resolution feature image small blocks corresponding to the extracted high-resolution sample feature image small blocks in the low-resolution sample feature image to form a matrix M′, where Q is greater than or equal to 30,000 and less than or equal to 100,000, Divide the matrix M and the matrix M′ into k categories, where k≥2, and obtain the k cluster centers m 1 , m 2 , m 3 ,…,m k of the matrix M′ and the initial sub-dictionary set {(D l1 , D h1 ),(D l2 ,D h2 ),(D l3 ,D h3 ),…,(D lk ,D hk )}, where D l1 ,D l2 ,D l3 ,…,D lk represent k initial low Resolution sub-dictionary, D h1 , D h2 , D h3 ,..., D hk represent k initial high-resolution sub-dictionaries;
③利用在线算法对初始子字典集合进行优化,得到最优目标子字典集合{(Dl1-best,Dh1-best),(Dl2-best,Dh2-best),(Dl3-best,Dh3-best),…,(Dlk-best,Dhk-best)},其中Dl1-best,Dl2-best,Dl3-best,…,Dlk-best表示k个最优低分辨率目标子字典,Dh1-best,Dh2-best,Dh3-best,…,Dhk-best表示k个最优高分辨率目标子字典;具体步骤如下:③Use the online algorithm to optimize the initial sub-dictionary set to obtain the optimal target sub-dictionary set {(D l1-best ,D h1-best ),(D l2-best ,D h2-best ),(D l3-best , D h3-best ),…,(D lk-best ,D hk-best )}, where D l1-best , D l2-best , D l3-best ,…, D lk-best represent k optimal low resolution Rate target sub-dictionary, D h1-best , D h2-best , D h3-best ,..., D hk-best represent k optimal high-resolution target sub-dictionaries; the specific steps are as follows:
③-1对低分辨率子字典Dl1进行优化,具体步骤为:③-1 Optimize the low-resolution sub-dictionary D l1 , the specific steps are:
a、假设优化的总迭代次数为T,在第t次迭代中,输入低分辨率样本特征图像中的任意一个特征图像块fl,1≤t≤T;a. Assuming that the total number of iterations of optimization is T, in the tth iteration, input any feature image block f l in the feature image of the low-resolution sample, 1≤t≤T;
b、固定第t-1迭代得到的目标子字典使用子空间追踪法求解λ表示正则化系数且0<λ<1,其中,argmin表示求解泛函的最小值,||||表示求解范数,得到第t次迭代中特征图像块fl在目标子字典下的稀疏分解系数Λt;b. Fix the target sub-dictionary obtained by the t-1th iteration Solving using Subspace Pursuit λ represents the regularization coefficient and 0<λ<1, where argmin represents the minimum value of the solution functional, |||| represents the solution norm, and the feature image block f l in the target subdictionary in the t-th iteration The sparse decomposition coefficient Λ t under ;
c、固定稀疏分解系数Λt,设低分辨率子字典Dl1有p个原子,令
d、设低分辨率子字典Dl1对应的目标子字典的第j个原子为dj,对dj进行优化,则
e、按照步骤d更新低分辨率子字典Dl1的p个原子,完成第t次迭代,得到低分辨率子字典Dl1在第t次迭代后的目标子字典 e. Update the p atoms of the low-resolution sub-dictionary D l1 according to step d, complete the t-th iteration, and obtain the target sub-dictionary of the low-resolution sub-dictionary D l1 after the t-th iteration
f、将代入公式
g、依此类推,完成输入图像为特征图像块fl时,低分辨率子字典Dl1的T次迭代,得到特征图像块fl对应的优化的目标子字典 g. By analogy, when the input image is the feature image block f l , T iterations of the low-resolution sub-dictionary D l1 are completed to obtain the optimized target sub-dictionary corresponding to the feature image block f l
h、依次输入低分辨率样本特征图像中除fl以外的其他所有的特征图像块,按照步骤a~g相同的原理进行训练,完成对初始低分辨子字典Dl1的训练,将最后一轮更新过的目标子字典作为初始低分辨子字典Dl1的最优目标子字典Dl1-best。h. Input all feature image blocks except f l in the low-resolution sample feature image in sequence, and perform training according to the same principles as steps a~g, complete the training of the initial low-resolution sub-dictionary D l1 , and convert the last round The updated target sub-dictionary is used as the optimal target sub-dictionary D l1-best of the initial low-resolution sub-dictionary D l1 .
③-2使用对低分辨率子字典Dl1进行优化的相同原理分别对Dl2,Dl3,…,Dlk,Dh1,Dh2,Dh3,…,Dhk进行优化,得到Dl2,Dl3,…,Dlk,Dh1,Dh2,Dh3,…,Dhk对应的最优目标子字典,最终得到最优目标子字典集合{(Dl1-best,Dh1-best),(Dl2-best,Dh2-best),(Dl3-best,Dh3-best),…,(Dlk-best,Dhk-best)};③-2 Use the same principle of optimizing the low-resolution sub-dictionary D l1 to optimize D l2 , D l3 ,...,D lk , D h1 , D h2 ,D h3 ,...,D hk to obtain D l2 , D l3 ,…,D lk , D h1 , D h2 , D h3 ,…,D hk correspond to the optimal target sub-dictionary, and finally get the optimal target sub-dictionary set {(D l1-best ,D h1-best ), (D l2-best ,D h2-best ),(D l3-best ,D h3-best ),…,(D lk-best ,D hk-best )};
④输入需要进行超分辨率放大的低分辨率图像X,提取低分辨率图像X的高频特征,得到低分辨率图像X对应的低分辨率特征图像X',然后选取低分辨率特征图像X'的第q个图像小块Xq,q≥1,图像小块Xq对应的矩阵记为xq,分别计算矩阵xq和聚类中心m1,m2,m3,…,mk的欧氏距离,比较xq与各个聚类中心的欧氏距离的大小,得到欧式距离最小的聚类中心mn,1≤n≤k,选择以mn为聚类中心的初始低分辨率子字典对应的最优低分辨率目标子字典,记作Dlq-best;④ Input the low-resolution image X that needs to be super-resolution enlarged, extract the high-frequency features of the low-resolution image X, obtain the low-resolution feature image X' corresponding to the low-resolution image X, and then select the low-resolution feature image X 'The qth image block X q , q≥1, the matrix corresponding to the image block X q is denoted as x q , and the matrix x q and cluster centers m 1 ,m 2 ,m 3 ,…,m k are calculated respectively Euclidean distance, compare the Euclidean distance between x q and each cluster center, get the cluster center m n with the smallest Euclidean distance, 1≤n≤k, choose the initial low resolution with m n as the cluster center The optimal low-resolution target sub-dictionary corresponding to the sub-dictionary, denoted as D lq-best ;
⑤利用SP算法计算矩阵xq在Dlq-best下的稀疏表示系数αq,αq=argmin||xq-Dlq-bestαq||2+λ||αq||1,αq=SP(Dlq-best,xq),具体步骤如下:⑤ Use the SP algorithm to calculate the sparse representation coefficient α q of the matrix x q under D lq-best , α q = argmin||x q -D lq-best α q || 2 + λ||α q || 1 , α q =SP(D lq-best , x q ), the specific steps are as follows:
⑤-1将Dlq-best中与矩阵xq相关性最大的K列原子的列号索引记为 表示Dlp-best里列号为的原子组成的矩阵,表示矩阵xq在上的投影,
⑤-2初始化:定义初始状态投影的初始残差向量为r0,初始状态下x′q中元素最大值所对应的K个序列原子的列号索引记为I0, 表示Dlp-best里列号为I0的原子组成的矩阵;⑤-2 Initialization: Define the initial state projection The initial residual vector is r 0 , In the initial state, the column number index of K sequence atoms corresponding to the maximum value of elements in x′ q is denoted as I 0 , Represents the matrix composed of atoms whose column number is I 0 in D lp-best ;
⑤-3设当前迭代次数为ω,ω≥1,当前迭代中投影的残差向量为rω,令
⑤-4比较rω与rω-1,若||rω||2>||rω-1||2,则迭代结束,否则,将ω加1后作为当前迭代次数返回步骤⑤-3中进行迭代更新;⑤-4 Compare r ω and r ω-1 , if ||r ω || 2 >||r ω-1 || 2 , then the iteration ends, otherwise, add 1 to ω as the current number of iterations and return to step ⑤- 3 for iterative update;
⑤-5迭代完成后,使用最小二乘法求得xq在字典Dlq-best的最优稀疏表示系数αq;⑤-5 After the iteration is completed, use the least squares method to obtain the optimal sparse representation coefficient α q of x q in the dictionary D lq-best ;
⑥选择与Dlq-best对应的高分辨率目标子字典Dhq-best,利用稀疏表示系数αq和Dhq-best求解xq在Dhq-best对应下的高分辨率图像重构小块yq=Dhq-bestαq;⑥ Select the high-resolution target sub-dictionary D hq- best corresponding to D lq-best , and use the sparse representation coefficient α q and D hq-best to solve the high-resolution image reconstruction block of x q corresponding to D hq-best y q =D hq-best α q ;
⑦按照步骤③~⑥的方法,按“之”字型对低分辨率特征图像X'的所有图像小块进行处理,得到初始的高分辨率重构图像 ⑦According to the method of steps ③~⑥, process all the small image blocks of the low-resolution feature image X' according to the "zigzag" shape, and obtain the initial high-resolution reconstructed image
⑧对高分辨率重构图像进行去块处理得到最终高分辨率重构图像Y,其中去块处理方法为对每次迭代后重叠部分的像素取均值。⑧ Reconstruction of high-resolution images Perform deblocking processing to obtain the final high-resolution reconstructed image Y, wherein the deblocking processing method is to average the pixels in the overlapping part after each iteration.
通过实验仿真验证本发明的方法的有效性。实验仿真是在Matlab7.0平台上进行。实验中共选用了三幅512×512高分辨率灰度图像作为原始图像,分别为图2(a)所示的原始高分辨率遥感卫星云图、图3(a)所示的原始高分辨率Cat图像和图4(a)所示的原始高分辨率Building图像。首先对三幅原始图像通过四倍下采样、模糊和加噪处理得到对应的低分辨率图像,然后分别通过双线性插值方法、Yang方法和本发明方法对三幅原始图像对应的低分辨率图像作四倍超分辨率放大重构,将图像重构质量及算法时间进行比较,得出仿真结果。高分辨率样本特征图像和低分辨率样本特征图像中分别抽取5万个特征图像小块构成初始字典,即Q等于5万,图像重构选取3×3图像块,重叠部分为1个像素。其中,采用双线性插值方法重构的云图图像如图2(b)所示;采用Yang方法重构的云图图像如图2(c)所示;采用本发明方法重构的云图图像如图2(d)所示;采用双线性插值方法重构的Cat图像如图3(b)所示;采用Yang方法重构的Cat图像如图3(c)所示;采用本发明方法重构的Cat图像如图3(d)所示;采用双线性插值方法重构的Building图像如图4(b)所示;采用Yang方法重构的Building图像如图4(c)所示;采用本发明方法重构的Building图像图图4(d)所示。重构图像质量采用与原高分辨图像的峰值信噪比(PSNR)进行评判:The effectiveness of the method of the present invention is verified by experimental simulation. Experimental simulation is carried out on Matlab7.0 platform. Three high-resolution grayscale images of 512×512 were selected as the original images in the experiment, which are the original high-resolution remote sensing satellite cloud image shown in Figure 2(a), and the original high-resolution Cat image shown in Figure 3(a). image and the original high-resolution Building image shown in Figure 4(a). At first three pieces of original images are obtained corresponding low-resolution images through quadruple down-sampling, fuzzy and noise-added processing, and then the corresponding low-resolution images of three pieces of original images are obtained by bilinear interpolation method, Yang method and the method of the present invention respectively The image is enlarged and reconstructed by four times super-resolution, and the image reconstruction quality and algorithm time are compared to obtain the simulation results. 50,000 small feature image blocks are extracted from the high-resolution sample feature image and the low-resolution sample feature image to form the initial dictionary, that is, Q is equal to 50,000, and 3×3 image blocks are selected for image reconstruction, and the overlapping part is 1 pixel. Among them, the cloud image reconstructed by bilinear interpolation method is shown in Fig. 2(b); the cloud image reconstructed by Yang method is shown in Fig. 2(c); the cloud image reconstructed by the method of the present invention is shown in Fig. 2(d); the Cat image reconstructed by the bilinear interpolation method is shown in Figure 3(b); the Cat image reconstructed by the Yang method is shown in Figure 3(c); the reconstructed by the method of the present invention The Cat image is shown in Figure 3(d); the Building image reconstructed by the bilinear interpolation method is shown in Figure 4(b); the Building image reconstructed by the Yang method is shown in Figure 4(c); The Building image reconstructed by the method of the present invention is shown in Fig. 4(d). The quality of the reconstructed image is judged by the peak signal-to-noise ratio (PSNR) of the original high-resolution image:
式(1)中,f(i,j)表示原始高分辨率图像的第i行和j列像素,f′(i,j)表示降质后超分辨率重构图像的第i行和j列像素,fmax表示图像最大像素值,M×N是图像大小。所有方法的时间以秒(s)为单位。三幅图像仿真数据结果如表1和表2所示:In formula (1), f(i,j) represents the i-th row and j-column pixel of the original high-resolution image, and f′(i,j) represents the i-th row and j of the degraded super-resolution reconstructed image Column pixels, f max indicates the maximum pixel value of the image, and M×N is the image size. All method times are in seconds (s). The simulation data results of the three images are shown in Table 1 and Table 2:
表1不同方法下三幅重构图像PSNR(dB)Table 1 PSNR (dB) of three reconstructed images under different methods
表2Yang方法以及本发明方法所需时间(样本训练时间+重构时间(s))Table 2 Yang method and the time required by the method of the present invention (sample training time + reconstruction time (s))
Claims (3)
Priority Applications (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN201210535873.3A CN103020935B (en) | 2012-12-10 | 2012-12-10 | The image super-resolution method of the online dictionary learning of a kind of self-adaptation |
Applications Claiming Priority (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN201210535873.3A CN103020935B (en) | 2012-12-10 | 2012-12-10 | The image super-resolution method of the online dictionary learning of a kind of self-adaptation |
Publications (2)
Publication Number | Publication Date |
---|---|
CN103020935A true CN103020935A (en) | 2013-04-03 |
CN103020935B CN103020935B (en) | 2015-09-02 |
Family
ID=47969502
Family Applications (1)
Application Number | Title | Priority Date | Filing Date |
---|---|---|---|
CN201210535873.3A Expired - Fee Related CN103020935B (en) | 2012-12-10 | 2012-12-10 | The image super-resolution method of the online dictionary learning of a kind of self-adaptation |
Country Status (1)
Country | Link |
---|---|
CN (1) | CN103020935B (en) |
Cited By (16)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN103295196A (en) * | 2013-05-21 | 2013-09-11 | 西安电子科技大学 | Super-resolution image reconstruction method based on non-local dictionary learning and biregular terms |
CN103356238A (en) * | 2013-04-11 | 2013-10-23 | 汕头大学 | High resolution ultrasonic imaging method |
CN103745437A (en) * | 2013-12-30 | 2014-04-23 | 华中科技大学 | Method for generating high-resolution cloud picture based on low-resolution weather cloud picture |
CN103903240A (en) * | 2014-04-09 | 2014-07-02 | 西安电子科技大学 | Image super-resolution method based on multi-output least square support vector regression |
CN105957092A (en) * | 2016-05-31 | 2016-09-21 | 福州大学 | Mammary gland molybdenum target image feature self-learning extraction method for computer-aided diagnosis |
CN106157240A (en) * | 2015-04-22 | 2016-11-23 | 南京理工大学 | Remote sensing image super resolution method based on dictionary learning |
CN106792504A (en) * | 2016-11-16 | 2017-05-31 | 北华大学 | One kind is used to follow the trail of stolen communication terminal control system based on mobile terminal |
CN106815806A (en) * | 2016-12-20 | 2017-06-09 | 浙江工业大学 | Single image SR method for reconstructing based on compressed sensing and SVR |
CN104574336B (en) * | 2015-01-19 | 2017-08-01 | 上海交通大学 | Super-resolution image reconstruction system based on adaptive sub-mode dictionary selection |
CN107111311A (en) * | 2014-09-10 | 2017-08-29 | 西门子能源公司 | Utilize the combustion gas turbine Transducer fault detection of sparse coding method |
CN107239781A (en) * | 2017-05-03 | 2017-10-10 | 北京理工大学 | A kind of super spectral reflectivity method for reconstructing based on RGB image |
WO2018027584A1 (en) * | 2016-08-09 | 2018-02-15 | 深圳大学 | Method and system for restoring image using target attribute assisted compression perception |
CN108154499A (en) * | 2017-12-08 | 2018-06-12 | 东华大学 | A kind of woven fabric texture flaw detection method based on K-SVD study dictionaries |
CN108734675A (en) * | 2018-05-17 | 2018-11-02 | 西安电子科技大学 | Image recovery method based on mixing sparse prior model |
CN110100263A (en) * | 2016-12-30 | 2019-08-06 | 华为技术有限公司 | Image reconstruction method and device |
CN110097503A (en) * | 2019-04-12 | 2019-08-06 | 浙江师范大学 | The super-resolution method returned based on neighborhood |
Citations (3)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
US20070103595A1 (en) * | 2005-10-27 | 2007-05-10 | Yihong Gong | Video super-resolution using personalized dictionary |
CN101950365A (en) * | 2010-08-30 | 2011-01-19 | 西安电子科技大学 | Multi-task super-resolution image reconstruction method based on KSVD dictionary learning |
CN102629373A (en) * | 2012-02-27 | 2012-08-08 | 天津大学 | Super-resolution image acquisition method based on sparse representation theory |
-
2012
- 2012-12-10 CN CN201210535873.3A patent/CN103020935B/en not_active Expired - Fee Related
Patent Citations (3)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
US20070103595A1 (en) * | 2005-10-27 | 2007-05-10 | Yihong Gong | Video super-resolution using personalized dictionary |
CN101950365A (en) * | 2010-08-30 | 2011-01-19 | 西安电子科技大学 | Multi-task super-resolution image reconstruction method based on KSVD dictionary learning |
CN102629373A (en) * | 2012-02-27 | 2012-08-08 | 天津大学 | Super-resolution image acquisition method based on sparse representation theory |
Non-Patent Citations (1)
Title |
---|
金炜等: "过完备字典稀疏表示的云图超分辨率算法", 《遥感学报》, vol. 16, no. 2, 30 April 2012 (2012-04-30), pages 280 - 285 * |
Cited By (27)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN103356238A (en) * | 2013-04-11 | 2013-10-23 | 汕头大学 | High resolution ultrasonic imaging method |
CN103356238B (en) * | 2013-04-11 | 2015-02-11 | 汕头大学 | High resolution ultrasonic imaging method |
CN103295196B (en) * | 2013-05-21 | 2015-09-30 | 西安电子科技大学 | Based on the image super-resolution rebuilding method of non local dictionary learning and biregular item |
CN103295196A (en) * | 2013-05-21 | 2013-09-11 | 西安电子科技大学 | Super-resolution image reconstruction method based on non-local dictionary learning and biregular terms |
CN103745437A (en) * | 2013-12-30 | 2014-04-23 | 华中科技大学 | Method for generating high-resolution cloud picture based on low-resolution weather cloud picture |
CN103903240A (en) * | 2014-04-09 | 2014-07-02 | 西安电子科技大学 | Image super-resolution method based on multi-output least square support vector regression |
CN103903240B (en) * | 2014-04-09 | 2016-11-02 | 西安电子科技大学 | Image super-resolution method based on multi-output least squares support vector regression |
CN107111311A (en) * | 2014-09-10 | 2017-08-29 | 西门子能源公司 | Utilize the combustion gas turbine Transducer fault detection of sparse coding method |
US10557719B2 (en) | 2014-09-10 | 2020-02-11 | Siemens Energy, Inc. | Gas turbine sensor failure detection utilizing a sparse coding methodology |
CN107111311B (en) * | 2014-09-10 | 2020-01-14 | 西门子能源公司 | Gas turbine sensor fault detection using sparse coding methods |
CN104574336B (en) * | 2015-01-19 | 2017-08-01 | 上海交通大学 | Super-resolution image reconstruction system based on adaptive sub-mode dictionary selection |
CN106157240A (en) * | 2015-04-22 | 2016-11-23 | 南京理工大学 | Remote sensing image super resolution method based on dictionary learning |
CN105957092A (en) * | 2016-05-31 | 2016-09-21 | 福州大学 | Mammary gland molybdenum target image feature self-learning extraction method for computer-aided diagnosis |
CN105957092B (en) * | 2016-05-31 | 2018-10-30 | 福州大学 | Breast molybdenum target characteristics of image self study extracting method for computer-aided diagnosis |
WO2018027584A1 (en) * | 2016-08-09 | 2018-02-15 | 深圳大学 | Method and system for restoring image using target attribute assisted compression perception |
CN106792504A (en) * | 2016-11-16 | 2017-05-31 | 北华大学 | One kind is used to follow the trail of stolen communication terminal control system based on mobile terminal |
CN106815806B (en) * | 2016-12-20 | 2020-01-10 | 浙江工业大学 | Single image SR reconstruction method based on compressed sensing and SVR |
CN106815806A (en) * | 2016-12-20 | 2017-06-09 | 浙江工业大学 | Single image SR method for reconstructing based on compressed sensing and SVR |
CN110100263A (en) * | 2016-12-30 | 2019-08-06 | 华为技术有限公司 | Image reconstruction method and device |
CN110100263B (en) * | 2016-12-30 | 2021-07-16 | 华为技术有限公司 | Image reconstruction method and device |
CN107239781A (en) * | 2017-05-03 | 2017-10-10 | 北京理工大学 | A kind of super spectral reflectivity method for reconstructing based on RGB image |
CN107239781B (en) * | 2017-05-03 | 2020-07-28 | 北京理工大学 | A Hyperspectral Reflectance Reconstruction Method Based on RGB Images |
CN108154499A (en) * | 2017-12-08 | 2018-06-12 | 东华大学 | A kind of woven fabric texture flaw detection method based on K-SVD study dictionaries |
CN108734675A (en) * | 2018-05-17 | 2018-11-02 | 西安电子科技大学 | Image recovery method based on mixing sparse prior model |
CN108734675B (en) * | 2018-05-17 | 2021-09-28 | 西安电子科技大学 | Image restoration method based on mixed sparse prior model |
CN110097503A (en) * | 2019-04-12 | 2019-08-06 | 浙江师范大学 | The super-resolution method returned based on neighborhood |
CN110097503B (en) * | 2019-04-12 | 2024-01-19 | 浙江师范大学 | Super-resolution method based on neighborhood regression |
Also Published As
Publication number | Publication date |
---|---|
CN103020935B (en) | 2015-09-02 |
Similar Documents
Publication | Publication Date | Title |
---|---|---|
CN103020935B (en) | The image super-resolution method of the online dictionary learning of a kind of self-adaptation | |
Luo et al. | Lattice network for lightweight image restoration | |
CN101950365B (en) | Multi-task super-resolution image reconstruction method based on KSVD dictionary learning | |
CN115496658B (en) | Lightweight image super-resolution reconstruction method based on dual attention mechanism | |
CN103295197B (en) | Based on the image super-resolution rebuilding method of dictionary learning and bilateral canonical | |
CN103295196B (en) | Based on the image super-resolution rebuilding method of non local dictionary learning and biregular item | |
CN111047515A (en) | Cavity convolution neural network image super-resolution reconstruction method based on attention mechanism | |
CN110211045A (en) | Super-resolution face image method based on SRGAN network | |
CN113096017A (en) | Image super-resolution reconstruction method based on depth coordinate attention network model | |
CN110232394A (en) | A kind of multi-scale image semantic segmentation method | |
CN110363068B (en) | High-resolution pedestrian image generation method based on multiscale circulation generation type countermeasure network | |
CN113793267B (en) | Self-supervision single remote sensing image super-resolution method based on cross-dimension attention mechanism | |
CN102156875A (en) | Image super-resolution reconstruction method based on multitask KSVD (K singular value decomposition) dictionary learning | |
CN113538234A (en) | Remote sensing image super-resolution reconstruction method based on lightweight generation model | |
CN105631807A (en) | Single-frame image super resolution reconstruction method based on sparse domain selection | |
CN111461978A (en) | Attention mechanism-based resolution-by-resolution enhanced image super-resolution restoration method | |
CN115393452A (en) | A Point Cloud Geometric Compression Method Based on Asymmetric Autoencoder Structure | |
CN114332482A (en) | Lightweight target detection method based on feature fusion | |
CN104408697B (en) | Image Super-resolution Reconstruction method based on genetic algorithm and canonical prior model | |
CN116797456B (en) | Image super-resolution reconstruction method, system, device and storage medium | |
CN117593199A (en) | A two-stream remote sensing image fusion method based on Gaussian prior distribution self-attention | |
CN114138919A (en) | A seismic data reconstruction method based on non-local attention convolutional neural network | |
CN118195897A (en) | A digital core image super-resolution reconstruction method based on dual-dimensional attention | |
CN115035209B (en) | A Compressed Sensing Reconstruction Method Based on Learning Sampling and Convolutional Neural Network | |
CN106600533A (en) | Single-image super-resolution reconstruction method |
Legal Events
Date | Code | Title | Description |
---|---|---|---|
C06 | Publication | ||
PB01 | Publication | ||
C10 | Entry into substantive examination | ||
SE01 | Entry into force of request for substantive examination | ||
C14 | Grant of patent or utility model | ||
GR01 | Patent grant | ||
CF01 | Termination of patent right due to non-payment of annual fee |
Granted publication date: 20150902 Termination date: 20181210 |
|
CF01 | Termination of patent right due to non-payment of annual fee |