CN115965556A - Binary image restoration method - Google Patents
Binary image restoration method Download PDFInfo
- Publication number
- CN115965556A CN115965556A CN202310048459.8A CN202310048459A CN115965556A CN 115965556 A CN115965556 A CN 115965556A CN 202310048459 A CN202310048459 A CN 202310048459A CN 115965556 A CN115965556 A CN 115965556A
- Authority
- CN
- China
- Prior art keywords
- binary image
- objective function
- matrix
- graph
- restoration method
- Prior art date
- Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
- Pending
Links
Images
Classifications
-
- Y—GENERAL TAGGING OF NEW TECHNOLOGICAL DEVELOPMENTS; GENERAL TAGGING OF CROSS-SECTIONAL TECHNOLOGIES SPANNING OVER SEVERAL SECTIONS OF THE IPC; TECHNICAL SUBJECTS COVERED BY FORMER USPC CROSS-REFERENCE ART COLLECTIONS [XRACs] AND DIGESTS
- Y02—TECHNOLOGIES OR APPLICATIONS FOR MITIGATION OR ADAPTATION AGAINST CLIMATE CHANGE
- Y02T—CLIMATE CHANGE MITIGATION TECHNOLOGIES RELATED TO TRANSPORTATION
- Y02T10/00—Road transport of goods or passengers
- Y02T10/10—Internal combustion engine [ICE] based vehicles
- Y02T10/40—Engine management systems
Landscapes
- Image Processing (AREA)
Abstract
Description
技术领域Technical Field
本发明涉及图像处理技术领域,尤其是涉及一种二值图像复原方法。The present invention relates to the technical field of image processing, and in particular to a binary image restoration method.
背景技术Background Art
图学习已经被广泛研究了十多年,最近几年兴起了统计机器学习之间的交叉研究,如图信号处理(Graph Signal Processing,缩写为GSP)及其在数据分类中的应用:社交网络管理、基于回归的图像质量评估、图像增强和聚类等。GSP专注于处理图上定义的信号,包含支持数据的顶点和表示观测值的加权边的图成对相似性。基于机器学习的图信号处理关键是设计一个捕获各处理数据观测之间的关系,并制定信号先验,例如图信号平滑先验,以便对图信号进行有效过滤,例如,便于通过信号外推或标签传播进行数据分类。Graph learning has been extensively studied for more than a decade, and in recent years, there has been a surge in cross-research between statistical machine learning, such as Graph Signal Processing (GSP) and its applications in data classification: social network management, regression-based image quality assessment, image enhancement, and clustering. GSP focuses on processing signals defined on a graph, which consists of pairwise similarities of vertices supporting data and weighted edges representing observations. The key to machine learning-based graph signal processing is to design a signal that captures the relationship between the processed data observations and formulate a signal prior, such as a graph signal smoothness prior, to effectively filter the graph signal, for example, to facilitate data classification through signal extrapolation or label propagation.
图结构可以从以下两个方面学习:1)收集的原始数据(如时间序列);2)构建的特征来自数据样本。因为成功的图滤波取决于底层图模型是收集数据的结构,图学习至关重要。图学习方法可以分为两种类型:1)数据驱动的图学习,基于收集的原始数据学习图;2)启用特征使用构造特征学习图的图学习。Graph structures can be learned from two aspects: 1) collected raw data (such as time series); 2) constructed features from data samples. Because successful graph filtering depends on the underlying graph model being the structure of the collected data, graph learning is crucial. Graph learning methods can be divided into two types: 1) data-driven graph learning, which learns graphs based on collected raw data; 2) feature-enabled graph learning that uses constructed feature learning graphs.
对于数据驱动的图学习,重点是将建模关系分配给图的多个空间和/或时间观测(图信号)之间节点。现有的图学习方法多为更新每个图节点通过求解线性方程组或学习成对距离度量,其中优化变量的数量会因数据样本或特征维度的数量的增加而急剧增加。For data-driven graph learning, the focus is on assigning modeling relationships to nodes between multiple spatial and/or temporal observations (graph signals) of a graph. Existing graph learning methods mostly update each graph node by solving a system of linear equations or learning pairwise distance metrics, where the number of optimization variables increases dramatically with the increase in the number of data samples or feature dimensions.
如何对图学习方法中优化变量的数量进行确定,从而实现对有噪音的二值图像进行高准确率的复原,是目前亟需解决的问题。How to determine the number of optimized variables in graph learning methods so as to achieve high-accuracy restoration of noisy binary images is a problem that needs to be solved urgently.
发明内容Summary of the invention
本发明的目的是针对二值图像复原领域现有技术的不足,提供一种二值图像复原方法,以提升二值图像像素复原的处理性能。The purpose of the present invention is to provide a binary image restoration method to improve the processing performance of binary image pixel restoration in view of the shortcomings of the existing technology in the field of binary image restoration.
本发明的目的可以通过以下技术方案来实现:The purpose of the present invention can be achieved by the following technical solutions:
一种二值图像复原方法,包括以下步骤:A binary image restoration method comprises the following steps:
采集带有噪音的原始二值图像;Collect the original binary image with noise;
输入所述原始二值图像;Input the original binary image;
基于所述原始二值图像,构建模型选择目标函数;Based on the original binary image, construct a model selection objective function;
将所述模型选择目标函数的非线性约束条件线性化;Linearizing the nonlinear constraints of the model selection objective function;
对所述模型选择目标函数进行迭代求梯度及线性规划求解,直至函数值收敛,最终复原二值图像。The objective function of the model is selected to iteratively calculate the gradient and linear programming solution until the function value converges, and finally the binary image is restored.
进一步地,输入所述原始二值图像包括输入原始二值图像像素的多重特征,多重特征包括二值图像像素值、像素横坐标值及像素纵坐标值。Furthermore, inputting the original binary image includes inputting multiple features of pixels of the original binary image, and the multiple features include binary image pixel values, pixel horizontal coordinate values, and pixel vertical coordinate values.
进一步地,所述构建模型选择目标函数包括以下步骤:Furthermore, the constructing of the model selection objective function comprises the following steps:
构建多重特征邻接矩阵;Construct a multi-feature adjacency matrix;
基于所述多重特征邻接矩阵,构建正则化图拉普拉斯矩阵;Based on the multiple feature adjacency matrix, construct a regularized graph Laplacian matrix;
基于所述正则化图拉普拉斯矩阵,构建多项式图核函数;Based on the regularized graph Laplace matrix, construct a polynomial graph kernel function;
基于所述多项式图核函数,对原始二值图像中的像素构建模型选择目标函数。Based on the polynomial kernel function, a model is constructed for pixels in the original binary image to select an objective function.
进一步地,所述多重特征邻接矩阵记为A,多重特征邻接矩阵A中元素的表达式为:Furthermore, the multi-feature adjacency matrix is recorded as A, and the expression of the elements in the multi-feature adjacency matrix A is:
其中fi表示原始二值图像像素的多重特征,M为原始二值图像像素多重特征之间的度量矩阵。Where fi represents the multiple features of the original binary image pixels, and M is the measurement matrix between the multiple features of the original binary image pixels.
进一步地,所述正则化图拉普拉斯矩阵记为L,其表达式为:Furthermore, the regularized graph Laplacian matrix is denoted as L, and its expression is:
L=D-1/2(D-A)D-1/2 L=D -1/2 (DA)D -1/2
其中D为度数矩阵,其中的元素表达式为:Where D is the degree matrix, and the element expression is:
进一步地,所述多项式图核函数记为其表达式为:Furthermore, the polynomial graph kernel function is recorded as Its expression is:
其中U为正则化图拉普拉斯矩阵L的特征向量矩阵,U为N阶矩阵,λi为特征向量对应的特征值,βi表示多项式核系数。Where U is the eigenvector matrix of the regularized graph Laplace matrix L, U is an N-order matrix, λ i is the eigenvalue corresponding to the eigenvector, and β i represents the polynomial kernel coefficient.
进一步地,所述模型选择目标函数的表达式为:Furthermore, the expression of the model selection objective function is:
进一步地,将所述模型选择目标函数的非线性约束条件线性化,即将所述模型选择目标函数中的正定约束条件拆分为不等式约束,得到约束条件线性化转化的模型选择目标函数表达式为:Furthermore, the nonlinear constraints of the model selection objective function are linearized, that is, the positive constraints in the model selection objective function are split into inequality constraints, and the model selection objective function expression obtained by linearizing the constraints is:
其中,a为数值范围限值,μ为一个数值极小的确保正定的容许量。Among them, a is the value range limit, μ is a very small value to ensure Positive tolerance.
进一步地,对所述约束条件线性化转化的模型选择目标函数进行给定点的梯度计算,并将该梯度作为目标函数,得到如下线性规划问题:Furthermore, the gradient of the given point is calculated for the model selection objective function of the linear transformation of the constraint condition, and the gradient is used as the objective function to obtain the following linear programming problem:
由此进行迭代式梯度计算与线性规划问题求解,求得多项式核系数βi。Iterative gradient calculation and linear programming problem solving are then performed to obtain the polynomial kernel coefficients β i .
进一步地,基于求得的多项式核系数βi,得到所述多项式图核函数的函数值,进而计算求得复原的二值图像像素值为:Further, based on the obtained polynomial kernel coefficient β i , the polynomial graph kernel function is obtained: The function value of , and then calculate the restored binary image pixel value for:
其中表示基准二值图像像素的像素值,表示待复原二值图像像素与基准二值图像像素的正则化图拉普拉斯副矩阵,表示待复原二值图像像素的正则化图拉普拉斯副矩阵的逆矩阵。in represents the pixel value of the base binary image pixel, Represents the regularized graph Laplacian submatrix of the binary image pixels to be restored and the reference binary image pixels, The inverse matrix of the regularized graph Laplacian matrix representing the binary image pixels to be restored.
与现有技术相比,本发明具有以下有益效果:Compared with the prior art, the present invention has the following beneficial effects:
1、本发明利用模型选择图学习目标函数对多项式核图学习系数进行优化,并通过线性化MSGL约束条件与Frank-Wolfe迭代线性规划算法对有噪音的二值图像进行复原,具有求解效率高、复原的二值图像准确率高等优点。1. The present invention optimizes the polynomial kernel graph learning coefficients by using the model selection graph learning objective function, and restores the noisy binary image by linearizing the MSGL constraint conditions and the Frank-Wolfe iterative linear programming algorithm. It has the advantages of high solution efficiency and high accuracy of the restored binary image.
2、本发明利用二值图像像素值,像素纵坐标值,以及像素横坐标值,组成二值图像像素的多重特征集,进而通过邻接矩阵描述二值图像像素点间的相关性,提升在具有噪音条件下获取的二值图像的像素点间相关性的数学描述准确度,确保后续二值图像复原的准确度。2. The present invention utilizes binary image pixel values, pixel ordinate values, and pixel abscissa values to form a multiple feature set of binary image pixels, and then describes the correlation between binary image pixel points through an adjacency matrix, thereby improving the accuracy of mathematical description of the correlation between pixel points of the binary image acquired under noisy conditions, and ensuring the accuracy of subsequent binary image restoration.
3、本发明利用度数矩阵将图拉普拉斯矩阵的对角线元素正则化为1,同时将图拉普拉斯矩阵的非对角线元素做相应转化,进而提升整体二值图像像素复原的准确度。3. The present invention utilizes a degree matrix to regularize the diagonal elements of the graph Laplacian matrix to 1, and at the same time, performs corresponding transformation on the non-diagonal elements of the graph Laplacian matrix, thereby improving the accuracy of pixel restoration of the overall binary image.
4、本发明通过定义不同层级的二值图像像素点的近邻像素点的图拉普拉斯矩阵进行线性组合,规避了对图拉普拉斯矩阵中的特征度量关系的学习,使得优化变量的数量与用户定义的近邻个数相同,大幅提升二值图像像素复原效率。4. The present invention avoids the learning of the feature metric relationship in the graph Laplacian matrix by defining the graph Laplacian matrices of neighboring pixel points of binary image pixels at different levels for linear combination, so that the number of optimization variables is the same as the number of neighbor points defined by the user, thereby greatly improving the efficiency of binary image pixel restoration.
5、本发明通过构建最小化优化问题,定义数据匹配项与复杂度惩罚项,并加入正定约束,在不引入额外参数的前提下,为求解二值图像像素多项式图核函数系数而构建凸优化问题,进而后续能够快速求解组合系数。5. The present invention constructs a minimization optimization problem, defines data matching terms and complexity penalty terms, and adds positive constraints. Without introducing additional parameters, a convex optimization problem is constructed to solve the coefficients of the polynomial kernel function of binary image pixels, so that the combination coefficients can be solved quickly later.
6、本发明通过将正定非线性约束条件转化为一系列线性约束,其中每一个线性约束与二值图像像素图拉普拉斯矩阵的特征值相关,将二值图像像素模型选择目标函数MSGL中的正定非线性约束条件线性化,进而能够通过线性求解器求解MSGL,大幅提升求解效率。6. The present invention linearizes the positive definite nonlinear constraints in the binary image pixel model selection objective function MSGL by converting the positive definite nonlinear constraints into a series of linear constraints, each of which is related to the eigenvalues of the Laplacian matrix of the binary image pixel graph, and then can solve MSGL through a linear solver, thereby greatly improving the solution efficiency.
7、本发明通过对约束条件线性化转化的二值图像像素目标函数MSGL进行给定点的梯度计算,并将该梯度作为目标函数得到特定线性规划问题,使得二值图像像素复原函数在求解过程中规避了非线性问题,提升了求解效率。7. The present invention calculates the gradient of a given point on the binary image pixel objective function MSGL transformed by linearization of constraint conditions, and uses the gradient as the objective function to obtain a specific linear programming problem, so that the binary image pixel restoration function avoids nonlinear problems in the solution process and improves the solution efficiency.
附图说明BRIEF DESCRIPTION OF THE DRAWINGS
图1为本发明的流程示意图。FIG. 1 is a schematic diagram of the process of the present invention.
具体实施方式DETAILED DESCRIPTION
下面结合附图和具体实施例对本发明进行详细说明。本实施例以本发明技术方案为前提进行实施,给出了详细的实施方式和具体的操作过程,但本发明的保护范围不限于下述的实施例。The present invention is described in detail below in conjunction with the accompanying drawings and specific embodiments. This embodiment is implemented based on the technical solution of the present invention, and provides a detailed implementation method and specific operation process, but the protection scope of the present invention is not limited to the following embodiments.
本发明提供一种二值图像复原方法,该方法利用基于线性约束优化的图学习方法实现,该方法利用模型选择图学习(Model-Selection Graph Learning,缩写为MSGL)目标函数对多项式核图学习系数进行优化,并通过线性化MSGL目标函数的约束条件与Frank-Wolfe迭代线性规划算法,对有噪音的二值图像进行复原。The present invention provides a binary image restoration method, which is implemented by a graph learning method based on linear constraint optimization. The method optimizes the polynomial kernel graph learning coefficients by using a model selection graph learning (MSGL) objective function, and restores a noisy binary image by linearizing the constraints of the MSGL objective function and a Frank-Wolfe iterative linear programming algorithm.
其中,Frank-Wolfe迭代线性规划算法为求解线性约束下非线性规划问题的一种算法。本发明创新点在于结合Frank-Wolfe迭代线性规划算法的线性约束模型选择图学习目标函数MSGL来实现自动地对有噪音的二值图像进行复原。The Frank-Wolfe iterative linear programming algorithm is an algorithm for solving nonlinear programming problems under linear constraints. The innovation of the present invention is to combine the linear constraint model selection graph learning objective function MSGL of the Frank-Wolfe iterative linear programming algorithm to automatically restore the noisy binary image.
本发明的目的是针对二值图像复原领域现有技术的不足,提供一种基于线性约束优化的图学习方法及二值图像复原方法,提高二值图像处理领域工作者在设计基于线性约束优化的图学习方法及二值图像复原方法时的复原准确度,有效地提升二值图像像素复原的处理性能。The purpose of the present invention is to address the deficiencies of the existing technology in the field of binary image restoration and to provide a graph learning method and a binary image restoration method based on linear constraint optimization, so as to improve the restoration accuracy of workers in the field of binary image processing when designing graph learning methods and binary image restoration methods based on linear constraint optimization, and effectively improve the processing performance of binary image pixel restoration.
本发明属于半监督学习领域,半监督学习(Semi-Supervised Learning,缩写SSL)是模式识别和机器学习领域研究的重点问题,是监督学习与无监督学习相结合的一种学习方法。半监督学习使用大量的未标记数据,以及同时使用标记数据,来进行模式识别工作。当使用半监督学习时,将会要求尽量少的人员来从事工作,同时,又能够带来比较高的准确性。The present invention belongs to the field of semi-supervised learning. Semi-supervised learning (SSL) is a key issue in the field of pattern recognition and machine learning. It is a learning method that combines supervised learning with unsupervised learning. Semi-supervised learning uses a large amount of unlabeled data and labeled data to perform pattern recognition. When using semi-supervised learning, as few people as possible are required to do the work, while at the same time, it can bring relatively high accuracy.
如图1所示,本发明包括以下步骤:As shown in Figure 1, the present invention comprises the following steps:
采集带有噪音的原始二值图像;Collect the original binary image with noise;
输入所述原始二值图像;Input the original binary image;
基于所述原始二值图像,构建模型选择目标函数;Based on the original binary image, construct a model selection objective function;
将所述模型选择目标函数的非线性约束条件线性化;Linearizing the nonlinear constraints of the model selection objective function;
对所述模型选择目标函数进行迭代求梯度及线性规划求解,直至函数值收敛,最终复原二值图像。The objective function of the model is selected to iteratively calculate the gradient and linear programming solution until the function value converges, and finally the binary image is restored.
具体技术方案步骤包括:The specific technical solution steps include:
步骤1:输入有噪音的初始二值图像,构建多重特征邻接矩阵A:Step 1: Input the initial binary image with noise and construct the multi-feature adjacency matrix A:
其中fi表示输入二值图像像素的多重特征,包括二值图像像素值、像素横坐标值、像素纵坐标值,M为二值图像像素多重特征之间的度量矩阵,Aij表示多重特征邻接矩阵A的元素。Wherein fi represents the multiple features of the input binary image pixels, including the binary image pixel value, the pixel horizontal coordinate value, and the pixel vertical coordinate value, M is the measurement matrix between the multiple features of the binary image pixels, and Aij represents the elements of the multiple feature adjacency matrix A.
步骤2:构建二值图像像素正则化图拉普拉斯矩阵:Step 2: Construct the binary image pixel regularization graph Laplacian matrix:
L=D-1/2(D-A)D-1/2 L=D -1/2 (DA)D -1/2
其中D为度数矩阵,其元素大小为:Where D is the degree matrix, and its element size is:
步骤3:构建二值图像像素多项式图核函数:Step 3: Construct binary image pixel polynomial kernel function:
其中U为二值图像像素正则化图拉普拉斯矩阵L的特征向量矩阵,λi为特征向量对应的特征值,βi表示二值图像像素多项式核系数。Where U is the eigenvector matrix of the regularized Laplacian matrix L of the binary image pixel, λ i is the eigenvalue corresponding to the eigenvector, and β i represents the polynomial kernel coefficient of the binary image pixel.
步骤4:构建二值图像像素模型选择目标函数MSGL:Step 4: Construct binary image pixel model and select target function MSGL:
步骤5:二值图像像素目标函数MSGL约束线性化:Step 5: Binary image pixel objective function MSGL constraint linearization:
由步骤4可知,g(β)的第二项可转化为:From step 4, we can see that the second term of g(β) can be transformed into:
对二值图像像素目标函数g(β)求导并令其为零可得:Taking the derivative of the binary image pixel objective function g(β) and setting it to zero yields:
对等式两边同乘以二值图像像素多项式核系数βi:Multiply both sides of the equation by the binary image pixel polynomial kernel coefficient β i :
由上述推导可进一步得出:From the above derivation, we can further deduce that:
由此可得出如下约束条件线性化转化的二值图像像素模型选择目标函数MSGL:From this, we can derive the following constraint linear transformation binary image pixel model selection objective function MSGL:
其中,a为数值范围限值,μ为一个数值极小的确保正定的容许量。Among them, a is the value range limit, μ is a very small value to ensure Positive tolerance.
步骤6:二值图像像素目标函数Frank-Wolfe迭代求解:Step 6: Frank-Wolfe iterative solution of binary image pixel objective function:
对步骤5中约束条件线性化转化的二值图像像素模型选择目标函数MSGL进行给定点的梯度计算,并将该梯度作为目标函数,可得如下线性规划问题:For the binary image pixel model transformed by linearization of constraints in step 5, select the objective function MSGL to calculate the gradient of a given point, and use the gradient as the objective function, and the following linear programming problem can be obtained:
由此进行迭代式梯度计算与线性规划问题求解,得出二值图像像素多项式核系数βi。Iterative gradient calculation and linear programming problem solving are then performed to obtain the binary image pixel polynomial kernel coefficient β i .
步骤7:通过步骤6求得的二值图像像素多项式核系数βi,得出二值图像像素多项式图核函数的函数值,进而计算求得复原的二值图像像素值y:Step 7: Obtain the binary image pixel polynomial kernel function using the binary image pixel polynomial kernel coefficient β i obtained in step 6 The function value of , and then calculate the restored binary image pixel value y:
其中表示基准二值图像像素的像素值,表示对应待复原的二值图像像素的正则化图拉普拉斯副矩阵的逆矩阵,表示对应待复原与基准二值图像像素的正则化图拉普拉斯副矩阵,表示待复原二值图像像素的像素值。in represents the pixel value of the base binary image pixel, represents the inverse matrix of the regularized graph Laplacian submatrix corresponding to the binary image pixels to be restored, represents the regularized graph Laplacian submatrix corresponding to the pixels of the to-be-restored and reference binary images, Represents the pixel value of the binary image to be restored.
如表1所示,为使用本发明提出的方法在Matlab图片库中的二值图像像素复原的准确度验证,可见使用本发明提出的方法对二值图像像素进行复原具有较高的准确率。As shown in Table 1, the accuracy of the binary image pixel restoration in the Matlab image library using the method proposed in the present invention is verified. It can be seen that the method proposed in the present invention has a high accuracy rate in restoring the binary image pixels.
表1:MSGL在Matlab图片库中的二值图像像素复原的准确度验证Table 1: Accuracy verification of binary image pixel restoration using MSGL in Matlab image library
图1中步骤多重特征邻接矩阵实现了利用二值图像像素值,像素纵坐标值,以及像素横坐标值,组成二值图像像素的多重特征集,进而通过邻接矩阵描述二值图像像素点间的相关性,提升在具有噪音条件下获取的二值图像的像素点间相关性的数学描述准确度,确保后续二值图像复原的准确度,该实现具体的技术特征为:基于二值图像像素点的二值图像像素值,像素纵坐标值,以及像素横坐标值之间的特征距离,构建特征度量矩阵,进而定义二值图像像素点间的特征距离,从而构建多重特征邻接矩阵,该实现的创新点为同时利用二值图像像素的像素值以及像素所在空间位置,将像素值属性与空间属性等不同模式状态下的特征进行组合,获得高鲁棒性的多重特征,该实现的技术效果为提升在具有噪音条件下获取的二值图像的像素点间相关性的数学描述准确度,确保后续二值图像复原的准确度。The multiple feature adjacency matrix in the step of Figure 1 realizes the use of binary image pixel values, pixel ordinate values, and pixel abscissa values to form multiple feature sets of binary image pixels, and then describes the correlation between binary image pixels through the adjacency matrix, improves the accuracy of mathematical description of the correlation between pixels of the binary image obtained under noise conditions, and ensures the accuracy of subsequent binary image restoration. The specific technical features of this implementation are: based on the binary image pixel values, pixel ordinate values, and characteristic distances between pixel abscissa values of binary image pixels, a feature measurement matrix is constructed, and then the characteristic distance between binary image pixels is defined, thereby constructing a multiple feature adjacency matrix. The innovation of this implementation is to simultaneously use the pixel values of binary image pixels and the spatial positions of the pixels, combine the features in different mode states such as pixel value attributes and spatial attributes, and obtain highly robust multiple features. The technical effect of this implementation is to improve the accuracy of mathematical description of the correlation between pixels of the binary image obtained under noise conditions, and ensure the accuracy of subsequent binary image restoration.
图1中步骤正则化图拉普拉斯矩阵实现了利用度数矩阵将图拉普拉斯矩阵的对角线元素正则化为1,同时将图拉普拉斯矩阵的非对角线元素做相应转化,进而提升整体二值图像像素复原的准确度,该实现具体的技术特征为:利用度数矩阵将图拉普拉斯矩阵的对角线元素正则化为1,同时将图拉普拉斯矩阵的非对角线元素做相应转化,该实现的创新点为确保图拉普拉斯矩阵的对角线元素均为1,确保后续二值图像像素复原的统一性,该实现的技术效果为图拉普拉斯矩阵的对角线元素正则化为1,同时对图拉普拉斯矩阵的非对角线元素也做相应转化。The step of regularizing the graph Laplace matrix in Figure 1 realizes the use of the degree matrix to regularize the diagonal elements of the graph Laplace matrix to 1, and at the same time, the non-diagonal elements of the graph Laplace matrix are transformed accordingly, thereby improving the accuracy of the overall binary image pixel restoration. The specific technical features of this implementation are: using the degree matrix to regularize the diagonal elements of the graph Laplace matrix to 1, and at the same time, the non-diagonal elements of the graph Laplace matrix are transformed accordingly. The innovation of this implementation is to ensure that the diagonal elements of the graph Laplace matrix are all 1, to ensure the uniformity of subsequent binary image pixel restoration, and the technical effect of this implementation is that the diagonal elements of the graph Laplace matrix are regularized to 1, and at the same time, the non-diagonal elements of the graph Laplace matrix are also transformed accordingly.
图1中步骤多项式图核函数实现了同时考量不同层级的二值图像像素点的近邻像素点的图结构,进而提升二值图像像素复原的准确度,该实现具体的技术特征为:将不同层级的二值图像像素点的近邻像素点的图拉普拉斯矩阵进行线性组合,定义组合系数为优化变量,该实现的创新点为通过定义不同层级的二值图像像素点的近邻像素点的图拉普拉斯矩阵进行线性组合,规避了对图拉普拉斯矩阵中的特征度量关系的学习,使得优化变量的数量与用户定义的近邻个数相同,大幅提升二值图像像素复原效率,该实现的技术效果为将不同层级的二值图像像素点的近邻像素点的图拉普拉斯矩阵进行线性组合,定义组合系数为优化变量,进而后续快速求解组合系数。The step polynomial graph kernel function in Figure 1 realizes the simultaneous consideration of the graph structure of neighboring pixels of binary image pixels at different levels, thereby improving the accuracy of binary image pixel restoration. The specific technical features of this implementation are: linearly combining the graph Laplacian matrices of neighboring pixels of binary image pixels at different levels, and defining the combination coefficient as the optimization variable. The innovation of this implementation is to define the linear combination of the graph Laplacian matrices of neighboring pixels of binary image pixels at different levels, thereby avoiding the learning of the feature metric relationship in the graph Laplacian matrix, so that the number of optimization variables is the same as the number of neighbors defined by the user, greatly improving the efficiency of binary image pixel restoration. The technical effect of this implementation is to linearly combine the graph Laplacian matrices of neighboring pixels of binary image pixels at different levels, define the combination coefficient as the optimization variable, and then quickly solve the combination coefficient subsequently.
图1中步骤模型选择目标函数MSGL(即:模型选择图学习函数,英文名称:Model-Selection Graph learning,缩写为MSGL)实现了通过构建优化问题求解二值图像像素多项式图核函数系数,该实现具体的技术特征为:构建最小化优化问题,定义数据匹配项与复杂度惩罚项,并加入正定约束,该实现的创新点为在不引入额外参数的前提下,为求解二值图像像素多项式图核函数系数而构建凸优化问题,进而后续能够快速求解组合系数,该实现的技术效果为后续能够快速求解组合系数。The step model selection objective function MSGL (i.e., model selection graph learning function, English name: Model-Selection Graph learning, abbreviated as MSGL) in Figure 1 realizes solving the coefficients of the polynomial graph kernel function of binary image pixels by constructing an optimization problem. The specific technical features of this implementation are: constructing a minimization optimization problem, defining data matching terms and complexity penalty terms, and adding positive definite constraints. The innovation of this implementation is to construct a convex optimization problem for solving the coefficients of the polynomial graph kernel function of binary image pixels without introducing additional parameters, so that the combination coefficients can be solved quickly subsequently. The technical effect of this implementation is that the combination coefficients can be solved quickly subsequently.
图1中步骤目标函数MSGL约束线性化实现了将二值图像像素模型选择目标函数MSGL中的正定非线性约束条件线性化,进而能够通过线性求解器求解MSGL,大幅提升求解效率,该实现具体的技术特征为:将正定非线性约束条件转化为一系列线性约束,其中每一个线性约束与二值图像像素图拉普拉斯矩阵的特征值相关,该实现的创新点为将二值图像像素模型选择目标函数MSGL中的正定非线性约束条件线性化,进而能够通过线性求解器求解MSGL,大幅提升求解效率,该实现的技术效果为能够通过线性求解器求解MSGL,大幅提升求解效率。The step objective function MSGL constraint linearization in Figure 1 realizes the linearization of the positive definite nonlinear constraint conditions in the binary image pixel model selection objective function MSGL, and then the MSGL can be solved by a linear solver, which greatly improves the solution efficiency. The specific technical features of this implementation are: converting the positive definite nonlinear constraint conditions into a series of linear constraints, each of which is related to the eigenvalues of the Laplacian matrix of the binary image pixel graph. The innovation of this implementation is to linearize the positive definite nonlinear constraint conditions in the binary image pixel model selection objective function MSGL, and then the MSGL can be solved by a linear solver, which greatly improves the solution efficiency. The technical effect of this implementation is that MSGL can be solved by a linear solver, which greatly improves the solution efficiency.
图1中步骤Frank-Wolfe迭代求解实现了利用线性规划求解线性约束的二值图像像素模型选择目标函数MSGL,显著提升求解效率,该实现具体的技术特征为:对约束条件线性化转化的二值图像像素目标函数MSGL进行给定点的梯度计算,并将该梯度作为目标函数得到特定线性规划问题,该实现的创新点为迭代式地对约束条件线性化转化的二值图像像素目标函数MSGL进行给定点的梯度计算,并将该梯度作为目标函数得到特定线性规划问题,使得二值图像像素复原函数在求解过程中规避了非线性问题,提升了求解效率,该实现的技术效果为迭代式地对约束条件线性化转化的二值图像像素目标函数MSGL进行给定点的梯度计算,并将该梯度作为目标函数可得特定线性规划问题,提升求解效率。The Frank-Wolfe iterative solution in step 1 of FIG1 realizes the use of linear programming to solve the binary image pixel model selection objective function MSGL with linear constraints, which significantly improves the solution efficiency. The specific technical features of this implementation are: the gradient of the binary image pixel objective function MSGL transformed by the linear transformation of the constraint condition is calculated at a given point, and the gradient is used as the objective function to obtain a specific linear programming problem. The innovation of this implementation is to iteratively calculate the gradient of the binary image pixel objective function MSGL transformed by the linear transformation of the constraint condition at a given point, and use the gradient as the objective function to obtain a specific linear programming problem, so that the binary image pixel restoration function avoids nonlinear problems in the solution process, thereby improving the solution efficiency. The technical effect of this implementation is to iteratively calculate the gradient of the binary image pixel objective function MSGL transformed by the linear transformation of the constraint condition at a given point, and use the gradient as the objective function to obtain a specific linear programming problem, thereby improving the solution efficiency.
以上详细描述了本发明的较佳具体实施例。应当理解,本领域的普通技术人员无需创造性劳动就可以根据本发明的构思作出诸多修改和变化。因此,凡本技术领域中技术人员依本发明的构思在现有技术的基础上通过逻辑分析、推理或者有限的实验可以得到的技术方案,皆应在由权利要求书所确定的保护范围内。The preferred specific embodiments of the present invention are described in detail above. It should be understood that a person skilled in the art can make many modifications and changes based on the concept of the present invention without creative work. Therefore, any technical solution that can be obtained by a person skilled in the art through logical analysis, reasoning or limited experiments based on the concept of the present invention on the basis of the prior art should be within the scope of protection determined by the claims.
Claims (10)
Priority Applications (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN202310048459.8A CN115965556A (en) | 2023-01-31 | 2023-01-31 | Binary image restoration method |
Applications Claiming Priority (1)
Application Number | Priority Date | Filing Date | Title |
---|---|---|---|
CN202310048459.8A CN115965556A (en) | 2023-01-31 | 2023-01-31 | Binary image restoration method |
Publications (1)
Publication Number | Publication Date |
---|---|
CN115965556A true CN115965556A (en) | 2023-04-14 |
Family
ID=87352744
Family Applications (1)
Application Number | Title | Priority Date | Filing Date |
---|---|---|---|
CN202310048459.8A Pending CN115965556A (en) | 2023-01-31 | 2023-01-31 | Binary image restoration method |
Country Status (1)
Country | Link |
---|---|
CN (1) | CN115965556A (en) |
Cited By (1)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN117251715A (en) * | 2023-11-17 | 2023-12-19 | 华芯程(杭州)科技有限公司 | Layout measurement area screening method and device, electronic equipment and storage medium |
-
2023
- 2023-01-31 CN CN202310048459.8A patent/CN115965556A/en active Pending
Cited By (2)
Publication number | Priority date | Publication date | Assignee | Title |
---|---|---|---|---|
CN117251715A (en) * | 2023-11-17 | 2023-12-19 | 华芯程(杭州)科技有限公司 | Layout measurement area screening method and device, electronic equipment and storage medium |
CN117251715B (en) * | 2023-11-17 | 2024-03-19 | 华芯程(杭州)科技有限公司 | Layout measurement area screening method and device, electronic equipment and storage medium |
Similar Documents
Publication | Publication Date | Title |
---|---|---|
CN107832787B (en) | A Radar Radiation Source Identification Method Based on Bispectral Self-Encoding Features | |
WO2022088408A1 (en) | Graph neural network-based transaction fraud detection method and system | |
CN112200733B (en) | Grid denoising method based on graph convolution network | |
CN111553215B (en) | Personnel association method and device, graph roll-up network training method and device | |
CN112634149B (en) | A point cloud denoising method based on graph convolutional network | |
CN111462012A (en) | SAR image simulation method for generating countermeasure network based on conditions | |
Gajamannage et al. | A nonlinear dimensionality reduction framework using smooth geodesics | |
CN110378423A (en) | Feature extracting method, device, computer equipment and storage medium | |
Liu et al. | An operator-splitting method for the Gaussian curvature regularization model with applications to surface smoothing and imaging | |
CN111476346A (en) | Deep learning network architecture based on Newton conjugate gradient method | |
Zhao et al. | NormalNet: Learning-based mesh normal denoising via local partition normalization | |
Liu et al. | A bridging framework for model optimization and deep propagation | |
CN108876750B (en) | Method for removing Poisson noise from image based on non-local similarity low-rank matrix | |
CN115965556A (en) | Binary image restoration method | |
CN116912576A (en) | Adaptive graph convolution brain disease classification method based on high-order structure of brain network | |
Zhou et al. | Graph Denoising with Framelet Regularizers | |
You et al. | Robust structure low-rank representation in latent space | |
CN106845538A (en) | A kind of sparse Subspace clustering method for declining optimization based on selective coordinate | |
CN118537564A (en) | Method, system and equipment for fitting geometric primitives of three-dimensional point cloud data | |
CN104182989A (en) | Particle filter visual tracking method based on compressive sensing | |
CN115861683B (en) | A fast dimensionality reduction method for hyperspectral images | |
CN116361670A (en) | Incomplete multi-view clustering method, system, device and storage medium | |
CN114782336A (en) | Prediction method and device for fiber bundle orientation distribution based on graph convolutional neural network | |
Hou et al. | Robust laplacian matrix learning for smooth graph signals | |
Senthilkumar et al. | An improved fuzzy cellular neural network (IFCNN) for an edge detection based on parallel RK (5, 6) approach |
Legal Events
Date | Code | Title | Description |
---|---|---|---|
PB01 | Publication | ||
PB01 | Publication | ||
SE01 | Entry into force of request for substantive examination | ||
SE01 | Entry into force of request for substantive examination |