50 results on '"Tieyong Zeng"'
Search Results
2. Quaternion Screened Poisson Equation for Low-Light Image Enhancement
- Author
-
Chaoyan Huang, Yingying Fang, Tingting Wu, Tieyong Zeng, and Yonghua Zeng
- Subjects
Applied Mathematics ,Signal Processing ,Electrical and Electronic Engineering - Published
- 2022
3. Rank-One Prior: Real-Time Scene Recovery
- Author
-
Jun Liu, Ryan Wen Liu, Jianing Sun, and Tieyong Zeng
- Subjects
Computational Theory and Mathematics ,Artificial Intelligence ,Applied Mathematics ,Computer Vision and Pattern Recognition ,Software - Abstract
Scene recovery is a fundamental imaging task with several practical applications, including video surveillance and autonomous vehicles, etc. In this paper, we provide a new real-time scene recovery framework to restore degraded images under different weather/imaging conditions, such as underwater, sand dust and haze. A degraded image can actually be seen as a superimposition of a clear image with the same color imaging environment (underwater, sand or haze, etc.). Mathematically, we can introduce a rank-one matrix to characterize this phenomenon, i.e., rank-one prior (ROP). Using the prior, a direct method with the complexity O(N) is derived for real-time recovery. For general cases, we develop ROP
- Published
- 2022
4. Efficient Color Image Segmentation via Quaternion-based $$L_1/L_2$$ Regularization
- Author
-
Tingting Wu, Zhihui Mao, Zeyu Li, Yonghua Zeng, and Tieyong Zeng
- Subjects
Computational Mathematics ,Numerical Analysis ,Computational Theory and Mathematics ,Applied Mathematics ,General Engineering ,Software ,Theoretical Computer Science - Published
- 2022
5. Preconditioned Three-Operator Splitting Algorithm with Applications to Image Restoration
- Author
-
Yuchao Tang, Meng Wen, and Tieyong Zeng
- Subjects
Computational Mathematics ,Numerical Analysis ,Computational Theory and Mathematics ,Applied Mathematics ,General Engineering ,Software ,Theoretical Computer Science - Published
- 2022
6. Surface-Aware Blind Image Deblurring
- Author
-
Jun Liu, Ming Yan, and Tieyong Zeng
- Subjects
Deblurring ,Computer science ,business.industry ,Applied Mathematics ,Kernel density estimation ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,02 engineering and technology ,Impulse noise ,Computational Theory and Mathematics ,Kernel (image processing) ,Artificial Intelligence ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,Computer Vision and Pattern Recognition ,Artificial intelligence ,Image denoising ,business ,Software ,Image restoration ,Image gradient - Abstract
Blind image deblurring is a conundrum because there are infinitely many pairs of latent image and blur kernel. To get a stable and reasonable deblurred image, proper prior knowledge of the latent image and the blur kernel is urgently required. Different from the recent works on the statistical observations of the difference between the blurred image and the clean one, our method is built on the surface-aware strategy arising from the intrinsic geometrical consideration. This approach facilitates the blur kernel estimation due to the preserved sharp edges in the intermediate latent image. Extensive experiments demonstrate that our method outperforms the state-of-the-art methods on deblurring the text and natural images. Moreover, our method can achieve attractive results in some challenging cases, such as low-illumination images with large saturated regions and impulse noise. A direct extension of our method to the non-uniform deblurring problem also validates the effectiveness of the surface-aware prior.
- Published
- 2021
7. Joint demosaicking and denoising benefits from a two-stage training strategy
- Author
-
Yu Guo, Qiyu Jin, Jean-Michel Morel, Tieyong Zeng, and Gabriele Facciolo
- Subjects
FOS: Computer and information sciences ,Computational Mathematics ,Computer Vision and Pattern Recognition (cs.CV) ,Applied Mathematics ,Computer Science - Computer Vision and Pattern Recognition - Abstract
Image demosaicking and denoising are the first two key steps of the color image production pipeline. The classical processing sequence has for a long time consisted of applying denoising first, and then demosaicking. Applying the operations in this order leads to oversmoothing and checkerboard effects. Yet, it was difficult to change this order, because once the image is demosaicked, the statistical properties of the noise are dramatically changed and hard to handle by traditional denoising models. In this paper, we address this problem by a hybrid machine learning method. We invert the traditional color filter array (CFA) processing pipeline by first demosaicking and then denoising. Our demosaicking algorithm, trained on noiseless images, combines a traditional method and a residual convolutional neural network (CNN). This first stage retains all known information, which is the key point to obtain faithful final results. The noisy demosaicked image is then passed through a second CNN restoring a noiseless full-color image. This pipeline order completely avoids checkerboard effects and restores fine image detail. Although CNNs can be trained to solve jointly demosaicking-denoising end-to-end, we find that this two-stage training performs better and is less prone to failure. It is shown experimentally to improve on the state of the art, both quantitatively and in terms of visual quality., 28 pages, 40 figures
- Published
- 2023
8. Orientation estimation of cryo-EM images using projected gradient descent method
- Author
-
Huan Pan, Jian Lu, You-Wei Wen, Chen Xu, and Tieyong Zeng
- Subjects
Applied Mathematics ,Signal Processing ,Mathematical Physics ,Computer Science Applications ,Theoretical Computer Science - Abstract
Orientation estimation is an important task in three-dimensional cryo-EM image reconstruction. By applying the common line method, the orientation estimation task can be formulated as a least squares (LS) problem or a least un-squared deviation (LUD) problem with orthogonality constraint. However, the non-convexity of the orthogonality constraint introduces numerical difficulties to the orientation estimation. The conventional approach is to reformulate the orthogonality constrained minimization problem into a semi-definite programming problem using convex relaxation strategies. In this paper, we consider a direct way to solve the constrained minimization problem without relaxation. We focus on the weighted LS problem because the LUD problem can be reformulated into a sequence of weighted LS problems using the iteratively re-weighted LS approach. As a classical approach, the projected gradient descent (PGD) method has been successfully applied to solve the convex constrained minimization problem. We apply the PGD method to the minimization problem with orthogonality constraint and show that the constraint set is a generalized prox-regular set, and it satisfies the norm compatibility condition. We also demonstrate that the objective function of the minimization problem satisfies the restricted strong convexity and the restricted strong smoothness over a constraint set. Therefore, the sequence generated by the PGD method converges when the initial conditions are satisfied. Experimental results show that the PGD method significantly outperforms the semi-definite relaxation methods from a computation standpoint, and the mean square error is almost the same or smaller.
- Published
- 2023
9. Pixel-Attention CNN With Color Correlation Loss for Color Image Denoising
- Author
-
Yijin Yang, Liyan Ma, Tieyong Zeng, and Fan Jia
- Subjects
Pixel ,Noise measurement ,business.industry ,Computer science ,Applied Mathematics ,Noise reduction ,Feature extraction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Image processing ,Pattern recognition ,Convolutional neural network ,Colors of noise ,Computer Science::Computer Vision and Pattern Recognition ,Signal Processing ,Artificial intelligence ,Noise (video) ,Electrical and Electronic Engineering ,business - Abstract
Convolutional neural networks (CNNs) have been applied to many image processing tasks and achieve great successes. In order to extract common features, every pixel in an image shares the same filters. However, pixels in different regions of an image varies dramatically and shared filters may lose some important local information. Rather than shared filters, smart filters which can be adapted to image context should be designed to better remove noise which occurs randomly in noisy image. Meanwhile, current CNN architectures compute the loss of each color channel independently, regardless of the potential color information. In this letter, we proposed a pixel-attention convolutional neural network (PACNN) with color correlation loss for the color image denoising task. The pixel-attention mechanism could generate pixel-wise attention maps which help remove random noise. The color correlation loss exploits color correlation to further improve denoising performance on color noisy images. The experimental results on several standard datasets demonstrate the state-of-the-art (SOTA) performance and the superiority of the proposed method.
- Published
- 2021
10. Deep Multi-Level Wavelet-CNN Denoiser Prior for Restoring Blurred Image With Cauchy Noise
- Author
-
Wei Li, Tieyong Zeng, Shilong Jia, Tingting Wu, and Yiqiu Dong
- Subjects
Computer science ,business.industry ,Applied Mathematics ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Cauchy distribution ,020206 networking & telecommunications ,Pattern recognition ,02 engineering and technology ,Convolutional neural network ,law.invention ,symbols.namesake ,Noise ,Wavelet ,law ,Gaussian noise ,Computer Science::Computer Vision and Pattern Recognition ,Signal Processing ,0202 electrical engineering, electronic engineering, information engineering ,symbols ,Artificial intelligence ,Electrical and Electronic Engineering ,Radar ,Focus (optics) ,business ,Image restoration - Abstract
Cauchy noise, as a typical non-Gaussian noise, appears frequently in many important fields, such as radar, medical, and biomedical imaging. In this letter, we focus on image recovery under Cauchy noise. Instead of the celebrated total variation or low-rank prior, we adopt a novel deep-learning-based image denoiser prior to effectively remove Cauchy noise with blur. To preserve more detailed texture and better balance between the receptive field size and the computational cost, we apply the multi-level wavelet convolutional neural network (MWCNN) to train this denoiser. We use the forward-backward splitting (FBS) method to handle the proposed model, which can be implemented efficiently without introducing auxiliary variables. Moreover, the multi-noise-levels strategy is employed to train a series of denoisers to restore the image corrupted by Cauchy noise and blur. Numerical experiments demonstrate clearly that our method has better performance than the existing image restoration methods for removing Cauchy noise in terms of the quantitative index and visual quality.
- Published
- 2020
11. A Three-Stage Variational Image Segmentation Framework Incorporating Intensity Inhomogeneity Information
- Author
-
Xu Li, Tieyong Zeng, and Xiaoping Yang
- Subjects
Three stage ,Computer science ,business.industry ,Applied Mathematics ,General Mathematics ,Regular polygon ,02 engineering and technology ,Image segmentation ,Intensity (physics) ,Image (mathematics) ,Rate of convergence ,Computer Science::Computer Vision and Pattern Recognition ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Segmentation ,Computer vision ,Artificial intelligence ,Stage (hydrology) ,business - Abstract
In this paper, we propose a new three-stage segmentation framework based on a convex variant of the Mumford--Shah model and the intensity inhomogeneity information of an image. The first stage in o...
- Published
- 2020
12. A hybrid data driven-physics constrained Gaussian process regression framework with deep kernel for uncertainty quantification
- Author
-
Cheng Chang and Tieyong Zeng
- Subjects
FOS: Computer and information sciences ,History ,Computer Science - Machine Learning ,Computational Mathematics ,Numerical Analysis ,Polymers and Plastics ,Physics and Astronomy (miscellaneous) ,Applied Mathematics ,Modeling and Simulation ,Business and International Management ,Industrial and Manufacturing Engineering ,Computer Science Applications ,Machine Learning (cs.LG) - Abstract
Gaussian process regression (GPR) has been a well-known machine learning method for various applications such as uncertainty quantifications (UQ). However, GPR is inherently a data-driven method, which requires sufficiently large dataset. If appropriate physics constraints (e.g. expressed in partial differential equations) can be incorporated, the amount of data can be greatly reduced and the accuracy further improved. In this work, we propose a hybrid data driven-physics constrained Gaussian process regression framework. We encode the physics knowledge with Boltzmann-Gibbs distribution and derive our model through maximum likelihood (ML) approach. We apply deep kernel learning method. The proposed model learns from both data and physics constraints through the training of a deep neural network, which serves as part of the covariance function in GPR. The proposed model achieves good results in high-dimensional problem, and correctly propagate the uncertainty, with very limited labelled data provided., Comment: 16 pages, 10 figures
- Published
- 2022
- Full Text
- View/download PDF
13. Image restoration based on fractional-order model with decomposition: texture and cartoon
- Author
-
Shaowen Yan, Tieyong Zeng, and Guoxi Ni
- Subjects
Computational Mathematics ,Deblurring ,Wavelet ,Applied Mathematics ,Image (category theory) ,Norm (mathematics) ,Order (ring theory) ,Applied mathematics ,Regularization (mathematics) ,Image restoration ,Mathematics ,Term (time) - Abstract
Inspired by the work of Daubechies and Teschke (Appl Comput Harmon Anal 19(1):1–16. https://doi.org/10.1016/j.acha.2004.12.004 , 2005), we propose an image deblurring and denoising method based on fractional-order model with simultaneous decomposition. We use fractional-order derivative as the regularization term of cartoon part to avoid blocky effect. We replace the BV regularization term by $$B^\beta _q(L_p(\varOmega ))$$ term, and $$B^{-1}_1(L_1(\varOmega ))$$ term for the regularization of texture part. To promote sparsity, we add a nonconvex regularization term which is the weighted difference of $$l_1$$ -norm and $$l_2$$ -norm based on wavelet frame to the regularization term. The model can be solved by alternating direction method of multipliers (ADMM). The comparative experimental results show that the capability of preserving the edges and textural details of our algorithms. Our fractional-order algorithms are superior to that of traditional integer-order algorithms especially for images with texture.
- Published
- 2021
14. Edge adaptive hybrid regularization model for image deblurring
- Author
-
Tingting Zhang, Jie Chen, Caiying Wu, Zhifei He, Tieyong Zeng, and Qiyu Jin
- Subjects
FOS: Computer and information sciences ,Computer Science::Computer Vision and Pattern Recognition ,Computer Vision and Pattern Recognition (cs.CV) ,Applied Mathematics ,Image and Video Processing (eess.IV) ,Signal Processing ,Computer Science - Computer Vision and Pattern Recognition ,FOS: Electrical engineering, electronic engineering, information engineering ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Electrical Engineering and Systems Science - Image and Video Processing ,Mathematical Physics ,Computer Science Applications ,Theoretical Computer Science - Abstract
Parameter selection is crucial to regularization-based image restoration methods. Generally speaking, a spatially fixed parameter for the regularization term does not perform well for both edge and smooth areas. A larger parameter for the regularization term reduces noise better in smooth areas but blurs edge regions, while a small parameter sharpens edge but causes residual noise. In this paper, an automated spatially adaptive regularization model, which combines the harmonic and total variation (TV) terms, is proposed for the image reconstruction from noisy and blurred observation. The proposed model detects the edges and then spatially adjusts the parameters of Tikhonov and TV regularization terms for each pixel according to the edge information. Accordingly, the edge information matrix will also be dynamically updated during the iterations. Computationally, the newly-established model is convex, which can be solved by the semi-proximal alternating direction method of multipliers with a linear convergence rate. Numerical simulation results demonstrate that the proposed model effectively preserves the image edges and eliminates the noise and blur at the same time. In comparison to state-of-the-art algorithms, it outperforms other methods in terms of peak signal to noise ratio, structural similarity index and visual quality.
- Published
- 2022
15. Constrained Total Variation Based Three-Dimension Single Particle Reconstruction in Cryogenic Electron Microscopy
- Author
-
Tieyong Zeng, You-Wei Wen, and Huan Pan
- Subjects
Numerical Analysis ,Applied Mathematics ,Mathematical analysis ,General Engineering ,Minimax problem ,Minimax ,Transfer function ,Theoretical Computer Science ,law.invention ,Computational Mathematics ,Biological specimen ,Computational Theory and Mathematics ,law ,Saddle point ,Norm (mathematics) ,Electron microscope ,Software ,Mathematics - Abstract
The single particle reconstruction (SPR) in cryogenic electron microscopy is considered in this paper. This is an emerging technique for determining the three-dimensional (3D) structure of biological specimens from a limited number of the micrographs. Because the micrographs are modulated by contrast transfer functions and corrupted by heavy noise, the number of micrographs might be limited, in general it is a serious ill-posed problem to reconstruct the original particle. In this paper, we propose a constrained total variation (TV) model for single particle reconstruction. The TV norm is represented by the dual formulation that changes the SPR problem into a minimax one. The primal-dual method is applied to find the saddle point of the minimax problem, and the convergence condition is given. Numerical results show that the proposed model is very effective in reconstructing the particle.
- Published
- 2020
16. One-dimensional phase retrieval: regularization, box relaxation and uniqueness
- Author
-
Tieyong Zeng, Yifei Lou, Stefano Marchesini, and Wing Hong Wong
- Subjects
FOS: Computer and information sciences ,Applied physics ,box relaxation ,Computer Science - Information Theory ,Denoising algorithm ,Binary number ,010103 numerical & computational mathematics ,Binary constraint ,01 natural sciences ,Regularization (mathematics) ,Theoretical Computer Science ,symbols.namesake ,ambiguities ,cs.IT ,Applied mathematics ,Uniqueness ,math.IT ,0101 mathematics ,Mathematical Physics ,Mathematics ,phase retrieval ,Information Theory (cs.IT) ,Applied Mathematics ,binary signals ,Pure Mathematics ,Computer Science Applications ,010101 applied mathematics ,Fourier transform ,Signal Processing ,symbols ,Phase retrieval - Abstract
Recovering a signal from its Fourier magnitude is referred to as phase retrieval, which occurs in different fields of engineering and applied physics. This paper gives a new characterization of the phase retrieval problem. Particularly useful is the analysis revealing that the common gradient-based regularization does not restrict the set of solutions to a smaller set. Specifically focusing on binary signals, we show that a box relaxation is equivalent to the binary constraint for Fourier-types of phase retrieval. We further prove that binary signals can be recovered uniquely up to trivial ambiguities under certain conditions. Finally, we use the characterization theorem to develop an efficient denoising algorithm., Comment: 25 pages, 11 figures
- Published
- 2020
17. Overlapping Domain Decomposition Methods for Ptychographic Imaging
- Author
-
Roland Glowinski, Xue-Cheng Tai, Tieyong Zeng, Stefano Marchesini, Yang Wang, and Huibin Chang
- Subjects
46N10, 49N30, 49N45, 65F22, 65N21 ,Applied Mathematics ,Domain decomposition methods ,010103 numerical & computational mathematics ,Numerical Analysis (math.NA) ,01 natural sciences ,Ptychography ,Computational Mathematics ,Optimization and Control (math.OC) ,FOS: Mathematics ,Mathematics - Numerical Analysis ,0101 mathematics ,Phase retrieval ,Mathematics - Optimization and Control ,Algorithm ,Mathematics - Abstract
In ptychography experiments, redundant scanning is usually required to guarantee the stable recovery, such that a huge amount of frames are generated, and thus it poses a great demand of parallel computing in order to solve this large-scale inverse problem. In this paper, we propose the overlapping Domain Decomposition Methods(DDMs) to solve the nonconvex optimization problem in ptychographic imaging. They decouple the problem defined on the whole domain into subproblems only defined on the subdomains with synchronizing information in the overlapping regions of these subdomains,thus leading to highly parallel algorithms with good load balance. More specifically, for the nonblind recovery (with known probe in advance), by enforcing the continuity of the overlapping regions for the image (sample), the nonlinear optimization model is established based on a novel smooth-truncated amplitude-Gaussian metric (ST-AGM). Such metric allows for fast calculation of the proximal mapping with closed form, and meanwhile provides the possibility for the convergence guarantee of the first-order nonconvex optimization algorithm due to its Lipschitz smoothness. Then the Alternating Direction Method of Multipliers (ADMM) is utilized to generate an efficient Overlapping Domain Decomposition based Ptychography algorithm(OD2P) for the two-subdomain domain decomposition (DD), where all subproblems can be computed with close-form solutions.Due to the Lipschitz continuity for the gradient of the objective function with ST-AGM, the convergence of the proposed OD2P is derived under mild conditions. Moreover, it is extended to more general case including multiple-subdomain DD and blind recovery. Numerical experiments are further conducted to show the performance of proposed algorithms, demonstrating good convergence speed and robustness to the noise., Comment: 23 pages
- Published
- 2020
- Full Text
- View/download PDF
18. Deep Generative Mixture Model for Robust Imbalance Classification
- Author
-
Xinyue, Wang, Liping, Jing, Yilin, Lyu, Mingzhe, Guo, Jiaqi, Wang, Huafeng, Liu, Jian, Yu, and Tieyong, Zeng
- Subjects
Computational Theory and Mathematics ,Artificial Intelligence ,Applied Mathematics ,Computer Vision and Pattern Recognition ,Software - Abstract
Discovering hidden pattern from imbalanced data is a critical issue in various real-world applications. Existing classification methods usually suffer from the limitation of data especially for minority classes, and result in unstable prediction and low performance. In this paper, a deep generative classifier is proposed to mitigate this issue via both model perturbation and data perturbation. Specially, the proposed generative classifier is derived from a deep latent variable model where two variables are involved. One variable is to capture the essential information of the original data, denoted as latent codes, which are represented by a probability distribution rather than a single fixed value. The learnt distribution aims to enforce the uncertainty of model and implement model perturbation, thus, lead to stable predictions. The other variable is a prior to latent codes so that the codes are restricted to lie on components in Gaussian Mixture Model. As a confounder affecting generative processes of data (feature/label), the latent variables are supposed to capture the discriminative latent distribution and implement data perturbation. Extensive experiments have been conducted on widely-used real imbalanced image datasets. Experimental results demonstrate the superiority of our proposed model by comparing with popular imbalanced classification baselines on imbalance classification task.
- Published
- 2022
19. Nonconvex regularization for blurred images with Cauchy noise
- Author
-
Xiao Ai, Guoxi Ni, and Tieyong Zeng
- Subjects
Control and Optimization ,Image (category theory) ,Cauchy distribution ,Regularization (mathematics) ,Multiplier (Fourier analysis) ,Noise ,Wavelet ,Modeling and Simulation ,Norm (mathematics) ,Convergence (routing) ,Discrete Mathematics and Combinatorics ,Applied mathematics ,Pharmacology (medical) ,Analysis ,Mathematics - Abstract
In this paper, we propose a nonconvex regularization model for images damaged by Cauchy noise and blur. This model is based on the method of the total variational proposed by Federica, Dong and Zeng [SIAM J. Imaging Sci.(2015)], where a variational approach for restoring blurred images with Cauchy noise is used. Here we consider the nonconvex regularization, namely a weighted difference of \begin{document}$ l_1 $\end{document}-norm and \begin{document}$ l_2 $\end{document}-norm coupled with wavelet frame, the alternating direction method of multiplier is carried out for this minimization problem, we describe the details of the algorithm and prove its convergence. Numerical experiments are tested by adding different levels of noise and blur, results show that our method can denoise and deblur the image better.
- Published
- 2022
20. Variational Image Restoration and Segmentation with Rician Noise
- Author
-
Liyuan Chen, Yutian Li, and Tieyong Zeng
- Subjects
Numerical Analysis ,Applied Mathematics ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,General Engineering ,Image processing ,Image segmentation ,Real image ,01 natural sciences ,Thresholding ,Theoretical Computer Science ,010101 applied mathematics ,Computational Mathematics ,Range (mathematics) ,Computational Theory and Mathematics ,Computer Science::Computer Vision and Pattern Recognition ,Convergence (routing) ,Segmentation ,0101 mathematics ,Algorithm ,Software ,Image restoration ,Mathematics - Abstract
Restoring and segmenting images corrupted by Rician noise are now challenging issues in the field of medical image processing. Our previously proposed restoration model, which is based on the statistical property of Rician noise, was proven efficient only when the standard variation of Rician noise in the image is greater than a certain positive number. The present paper further theoretically proves that this certain positive number can be replaced by zero, i.e., the standard variation of Rician noise can be any positive value. This broadens its application range. In addition, the data-fidelity term in the proposed restoration model can be applied into the famous two-stage segmentation method for segmenting images corrupted by Rician noise. In the first stage, a new variant of modified Mumford–Shah model is established with whose data-fidelity term is designed to manipulate Rician noise in the image. The strict convexity holds for this optimization model and linearized primal-dual algorithm with theoretical convergence analysis can be implemented for achieving the global optimal solution. For the second stage, partition on the optimal smooth cartoon image is done simply by thresholding. Such two-stage segmentation method is apparently more suitable for image with Rician noise compared to other state-of-art algorithms. Numerical experiments are conducted on both synthetic and real images. The results suggest that the proposed method is more favorable for image segmentation task with Rician noise.
- Published
- 2018
21. A Nonconvex Model with Minimax Concave Penalty for Image Restoration
- Author
-
Yuling Jiao, Xiliang Lu, Tieyong Zeng, and Juntao You
- Subjects
Numerical Analysis ,Mathematical optimization ,Applied Mathematics ,Tv model ,General Engineering ,010103 numerical & computational mathematics ,02 engineering and technology ,Minimax ,01 natural sciences ,Theoretical Computer Science ,Computational Mathematics ,Computational Theory and Mathematics ,Signal recovery ,Norm (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,0101 mathematics ,Software ,Image restoration ,Mathematics - Abstract
A natural image u is often sparse under a given transformation W, one can use $$L_0$$ norm of Wu as a regularisation term in image reconstructions. Since minimizing the $$L_0$$ norm is a NP hard problem, the $$L_1$$ norm is widely used as an replacement. However, recent studies show that nonconvex penalties, e.g., MCP, enjoy better performance for sparse signal recovery. In this paper, we propose a nonconvex model for image restoration with a minimax concave penalty (MCP). First we establish the existence of a global minimizer for the nonconvex model. Then we solve this model by using the alternating direction method of multipliers algorithm. The convergence of the proposed algorithm is analysed with properly chosen parameters. Numerical experiments show that the MCP model outperforms TV model in terms of efficiency and accuracy.
- Published
- 2018
22. Variational Phase Retrieval with Globally Convergent Preconditioned Proximal Algorithm
- Author
-
Stefano Marchesini, Huibin Chang, Yifei Lou, and Tieyong Zeng
- Subjects
Applied Mathematics ,General Mathematics ,020206 networking & telecommunications ,02 engineering and technology ,Lipschitz continuity ,Regularization (mathematics) ,Term (time) ,symbols.namesake ,Fourier transform ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,symbols ,Applied mathematics ,020201 artificial intelligence & image processing ,Differentiable function ,Minification ,Phase retrieval ,Mathematics - Abstract
We reformulate the original phase retrieval problem into two variational models (with and without regularization), both containing a globally Lipschitz differentiable term. These two models can be efficiently solved via the proposed Partially Preconditioned Proximal Alternating Linearized Minimization (P${}^3$ALM) for masked Fourier measurements. Thanks to the Lipschitz differentiable term, we prove the global convergence of P${}^3$ALM for solving the nonconvex phase retrieval problems. Extensive experiments are conducted to show the effectiveness of the proposed methods.
- Published
- 2018
23. Hybrid Variational Model for Texture Image Restoration
- Author
-
Liyan Ma, Gongyan Li, and Tieyong Zeng
- Subjects
Minimisation (psychology) ,Mathematical optimization ,Image quality ,Computer science ,Texture (cosmology) ,Applied Mathematics ,Variational model ,02 engineering and technology ,01 natural sciences ,010101 applied mathematics ,symbols.namesake ,Gaussian noise ,0202 electrical engineering, electronic engineering, information engineering ,symbols ,020201 artificial intelligence & image processing ,0101 mathematics ,Algorithm ,Image restoration - Abstract
The hybrid variational model for restoration of texture images corrupted by blur and Gaussian noise we consider combines total variation regularisation and a fractional-order regularisation, and is solved by an alternating minimisation direction algorithm. Numerical experiments demonstrate the advantage of this model over the adaptive fractional-order variational model in image quality and computational time.
- Published
- 2017
24. Regularized Non-local Total Variation and Application in Image Restoration
- Author
-
François Malgouyres, Tieyong Zeng, Zhi Li, Hong Kong Baptist University (HKBU), Institut de Mathématiques de Toulouse UMR5219 (IMT), Université Toulouse Capitole (UT Capitole), Université de Toulouse (UT)-Université de Toulouse (UT)-Institut National des Sciences Appliquées - Toulouse (INSA Toulouse), Institut National des Sciences Appliquées (INSA)-Université de Toulouse (UT)-Institut National des Sciences Appliquées (INSA)-Université Toulouse - Jean Jaurès (UT2J), Université de Toulouse (UT)-Université Toulouse III - Paul Sabatier (UT3), Université de Toulouse (UT)-Centre National de la Recherche Scientifique (CNRS), Institut National des Sciences Appliquées - Toulouse (INSA Toulouse), Institut National des Sciences Appliquées (INSA)-Institut National des Sciences Appliquées (INSA)-Université Toulouse 1 Capitole (UT1), Université Fédérale Toulouse Midi-Pyrénées-Université Fédérale Toulouse Midi-Pyrénées-Université Toulouse - Jean Jaurès (UT2J)-Université Toulouse III - Paul Sabatier (UT3), and Université Fédérale Toulouse Midi-Pyrénées-Centre National de la Recherche Scientifique (CNRS)
- Subjects
Statistics and Probability ,Mathematical optimization ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Inpainting ,02 engineering and technology ,image restoration ,01 natural sciences ,Regularization (mathematics) ,Image (mathematics) ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,non-local regularization ,MSC (2000): 49N45, 65K10, 90C26 ,0101 mathematics ,Image restoration ,Mathematics ,Pixel ,Applied Mathematics ,proximal alternating linearized minimization ,nonconvex minimization ,Function (mathematics) ,Condensed Matter Physics ,Term (time) ,010101 applied mathematics ,total variation ,[INFO.INFO-TI]Computer Science [cs]/Image Processing [eess.IV] ,Computer Science::Computer Vision and Pattern Recognition ,Modeling and Simulation ,020201 artificial intelligence & image processing ,[MATH.MATH-OC]Mathematics [math]/Optimization and Control [math.OC] ,Geometry and Topology ,Computer Vision and Pattern Recognition ,Algorithm - Abstract
International audience; In the usual non-local variational models, such as the non-local total variations (NLTV), the image is regularized by minimizing an energy term that penalizes gray-levels discrepancy between some specified pairs of pixels, a weight value is computed between these two pixels to penalize their dissimilarity. In this paper, we impose some regularity to those weight values. More precisely, we minimize a function involving a regularization term, analogous to an $H^1$ term, on weights. Doing so, the finite differences defining the image regularity depend on their environment. When the weights are difficult to define, they can be restored by the proposed stable regularization scheme.We provide all the details necessary for the implementation of a PALM algorithm with proved convergence. We illustrate the ability of the model to restore relevant unknown edges from the neighboring edges on an image inpainting problem. We also argue on inpainting, zooming and denoising problems that the model better recovers thin structures.
- Published
- 2017
25. A Three-Stage Approach for Segmenting Degraded Color Images: Smoothing, Lifting and Thresholding (SLaT)
- Author
-
Tieyong Zeng, Raymond H. Chan, Mila Nikolova, Xiaohao Cai, Laboratoire d'Imagerie Biomédicale (LIB), Centre National de la Recherche Scientifique (CNRS)-Institut National de la Santé et de la Recherche Médicale (INSERM)-Université Pierre et Marie Curie - Paris 6 (UPMC), Department of Mathematics [CUHK], The Chinese University of Hong Kong [Hong Kong], Centre de Mathématiques et de Leurs Applications (CMLA), École normale supérieure - Cachan (ENS Cachan)-Centre National de la Recherche Scientifique (CNRS), Hong Kong Baptist University (HKBU), ANR-14-CE27-0019,MIRIAM,Restauration Multi-Images: des Mathématiques Appliqueés à l'Industrie de l'Imagerie.(2014), Nikolova, Mila, and Appel à projets générique - Restauration Multi-Images: des Mathématiques Appliqueés à l'Industrie de l'Imagerie. - - MIRIAM2014 - ANR-14-CE27-0019 - Appel à projets générique - VALID
- Subjects
FOS: Computer and information sciences ,[INFO.INFO-TS] Computer Science [cs]/Signal and Image Processing ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Scale-space segmentation ,02 engineering and technology ,Color space ,01 natural sciences ,Secondary color ,Theoretical Computer Science ,[INFO.INFO-TS]Computer Science [cs]/Signal and Image Processing ,FOS: Mathematics ,0202 electrical engineering, electronic engineering, information engineering ,Computer vision ,Segmentation ,Mathematics - Numerical Analysis ,0101 mathematics ,Mumford-Shah model ,Mathematics ,Numerical Analysis ,convex variational models ,business.industry ,Applied Mathematics ,I.4.6 ,General Engineering ,Numerical Analysis (math.NA) ,color spaces ,Image segmentation ,Thresholding ,010101 applied mathematics ,Computational Mathematics ,Computational Theory and Mathematics ,Computer Science::Computer Vision and Pattern Recognition ,multiphase color image segmentation ,020201 artificial intelligence & image processing ,Artificial intelligence ,Noise (video) ,business ,65F22 ,Software ,Smoothing - Abstract
In this paper, we propose a SLaT (Smoothing, Lifting and Thresholding) method with three stages for multiphase segmentation of color images corrupted by different degradations: noise, information loss, and blur. At the first stage, a convex variant of the Mumford-Shah model is applied to each channel to obtain a smooth image. We show that the model has unique solution under the different degradations. In order to properly handle the color information, the second stage is dimension lifting where we consider a new vector-valued image composed of the restored image and its transform in the secondary color space with additional information. This ensures that even if the first color space has highly correlated channels, we can still have enough information to give good segmentation results. In the last stage, we apply multichannel thresholding to the combined vector-valued image to find the segmentation. The number of phases is only required in the last stage, so users can choose or change it all without the need of solving the previous stages again. Experiments demonstrate that our SLaT method gives excellent results in terms of segmentation quality and CPU time in comparison with other state-of-the-art segmentation methods., 19 pages
- Published
- 2017
26. Preconditioned Douglas-Rachford type primal-dual method for solving composite monotone inclusion problems with applications
- Author
-
Tieyong Zeng, Yuchao Tang, Meng Wen, and Yixuan Yang
- Subjects
Control and Optimization ,Iterative method ,02 engineering and technology ,Type (model theory) ,01 natural sciences ,010101 applied mathematics ,Monotone polygon ,Modeling and Simulation ,Bounded function ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,Discrete Mathematics and Combinatorics ,Applied mathematics ,020201 artificial intelligence & image processing ,Pharmacology (medical) ,Product topology ,0101 mathematics ,Finite set ,Analysis ,Resolvent ,Mathematics - Abstract
This paper is concerned with the monotone inclusion involving the sum of a finite number of maximally monotone operators and the parallel sum of two maximally monotone operators with bounded linear operators. To solve this monotone inclusion, we first transform it into the formulation of the sum of three maximally monotone operators in a proper product space. Then we derive two efficient iterative algorithms, which combine the partial inverse method with the preconditioned Douglas-Rachford splitting algorithm and the preconditioned proximal point algorithm. Furthermore, we develop an iterative algorithm, which relies on the preconditioned Douglas-Rachford splitting algorithm without using the partial inverse method. We carefully analyze the theoretical convergence of the proposed algorithms. Finally, in order to demonstrate the effectiveness and efficiency of these algorithms, we conduct numerical experiments on a novel image denoising model for salt-and-pepper noise removal. Numerical results show the good performance of the proposed algorithms.
- Published
- 2021
27. Low Rank Prior and Total Variation Regularization for Image Deblurring
- Author
-
Li Xu, Tieyong Zeng, and Liyan Ma
- Subjects
Mathematical optimization ,Deblurring ,Rank (linear algebra) ,Noise reduction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Matrix norm ,02 engineering and technology ,01 natural sciences ,Theoretical Computer Science ,Image (mathematics) ,Matrix (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,0101 mathematics ,Mathematics ,Numerical Analysis ,Applied Mathematics ,General Engineering ,Total variation denoising ,010101 applied mathematics ,Computational Mathematics ,Variational method ,Computational Theory and Mathematics ,Computer Science::Computer Vision and Pattern Recognition ,020201 artificial intelligence & image processing ,Algorithm ,Software - Abstract
The similar image patches should have similar underlying structures. Thus the matrix constructed from stacking the similar patches together has low rank. Based on this fact, the nuclear norm minimization, which is the convex relaxation of low rank minimization, leads to good denoising results. Recently, the weighted nuclear norm minimization has been applied to image denoising. This approach presents state-of-the-art result for image denoising. In this paper, we further study the weighted nuclear norm minimization problem for general image recovery task. For the weights being in arbitrary order, we prove that such minimization problem has a unique global optimal solution in the closed form. Incorporating this idea with the celebrated total variation regularization, we then investigate the image deblurring problem. Numerical experimental results illustratively clearly that the proposed algorithms achieve competitive performance.
- Published
- 2016
28. Variational Multiplicative Noise Removal by DC Programming
- Author
-
Yifei Lou, Zhi Li, and Tieyong Zeng
- Subjects
Numerical Analysis ,Sequence ,Deblurring ,Applied Mathematics ,Multiplicative function ,General Engineering ,02 engineering and technology ,01 natural sciences ,Stationary point ,Multiplicative noise ,Theoretical Computer Science ,010101 applied mathematics ,Computational Mathematics ,Noise ,Computational Theory and Mathematics ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,0101 mathematics ,Convex function ,Algorithm ,Software ,Mathematics - Abstract
This paper proposes a difference of convex algorithm (DCA) to deal with a non-convex data fidelity term, proposed by Aubert and Aujol referred to as the AA model. The AA model was adopted in many subsequent works for multiplicative noise removal, most of which focused on convex approximation so that numerical algorithms with guaranteed convergence can be designed. Noting that the AA model can be naturally split into a difference of two convex functions, we apply the DCA to solve the original AA model. Compared to the gradient projection algorithm considered by Aubert and Aujol, the DCA often converges faster and leads to a better solution. We prove that the DCA sequence converges to a stationary point, which satisfies the first order optimality condition. In the experiments, we consider two applications, image denoising and deblurring, both of which involve multiplicative Gamma noise. Numerical results demonstrate that the proposed algorithm outperforms the state-of-the-art methods for multiplicative noise removal.
- Published
- 2016
29. A New Algorithm Framework for Image Inpainting in Transform Domain
- Author
-
Tieyong Zeng and Fang Li
- Subjects
Applied Mathematics ,General Mathematics ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Inpainting ,020206 networking & telecommunications ,02 engineering and technology ,Regularization (mathematics) ,Domain (software engineering) ,Image (mathematics) ,Quadratic equation ,Operator (computer programming) ,Computer Science::Computer Vision and Pattern Recognition ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Linear combination ,Focus (optics) ,Algorithm ,Mathematics - Abstract
In this paper, we focus on variational approaches for image inpainting in transform domain and propose two new algorithms, iterative coupled transform domain inpainting (ICTDI) and iterative decoupled transform domain inpainting. In the derivation of ICTDI, we use operator splitting and the quadratic penalty technique to get a new approximate problem of the basic model. By the alternating minimization method, the approximate problem can be decomposed as three relatively simple subproblems with closed-form solutions. However, ICTDI is not efficient when some adaptive regularization operator is used, such as the learned BM3D frame. To overcome this drawback, with some modifications, we decouple our framework into three relatively independent parts: denoising, linear combination in the transform domain, and linear combination in the image domain. Therefore, we can use any existing denoising method in the denoising step. We consider three choices for regularization operators in our approach: gradient operator...
- Published
- 2016
30. Phase Retrieval from Incomplete Magnitude Information via Total Variation Regularization
- Author
-
Yifei Lou, Tieyong Zeng, Michael K. Ng, and Huibin Chang
- Subjects
Applied Mathematics ,Mathematical analysis ,Holography ,020206 networking & telecommunications ,02 engineering and technology ,Total variation denoising ,Measure (mathematics) ,law.invention ,Computational Mathematics ,symbols.namesake ,Fourier transform ,Complete information ,law ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,symbols ,A priori and a posteriori ,020201 artificial intelligence & image processing ,Phase retrieval ,Algorithm ,Mathematics - Abstract
The phase retrieval problem has drawn considerable attention, as many optical detection devices can only measure magnitudes of the Fourier transform of the underlying object (signal or image). This paper addresses the phase retrieval problem from incomplete data, where only partial magnitudes of Fourier transform are obtained. In particular, we consider structured illuminated patterns in holography and find that noninteger values used in designing such patterns often yield better reconstruction than the conventional integer-valued ones. Furthermore, we demonstrate theoretically and numerically that three diffracted sets of (complete) magnitude data are sufficient to recover the object. To compensate for incomplete information, we incorporate a total variation regularization a priori to guarantee that the reconstructed image satisfies some desirable properties. The proposed model can be solved efficiently by an alternative directional multiplier method with provable convergence. Numerical experiments valid...
- Published
- 2016
31. An image sharpening operator combined with framelet for image deblurring
- Author
-
Jingjing Liu, Guoxi Ni, Yifei Lou, and Tieyong Zeng
- Subjects
Deblurring ,business.industry ,Applied Mathematics ,02 engineering and technology ,Sharpening ,01 natural sciences ,Computer Science Applications ,Theoretical Computer Science ,Image (mathematics) ,010101 applied mathematics ,Operator (computer programming) ,Signal Processing ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,Artificial intelligence ,0101 mathematics ,business ,Mathematical Physics ,Image restoration ,Mathematics - Published
- 2020
32. Image Deblurring Via Total Variation Based Structured Sparse Model Selection
- Author
-
Liyan Ma and Tieyong Zeng
- Subjects
Deblurring ,Generalization ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,010103 numerical & computational mathematics ,02 engineering and technology ,01 natural sciences ,Theoretical Computer Science ,Image (mathematics) ,symbols.namesake ,0202 electrical engineering, electronic engineering, information engineering ,0101 mathematics ,Image restoration ,Mathematics ,Numerical Analysis ,K-SVD ,business.industry ,Applied Mathematics ,General Engineering ,Pattern recognition ,Sparse approximation ,Computational Mathematics ,Computational Theory and Mathematics ,Gaussian noise ,Computer Science::Computer Vision and Pattern Recognition ,symbols ,020201 artificial intelligence & image processing ,Noise (video) ,Artificial intelligence ,business ,Software - Abstract
In this paper, we study the image deblurring problem based on sparse representation over learned dictionary which leads to promising performance in image restoration in recent years. However, the commonly used overcomplete dictionary is not well structured. This shortcoming makes the approximation be unstable and demand much computational time. To overcome this, the structured sparse model selection (SSMS) over a family of learned orthogonal bases was proposed recently. In this paper, We further analyze the properties of SSMS and propose a model for deblurring under Gaussian noise. Numerical experimental results show that the proposed algorithm achieves competitive performance. As a generalization, we give a modified model for deblurring under salt-and-pepper noise. The resulting algorithm also has a good performance.
- Published
- 2015
33. A Weighted Difference of Anisotropic and Isotropic Total Variation Model for Image Processing
- Author
-
Tieyong Zeng, Yifei Lou, Stanley Osher, and Jack Xin
- Subjects
Deblurring ,Applied Mathematics ,General Mathematics ,Mathematical analysis ,Isotropy ,Regular polygon ,Image processing ,Monotonic function ,Total variation denoising ,Regularization (mathematics) ,Stationary point ,Computer Science::Computer Vision and Pattern Recognition ,Algorithm ,Mathematics - Abstract
We propose a weighted difference of anisotropic and isotropic total variation (TV) as a regularization for image processing tasks, based on the well-known TV model and natural image statistics. Due to the form of our model, it is natural to compute via a difference of convex algorithm (DCA). We draw its connection to the Bregman iteration for convex problems and prove that the iteration generated from our algorithm converges to a stationary point with the objective function values decreasing monotonically. A stopping strategy based on the stable oscillatory pattern of the iteration error from the ground truth is introduced. In numerical experiments on image denoising, image deblurring, and magnetic resonance imaging (MRI) reconstruction, our method improves on the classical TV model consistently and is on par with representative state-of-the-art methods.
- Published
- 2015
34. A Convex Variational Model for Restoring Blurred Images with Large Rician Noise
- Author
-
Liyuan Chen and Tieyong Zeng
- Subjects
Statistics and Probability ,Deblurring ,Mathematical optimization ,Applied Mathematics ,Regular polygon ,Initialization ,Condensed Matter Physics ,Convexity ,Term (time) ,Modeling and Simulation ,Maximum a posteriori estimation ,Geometry and Topology ,Computer Vision and Pattern Recognition ,Convex function ,Algorithm ,Image restoration ,Mathematics - Abstract
In this paper, a new convex variational model for restoring images degraded by blur and Rician noise is proposed. The new method is inspired by previous works in which the non-convex variational model obtained by maximum a posteriori estimation has been presented. Based on the statistical property of Rician noise, we put forward to adding an additional data-fidelity term into the non-convex model, which leads to a new strictly convex model under mild condition. Due to the convexity, the solution of the new model is unique and independent of the initialization of the algorithm. We utilize a primal---dual algorithm to solve the model. Numerical results are presented in the end to demonstrate that with respect to image restoration capability and CPU-time consumption, our model outperforms some of the state-of-the-art models in both medical and natural images.
- Published
- 2014
35. Single Image Dehazing and Denoising: A Fast Variational Approach
- Author
-
Faming Fang, Fang Li, and Tieyong Zeng
- Subjects
Channel (digital image) ,business.industry ,Applied Mathematics ,General Mathematics ,Noise reduction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Image (mathematics) ,Variational method ,Transmission (telecommunications) ,Depth map ,Convergence (routing) ,Computer vision ,Artificial intelligence ,Enhanced Data Rates for GSM Evolution ,business ,Mathematics - Abstract
In this paper, we propose a new fast variational approach to dehaze and denoise simultaneously. The proposed method first estimates a transmission map using a windows adaptive method based on the celebrated dark channel prior. This transmission map can significantly reduce the edge artifact in the resulting image and enhance the estimation precision. The transmission map is then converted to a depth map, with which the new variational model can be built to seek the final haze- and noise-free image. The existence and uniqueness of a minimizer of the proposed variational model is further discussed. A numerical procedure based on the Chambolle--Pock algorithm is given, and the convergence of the algorithm is ensured. Extensive experimental results on real scenes demonstrate that our method can restore vivid and contrastive haze- and noise-free images effectively.
- Published
- 2014
36. A Two-Stage Image Segmentation Method for Blurry Images with Poisson or Multiplicative Gamma Noise
- Author
-
Tieyong Zeng, Raymond H. Chan, and Hongfei Yang
- Subjects
business.industry ,Applied Mathematics ,General Mathematics ,Image segmentation ,Poisson distribution ,Thresholding ,Multiplicative noise ,Noise ,symbols.namesake ,symbols ,Computer vision ,Segmentation ,Artificial intelligence ,Uniqueness ,Cluster analysis ,business ,Algorithm ,Mathematics - Abstract
In this paper, a two-stage method for segmenting blurry images in the presence of Poisson or multiplicative Gamma noise is proposed. The method is inspired by a previous work on two-stage segmentation and the usage of an I-divergence term to handle the noise. The first stage of our method is to find a smooth solution $u$ to a convex variant of the Mumford--Shah model where the $\ell_2$ data-fidelity term is replaced by an I-divergence term. A primal-dual algorithm is adopted to efficiently solve the minimization problem. We prove the convergence of the algorithm and the uniqueness of the solution $u$. Once $u$ is obtained, in the second stage, the segmentation is done by thresholding $u$ into different phases. The thresholds can be given by the users or can be obtained automatically by using any clustering method. In our method, we can obtain any $K$-phase segmentation ($K\geq 2$) by choosing $(K-1)$ thresholds after $u$ is found. Changing $K$ or the thresholds does not require $u$ to be recomputed. Exper...
- Published
- 2014
37. New Hybrid Variational Recovery Model for Blurred Images with Multiplicative Noise
- Author
-
Yiqiu Dong and Tieyong Zeng
- Subjects
Minimisation (psychology) ,Mathematical optimization ,Deblurring ,Applied Mathematics ,Noise reduction ,Stability (learning theory) ,Variational model ,Uniqueness ,Convex function ,Algorithm ,Multiplicative noise ,Mathematics - Abstract
A new hybrid variational model for recovering blurred images in the presence of multiplicative noise is proposed. Inspired by previous work on multiplicative noise removal, an I-divergence technique is used to build a strictly convex model under a condition that ensures the uniqueness of the solution and the stability of the algorithm. A split-Bregman algorithm is adopted to solve the constrained minimisation problem in the new hybrid model efficiently. Numerical tests for simultaneous deblurring and denoising of the images subject to multiplicative noise are then reported. Comparison with other methods clearly demonstrates the good performance of our new approach.
- Published
- 2013
38. Image Restoration via Tight Frame Regularization and Local Constraints
- Author
-
Fang Li and Tieyong Zeng
- Subjects
Numerical Analysis ,Mathematical optimization ,Deblurring ,Augmented Lagrangian method ,Applied Mathematics ,media_common.quotation_subject ,Noise reduction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,General Engineering ,Fidelity ,Regularization (mathematics) ,Theoretical Computer Science ,Computational Mathematics ,symbols.namesake ,Additive white Gaussian noise ,Computational Theory and Mathematics ,Computer Science::Computer Vision and Pattern Recognition ,Lagrange multiplier ,symbols ,Algorithm ,Software ,Image restoration ,media_common ,Mathematics - Abstract
In this paper, we propose two variational image denosing/deblurring models which combine tight frame regularization with two types of existing local constraints. Additive white Gaussian noise is assumed in the models. By Lagrangian multiplier method, the local constraints correspond to the fidelity term with spatial adaptive parameters. As the fidelity parameter is bigger in the image regions with textures than in the cartoon region, our models can recover more texture while denoising/deblurring. Fast numerical schemes are designed for the two models based on split Bregman (SB) technique and doubly augmented Lagrangian (DAL) method with acceleration. In the experiments, we show that the proposed models have better performance compared with the existing total variation based image restoration models with global or local constraints and the frame based model with global constraint.
- Published
- 2013
39. Sparse Representation Prior and Total Variation--Based Image Deblurring under Impulse Noise
- Author
-
Tieyong Zeng, Jian Yu, and Liyan Ma
- Subjects
Noise measurement ,business.industry ,Applied Mathematics ,General Mathematics ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,Salt-and-pepper noise ,Impulse noise ,Gradient noise ,symbols.namesake ,Gaussian noise ,Computer Science::Computer Vision and Pattern Recognition ,Image noise ,symbols ,Value noise ,Artificial intelligence ,business ,Image restoration ,Mathematics - Abstract
In this paper, we study the image recovery problem where the observed image is simultaneously corrupted by blur and impulse noise. Our proposed patch-based model contains three terms: the sparse representation prior, the total variation regularization, and the data-fidelity term. We are interested in the two-phase approach. The first phase is to identify the possible impulse noise positions; the second phase is to recover the image via the patch-based model using noise position information. An alternating minimization method is then applied to solve the model. This approach works extremely well for image deblurring under salt-and-pepper noise. However, as the detection for random-valued noise is usually unreliable, extra work is then needed. Indeed, to get better recovery results for the latter case, we combine the two separate phases to simultaneously detect the random-valued noise positions and to recover the image. The numerical experiments clearly demonstrate the super performance of the proposed methods.
- Published
- 2013
40. Total Variation Structured Total Least Squares Method for Image Restoration
- Author
-
Michael K. Ng, Wei Wang, Xi-Le Zhao, Tieyong Zeng, and Ting-Zhu Huang
- Subjects
Point spread function ,Computational Mathematics ,Mathematical optimization ,Applied Mathematics ,Magnitude (mathematics) ,Minification ,Total variation denoising ,Regularization (mathematics) ,Image restoration ,Image (mathematics) ,Mathematics ,Term (time) - Abstract
In this paper, we study the total variation structured total least squares method for image restoration. In the image restoration problem, the point spread function is corrupted by errors. In the model, we study the objective function by minimizing two variables: the restored image and the estimated error of the point spread function. The proposed objective function consists of the data-fitting term containing these two variables, the magnitude of error and the total variation regularization of the restored image. By making use of the structure of the objective function, an efficient alternating minimization scheme is developed to solve the proposed model. Numerical examples are also presented to demonstrate the effectiveness of the proposed model and the efficiency of the numerical scheme.
- Published
- 2013
41. Two-Step Approach for the Restoration of Images Corrupted by Multiplicative Noise
- Author
-
De Yong Lu, Yu-Mei Huang, and Tieyong Zeng
- Subjects
Deblurring ,business.industry ,Applied Mathematics ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Regular polygon ,Total variation denoising ,Multiplicative noise ,Term (time) ,Computational Mathematics ,Variational method ,Computer Science::Computer Vision and Pattern Recognition ,Convergence (routing) ,Computer vision ,Artificial intelligence ,business ,Algorithm ,Image restoration ,Mathematics - Abstract
The restoration of images corrupted by blurring and multiplicative noise is a challenging problem in applied mathematics that has attracted much attention in recent years. In this article, we propose a two-step approach to solve the problem of restoring images degraded by multiplicative noise and blurring, where the multiplicative noise is first reduced by nonlocal filters and then a convex variational model is adopted to obtain the final restored images. The variational model of the second step is composed of an $L_1$-$L_2$ data-fidelity term and a total variation regularization term. The alternating direction method (ADM) is utilized to solve this variational problem, and we also prove that the ADM algorithm converges at least linearly. Experimental results show that the proposed two-step approach performs better than the existing methods for restoring images with multiplicative noise and blurring, both in the quality of the restored images and the convergence speed of the algorithms.
- Published
- 2013
42. A Two-Stage Image Segmentation Method Using a Convex Variant of the Mumford--Shah Model and Thresholding
- Author
-
Xiaohao Cai, Tieyong Zeng, and Raymond H. Chan
- Subjects
business.industry ,Applied Mathematics ,General Mathematics ,Regular polygon ,Scale-space segmentation ,Pattern recognition ,Image segmentation ,Thresholding ,Convexity ,Segmentation ,Stage (hydrology) ,Artificial intelligence ,Cluster analysis ,business ,Mathematics - Abstract
The Mumford--Shah model is one of the most important image segmentation models and has been studied extensively in the last twenty years. In this paper, we propose a two-stage segmentation method based on the Mumford--Shah model. The first stage of our method is to find a smooth solution $g$ to a convex variant of the Mumford--Shah model. Once $g$ is obtained, then in the second stage the segmentation is done by thresholding $g$ into different phases. The thresholds can be given by the users or can be obtained automatically using any clustering methods. Because of the convexity of the model, $g$ can be solved efficiently by techniques like the split-Bregman algorithm or the Chambolle--Pock method. We prove that our method is convergent and that the solution $g$ is always unique. In our method, there is no need to specify the number of segments $K$ ($K\geq2$) before finding $g$. We can obtain any $K$-phase segmentations by choosing $(K-1)$ thresholds after $g$ is found in the first stage, and in the second...
- Published
- 2013
43. Explicit Coherence Enhancing Filter With Spatial Adaptive Elliptical Kernel
- Author
-
Tieyong Zeng, Fang Li, and Ling Pi
- Subjects
business.industry ,Applied Mathematics ,Inpainting ,Edge-preserving smoothing ,Structure tensor ,Adaptive filter ,Signal Processing ,Kernel adaptive filter ,Elliptic filter ,Computer vision ,Artificial intelligence ,Electrical and Electronic Engineering ,business ,Smoothing ,Coherence (physics) ,Mathematics - Abstract
The goal of this letter is to provide an elliptical filter to improve image coherence for the task of image smoothing and inpainting. The kernel of this filter is adaptively weighted and its shape is determined by local coherence estimation. The long axis of its ellipse is the same as the coherence direction and we put more weight there to enhance coherence. Compared with the related anisotropic partial differential equations (PDEs) or wavelet shrinkage methods, the proposed filter is extremely simple, instinctive and easy to code. Numerical examples and comparisons illustrate clearly the good performance of the proposed filter.
- Published
- 2012
44. Alternating Minimization Method for Total Variation Based Wavelet Shrinkage Model
- Author
-
Tieyong Zeng, Michael K. Ng, and Xiaolong Li
- Subjects
Mathematical optimization ,Physics and Astronomy (miscellaneous) ,Wavelet shrinkage ,Convergence (routing) ,Applied mathematics ,Variational model ,Minification ,Variation (game tree) ,Hybrid model ,Image (mathematics) ,Mathematics - Abstract
In this paper, we introduce a novel hybrid variational model which gen- eralizes the classical total variation method and the wavelet shrinkage method. An alternating minimization direction algorithm is then employed. We also prove that it converges strongly to the minimizer of the proposed hybrid model. Finally, some nu- merical examples illustrate clearly that the new model outperforms the standard total variation method and wavelet shrinkage method as it recovers better image details and avoids the Gibbs oscillations. AMS subject classifications: 90C25, 52A41, 28E99, 62P35
- Published
- 2010
45. Convex blind image deconvolution with inverse filtering
- Author
-
Fang Li, Tieyong Zeng, and Xiao-Guang Lv
- Subjects
Applied Mathematics ,Regular polygon ,Inverse ,02 engineering and technology ,01 natural sciences ,Computer Science Applications ,Theoretical Computer Science ,Image (mathematics) ,010101 applied mathematics ,Signal Processing ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Deconvolution ,0101 mathematics ,Algorithm ,Mathematical Physics ,Mathematics - Published
- 2018
46. A Multiphase Image Segmentation Method Based on Fuzzy Region Competition
- Author
-
Michael K. Ng, Chunli Shen, Fang Li, and Tieyong Zeng
- Subjects
Mathematical optimization ,Fuzzy classification ,Applied Mathematics ,General Mathematics ,Projection method ,Fuzzy number ,Minification ,Image segmentation ,Grayscale ,Defuzzification ,Fuzzy logic ,Mathematics - Abstract
The goal of this paper is to develop a multiphase image segmentation method based on fuzzy region competition. A new variational functional with constraints is proposed by introducing fuzzy membership functions which represent several different regions in an image. The existence of a minimizer of this functional is established. We propose three methods for handling the constraints of membership functions in the minimization. We also add auxiliary variables to approximate the membership functions in the functional such that Chambolle's fast dual projection method can be used. An alternate minimization method can be employed to find the solution, in which the region parameters and the membership functions have closed form solutions. Numerical examples using grayscale and color images are given to demonstrate the effectiveness of the proposed methods.
- Published
- 2010
47. A Generalization of LSB Matching
- Author
-
Bin Yang, Xiaolong Li, Daofang Cheng, and Tieyong Zeng
- Subjects
Steganalysis ,Matching (statistics) ,Least significant bit ,Differential nonlinearity ,Steganography ,Applied Mathematics ,Information hiding ,Signal Processing ,Electrical and Electronic Engineering ,Arithmetic ,Covering set ,Upper and lower bounds ,Mathematics - Abstract
Recently, a significant improvement of the well-known least significant bit (LSB) matching steganography has been proposed, reducing the changes to the cover image for the same amount of embedded secret data. When the embedding rate is 1, this method decreases the expected number of modification per pixel (ENMPP) from 0.5 to 0.375. In this letter, we propose the so-called generalized LSB matching (G-LSB-M) scheme, which generalizes this method and LSB matching. The lower bound of ENMPP for G-LSB-M is investigated, and a construction of G-LSB-M is presented by using the sum and difference covering set of finite cyclic group. Compared with the previous works, we show that the suitable G-LSB-M can further reduce the ENMPP and lead to more secure steganographic schemes. Experimental results illustrate clearly the better resistance to steganalysis of G-LSB-M.
- Published
- 2009
48. Variational approach for restoring blurred images with cauchy noise
- Author
-
Tieyong Zeng, Yiqiu Dong, and Federica Sciacchitano
- Subjects
Deblurring ,business.industry ,Applied Mathematics ,General Mathematics ,Noise reduction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Cauchy distribution ,Image processing ,Cauchy noise ,Image deblurring ,Total variation regularization ,Total variation denoising ,Convexity ,Noise ,Computer Science::Computer Vision and Pattern Recognition ,Image denoising ,Primal dual algorithm ,Computer vision ,Artificial intelligence ,Variational model ,business ,Convex function ,Algorithm ,Mathematics - Abstract
The restoration of images degraded by blurring and noise is one of the most important tasks in image processing. In this paper, based on the total variation (TV) we propose a new variational method for recovering images degraded by Cauchy noise and blurring. In order to obtain a strictly convex model, we add a quadratic penalty term, which guarantees the uniqueness of the solution. Due to the convexity of our model, the primal dual algorithm is employed to solve the minimization problem. Experimental results show the effectiveness of the proposed method for simultaneously deblurring and denoising images corrupted by Cauchy noise. Comparison with other existing and well-known methods is provided as well.
- Published
- 2015
49. A convex variational model for restoring blurred images with multiplicative noise
- Author
-
Yiqiu Dong and Tieyong Zeng
- Subjects
Deblurring ,General Mathematics ,Noise reduction ,Multiplicative noise ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,02 engineering and technology ,01 natural sciences ,Convexity ,Primal-dual algorithm ,Convergence (routing) ,0202 electrical engineering, electronic engineering, information engineering ,Applied mathematics ,Uniqueness ,Variational model ,0101 mathematics ,Mathematics ,Applied Mathematics ,Mathematical analysis ,Total variation regularization ,Total variation denoising ,010101 applied mathematics ,Noise ,Computer Science::Computer Vision and Pattern Recognition ,020201 artificial intelligence & image processing ,Convex function - Abstract
In this paper, a new variational model for restoring blurred images with multiplicative noise is proposed. Based on the statistical property of the noise, a quadratic penalty function technique is utilized in order to obtain a strictly convex model under a mild condition, which guarantees the uniqueness of the solution and the stabilization of the algorithm. For solving the new convex variational model, a primal-dual algorithm is proposed, and its convergence is studied. The paper ends with a report on numerical tests for the simultaneous deblurring and denoising of images subject to multiplicative noise. A comparison with other methods is provided as well.
- Published
- 2013
- Full Text
- View/download PDF
50. Linkage Between Piecewise Constant Mumford--Shah Model and Rudin--Osher--Fatemi Model and Its Virtue in Image Segmentation
- Author
-
Gabriele Steidl, Carola-Bibiane Schönlieb, Raymond H. Chan, Xiaohao Cai, and Tieyong Zeng
- Subjects
Applied Mathematics ,02 engineering and technology ,Image segmentation ,Linkage (mechanical) ,01 natural sciences ,Thresholding ,law.invention ,010101 applied mathematics ,Computational Mathematics ,law ,0202 electrical engineering, electronic engineering, information engineering ,Piecewise ,020201 artificial intelligence & image processing ,0101 mathematics ,Constant (mathematics) ,Algorithm ,Image restoration ,Mathematics - Abstract
The piecewise constant Mumford--Shah (PCMS) model and the Rudin--Osher--Fatemi (ROF) model are two important variational models in image segmentation and image restoration, respectively. In this pa...
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.