-
An Overview of Low-Rank Structures in the Training and Adaptation of Large Models
Authors:
Laura Balzano,
Tianjiao Ding,
Benjamin D. Haeffele,
Soo Min Kwon,
Qing Qu,
Peng Wang,
Zhangyang Wang,
Can Yaras
Abstract:
The rise of deep learning has revolutionized data processing and prediction in signal processing and machine learning, yet the substantial computational demands of training and deploying modern large-scale deep models present significant challenges, including high computational costs and energy consumption. Recent research has uncovered a widespread phenomenon in deep networks: the emergence of lo…
▽ More
The rise of deep learning has revolutionized data processing and prediction in signal processing and machine learning, yet the substantial computational demands of training and deploying modern large-scale deep models present significant challenges, including high computational costs and energy consumption. Recent research has uncovered a widespread phenomenon in deep networks: the emergence of low-rank structures in weight matrices and learned representations during training. These implicit low-dimensional patterns provide valuable insights for improving the efficiency of training and fine-tuning large-scale models. Practical techniques inspired by this phenomenon, such as low-rank adaptation (LoRA) and training, enable significant reductions in computational cost while preserving model performance. In this paper, we present a comprehensive review of recent advances in exploiting low-rank structures for deep learning and shed light on their mathematical foundations. Mathematically, we present two complementary perspectives on understanding the low-rankness in deep networks: (i) the emergence of low-rank structures throughout the whole optimization dynamics of gradient and (ii) the implicit regularization effects that induce such low-rank structures at convergence. From a practical standpoint, studying the low-rank learning dynamics of gradient descent offers a mathematical foundation for understanding the effectiveness of LoRA in fine-tuning large-scale models and inspires parameter-efficient low-rank training strategies. Furthermore, the implicit low-rank regularization effect helps explain the success of various masked training approaches in deep neural networks, ranging from dropout to masked self-supervised learning.
△ Less
Submitted 25 March, 2025;
originally announced March 2025.
-
An Efficient Unsupervised Framework for Convex Quadratic Programs via Deep Unrolling
Authors:
Linxin Yang,
Bingheng Li,
Tian Ding,
Jianghua Wu,
Akang Wang,
Yuyi Wang,
Jiliang Tang,
Ruoyu Sun,
Xiaodong Luo
Abstract:
Quadratic programs (QPs) arise in various domains such as machine learning, finance, and control. Recently, learning-enhanced primal-dual hybrid gradient (PDHG) methods have shown great potential in addressing large-scale linear programs; however, this approach has not been extended to QPs. In this work, we focus on unrolling "PDQP", a PDHG algorithm specialized for convex QPs. Specifically, we pr…
▽ More
Quadratic programs (QPs) arise in various domains such as machine learning, finance, and control. Recently, learning-enhanced primal-dual hybrid gradient (PDHG) methods have shown great potential in addressing large-scale linear programs; however, this approach has not been extended to QPs. In this work, we focus on unrolling "PDQP", a PDHG algorithm specialized for convex QPs. Specifically, we propose a neural network model called "PDQP-net" to learn optimal QP solutions. Theoretically, we demonstrate that a PDQP-net of polynomial size can align with the PDQP algorithm, returning optimal primal-dual solution pairs. We propose an unsupervised method that incorporates KKT conditions into the loss function. Unlike the standard learning-to-optimize framework that requires optimization solutions generated by solvers, our unsupervised method adjusts the network weights directly from the evaluation of the primal-dual gap. This method has two benefits over supervised learning: first, it helps generate better primal-dual gap since the primal-dual gap is in the objective function; second, it does not require solvers. We show that PDQP-net trained in this unsupervised manner can effectively approximate optimal QP solutions. Extensive numerical experiments confirm our findings, indicating that using PDQP-net predictions to warm-start PDQP can achieve up to 45% acceleration on QP instances. Moreover, it achieves 14% to 31% acceleration on out-of-distribution instances.
△ Less
Submitted 1 December, 2024;
originally announced December 2024.
-
On Representing Convex Quadratically Constrained Quadratic Programs via Graph Neural Networks
Authors:
Chenyang Wu,
Qian Chen,
Akang Wang,
Tian Ding,
Ruoyu Sun,
Wenguo Yang,
Qingjiang Shi
Abstract:
Convex quadratically constrained quadratic programs (QCQPs) involve finding a solution within a convex feasible region defined by quadratic constraints while minimizing a convex quadratic objective function. These problems arise in various industrial applications, including power systems and signal processing. Traditional methods for solving convex QCQPs primarily rely on matrix factorization, whi…
▽ More
Convex quadratically constrained quadratic programs (QCQPs) involve finding a solution within a convex feasible region defined by quadratic constraints while minimizing a convex quadratic objective function. These problems arise in various industrial applications, including power systems and signal processing. Traditional methods for solving convex QCQPs primarily rely on matrix factorization, which quickly becomes computationally prohibitive as the problem size increases. Recently, graph neural networks (GNNs) have gained attention for their potential in representing and solving various optimization problems such as linear programs and linearly constrained quadratic programs. In this work, we investigate the representation power of GNNs in the context of QCQP tasks. Specifically, we propose a new tripartite graph representation for general convex QCQPs and properly associate it with message-passing GNNs. We demonstrate that there exist GNNs capable of reliably representing key properties of convex QCQPs, including feasibility, optimal value, and optimal solution. Our result deepens the understanding of the connection between QCQPs and GNNs, paving the way for future machine learning approaches to efficiently solve QCQPs.
△ Less
Submitted 6 January, 2025; v1 submitted 20 November, 2024;
originally announced November 2024.
-
PDHG-Unrolled Learning-to-Optimize Method for Large-Scale Linear Programming
Authors:
Bingheng Li,
Linxin Yang,
Yupeng Chen,
Senmiao Wang,
Qian Chen,
Haitao Mao,
Yao Ma,
Akang Wang,
Tian Ding,
Jiliang Tang,
Ruoyu Sun
Abstract:
Solving large-scale linear programming (LP) problems is an important task in various areas such as communication networks, power systems, finance and logistics. Recently, two distinct approaches have emerged to expedite LP solving: (i) First-order methods (FOMs); (ii) Learning to optimize (L2O). In this work, we propose an FOM-unrolled neural network (NN) called PDHG-Net, and propose a two-stage L…
▽ More
Solving large-scale linear programming (LP) problems is an important task in various areas such as communication networks, power systems, finance and logistics. Recently, two distinct approaches have emerged to expedite LP solving: (i) First-order methods (FOMs); (ii) Learning to optimize (L2O). In this work, we propose an FOM-unrolled neural network (NN) called PDHG-Net, and propose a two-stage L2O method to solve large-scale LP problems. The new architecture PDHG-Net is designed by unrolling the recently emerged PDHG method into a neural network, combined with channel-expansion techniques borrowed from graph neural networks. We prove that the proposed PDHG-Net can recover PDHG algorithm, thus can approximate optimal solutions of LP instances with a polynomial number of neurons. We propose a two-stage inference approach: first use PDHG-Net to generate an approximate solution, and then apply PDHG algorithm to further improve the solution. Experiments show that our approach can significantly accelerate LP solving, achieving up to a 3$\times$ speedup compared to FOMs for large-scale LP problems.
△ Less
Submitted 6 June, 2024; v1 submitted 3 June, 2024;
originally announced June 2024.
-
A Structure-Guided Gauss-Newton Method for Shallow ReLU Neural Network
Authors:
Zhiqiang Cai,
Tong Ding,
Min Liu,
Xinyu Liu,
Jianlin Xia
Abstract:
In this paper, we propose a structure-guided Gauss-Newton (SgGN) method for solving least squares problems using a shallow ReLU neural network. The method effectively takes advantage of both the least squares structure and the neural network structure of the objective function. By categorizing the weights and biases of the hidden and output layers of the network as nonlinear and linear parameters,…
▽ More
In this paper, we propose a structure-guided Gauss-Newton (SgGN) method for solving least squares problems using a shallow ReLU neural network. The method effectively takes advantage of both the least squares structure and the neural network structure of the objective function. By categorizing the weights and biases of the hidden and output layers of the network as nonlinear and linear parameters, respectively, the method iterates back and forth between the nonlinear and linear parameters. The nonlinear parameters are updated by a damped Gauss-Newton method and the linear ones are updated by a linear solver. Moreover, at the Gauss-Newton step, a special form of the Gauss-Newton matrix is derived for the shallow ReLU neural network and is used for efficient iterations. It is shown that the corresponding mass and Gauss-Newton matrices in the respective linear and nonlinear steps are symmetric and positive definite under reasonable assumptions. Thus, the SgGN method naturally produces an effective search direction without the need of additional techniques like shifting in the Levenberg-Marquardt method to achieve invertibility of the Gauss-Newton matrix. The convergence and accuracy of the method are demonstrated numerically for several challenging function approximation problems, especially those with discontinuities or sharp transition layers that pose significant challenges for commonly used training algorithms in machine learning.
△ Less
Submitted 7 April, 2024;
originally announced April 2024.
-
On the Optimization Landscape of Neural Collapse under MSE Loss: Global Optimality with Unconstrained Features
Authors:
Jinxin Zhou,
Xiao Li,
Tianyu Ding,
Chong You,
Qing Qu,
Zhihui Zhu
Abstract:
When training deep neural networks for classification tasks, an intriguing empirical phenomenon has been widely observed in the last-layer classifiers and features, where (i) the class means and the last-layer classifiers all collapse to the vertices of a Simplex Equiangular Tight Frame (ETF) up to scaling, and (ii) cross-example within-class variability of last-layer activations collapses to zero…
▽ More
When training deep neural networks for classification tasks, an intriguing empirical phenomenon has been widely observed in the last-layer classifiers and features, where (i) the class means and the last-layer classifiers all collapse to the vertices of a Simplex Equiangular Tight Frame (ETF) up to scaling, and (ii) cross-example within-class variability of last-layer activations collapses to zero. This phenomenon is called Neural Collapse (NC), which seems to take place regardless of the choice of loss functions. In this work, we justify NC under the mean squared error (MSE) loss, where recent empirical evidence shows that it performs comparably or even better than the de-facto cross-entropy loss. Under a simplified unconstrained feature model, we provide the first global landscape analysis for vanilla nonconvex MSE loss and show that the (only!) global minimizers are neural collapse solutions, while all other critical points are strict saddles whose Hessian exhibit negative curvature directions. Furthermore, we justify the usage of rescaled MSE loss by probing the optimization landscape around the NC solutions, showing that the landscape can be improved by tuning the rescaling hyperparameters. Finally, our theoretical findings are experimentally verified on practical network architectures.
△ Less
Submitted 12 March, 2022; v1 submitted 2 March, 2022;
originally announced March 2022.
-
A Geometric Analysis of Neural Collapse with Unconstrained Features
Authors:
Zhihui Zhu,
Tianyu Ding,
Jinxin Zhou,
Xiao Li,
Chong You,
Jeremias Sulam,
Qing Qu
Abstract:
We provide the first global optimization landscape analysis of $Neural\;Collapse$ -- an intriguing empirical phenomenon that arises in the last-layer classifiers and features of neural networks during the terminal phase of training. As recently reported by Papyan et al., this phenomenon implies that ($i$) the class means and the last-layer classifiers all collapse to the vertices of a Simplex Equi…
▽ More
We provide the first global optimization landscape analysis of $Neural\;Collapse$ -- an intriguing empirical phenomenon that arises in the last-layer classifiers and features of neural networks during the terminal phase of training. As recently reported by Papyan et al., this phenomenon implies that ($i$) the class means and the last-layer classifiers all collapse to the vertices of a Simplex Equiangular Tight Frame (ETF) up to scaling, and ($ii$) cross-example within-class variability of last-layer activations collapses to zero. We study the problem based on a simplified $unconstrained\;feature\;model$, which isolates the topmost layers from the classifier of the neural network. In this context, we show that the classical cross-entropy loss with weight decay has a benign global landscape, in the sense that the only global minimizers are the Simplex ETFs while all other critical points are strict saddles whose Hessian exhibit negative curvature directions. In contrast to existing landscape analysis for deep neural networks which is often disconnected from practice, our analysis of the simplified model not only does it explain what kind of features are learned in the last layer, but it also shows why they can be efficiently optimized in the simplified settings, matching the empirical observations in practical deep network architectures. These findings could have profound implications for optimization, generalization, and robustness of broad interests. For example, our experiments demonstrate that one may set the feature dimension equal to the number of classes and fix the last-layer classifier to be a Simplex ETF for network training, which reduces memory cost by over $20\%$ on ResNet18 without sacrificing the generalization performance.
△ Less
Submitted 5 May, 2021;
originally announced May 2021.
-
Disturbance-resilient Distributed Resource Allocation over Stochastic Networks using Uncoordinated Stepsizes
Authors:
Tie Ding,
Shanying Zhu,
Cailian Chen,
Xinping Guan
Abstract:
This paper studies distributed resource allocation problem in multi-agent systems, where all the agents cooperatively minimize the sum of their cost functions with global resource constraints over stochastic communication networks. This problem arises from many practical domains such as economic dispatch in smart grid, task assignment, and power allocation in robotic control. Most of existing work…
▽ More
This paper studies distributed resource allocation problem in multi-agent systems, where all the agents cooperatively minimize the sum of their cost functions with global resource constraints over stochastic communication networks. This problem arises from many practical domains such as economic dispatch in smart grid, task assignment, and power allocation in robotic control. Most of existing works cannot converge to the optimal solution if states deviate from feasible region due to disturbance caused by environmental noise, misoperation, malicious attack, etc. To solve this problem, we propose a distributed deviation-tracking resource allocation algorithm and prove that it linearly converges to the optimal solution with constant stepsizes. We further explore its resilience properties of the proposed algorithm. Most importantly, the algorithm still converges to the optimal solution under the disturbance injection and random communication failure. In order to improve the convergence rate, the optimal stepsizes for the fastest convergence rate are established. We also prove the algorithm converges linearly to the optimal solution in mean square even with uncoordinated stepsizes, i.e., agents are allowed to employ different stepsizes. Simulations are provided to verify the theoretical results.
△ Less
Submitted 24 April, 2021; v1 submitted 21 April, 2021;
originally announced April 2021.
-
Neural Network Compression Via Sparse Optimization
Authors:
Tianyi Chen,
Bo Ji,
Yixin Shi,
Tianyu Ding,
Biyi Fang,
Sheng Yi,
Xiao Tu
Abstract:
The compression of deep neural networks (DNNs) to reduce inference cost becomes increasingly important to meet realistic deployment requirements of various applications. There have been a significant amount of work regarding network compression, while most of them are heuristic rule-based or typically not friendly to be incorporated into varying scenarios. On the other hand, sparse optimization yi…
▽ More
The compression of deep neural networks (DNNs) to reduce inference cost becomes increasingly important to meet realistic deployment requirements of various applications. There have been a significant amount of work regarding network compression, while most of them are heuristic rule-based or typically not friendly to be incorporated into varying scenarios. On the other hand, sparse optimization yielding sparse solutions naturally fits the compression requirement, but due to the limited study of sparse optimization in stochastic learning, its extension and application onto model compression is rarely well explored. In this work, we propose a model compression framework based on the recent progress on sparse stochastic optimization. Compared to existing model compression techniques, our method is effective and requires fewer extra engineering efforts to incorporate with varying applications, and has been numerically demonstrated on benchmark compression tasks. Particularly, we achieve up to 7.2 and 2.9 times FLOPs reduction with the same level of evaluation accuracy on VGG16 for CIFAR10 and ResNet50 for ImageNet compared to the baseline heavy models, respectively.
△ Less
Submitted 11 November, 2020; v1 submitted 9 November, 2020;
originally announced November 2020.
-
Half-Space Proximal Stochastic Gradient Method for Group-Sparsity Regularized Problem
Authors:
Tianyi Chen,
Guanyi Wang,
Tianyu Ding,
Bo Ji,
Sheng Yi,
Zhihui Zhu
Abstract:
Optimizing with group sparsity is significant in enhancing model interpretability in machining learning applications, e.g., feature selection, compressed sensing and model compression. However, for large-scale stochastic training problems, effective group sparsity exploration are typically hard to achieve. Particularly, the state-of-the-art stochastic optimization algorithms usually generate merel…
▽ More
Optimizing with group sparsity is significant in enhancing model interpretability in machining learning applications, e.g., feature selection, compressed sensing and model compression. However, for large-scale stochastic training problems, effective group sparsity exploration are typically hard to achieve. Particularly, the state-of-the-art stochastic optimization algorithms usually generate merely dense solutions. To overcome this shortage, we propose a stochastic method -- Half-space Stochastic Projected Gradient (HSPG) method to search solutions of high group sparsity while maintain the convergence. Initialized by a simple Prox-SG Step, the HSPG method relies on a novel Half-Space Step to substantially boost the sparsity level. Numerically, HSPG demonstrates its superiority in deep neural networks, e.g., VGG16, ResNet18 and MobileNetV1, by computing solutions of higher group sparsity, competitive objective values and generalization accuracy.
△ Less
Submitted 12 February, 2021; v1 submitted 25 September, 2020;
originally announced September 2020.
-
The Global Landscape of Neural Networks: An Overview
Authors:
Ruoyu Sun,
Dawei Li,
Shiyu Liang,
Tian Ding,
R Srikant
Abstract:
One of the major concerns for neural network training is that the non-convexity of the associated loss functions may cause bad landscape. The recent success of neural networks suggests that their loss landscape is not too bad, but what specific results do we know about the landscape? In this article, we review recent findings and results on the global landscape of neural networks. First, we point…
▽ More
One of the major concerns for neural network training is that the non-convexity of the associated loss functions may cause bad landscape. The recent success of neural networks suggests that their loss landscape is not too bad, but what specific results do we know about the landscape? In this article, we review recent findings and results on the global landscape of neural networks. First, we point out that wide neural nets may have sub-optimal local minima under certain assumptions. Second, we discuss a few rigorous results on the geometric properties of wide networks such as "no bad basin", and some modifications that eliminate sub-optimal local minima and/or decreasing paths to infinity. Third, we discuss visualization and empirical explorations of the landscape for practical neural nets. Finally, we briefly discuss some convergence results and their relation to landscape results.
△ Less
Submitted 2 July, 2020;
originally announced July 2020.
-
Orthant Based Proximal Stochastic Gradient Method for $\ell_1$-Regularized Optimization
Authors:
Tianyi Chen,
Tianyu Ding,
Bo Ji,
Guanyi Wang,
Jing Tian,
Yixin Shi,
Sheng Yi,
Xiao Tu,
Zhihui Zhu
Abstract:
Sparsity-inducing regularization problems are ubiquitous in machine learning applications, ranging from feature selection to model compression. In this paper, we present a novel stochastic method -- Orthant Based Proximal Stochastic Gradient Method (OBProx-SG) -- to solve perhaps the most popular instance, i.e., the l1-regularized problem. The OBProx-SG method contains two steps: (i) a proximal st…
▽ More
Sparsity-inducing regularization problems are ubiquitous in machine learning applications, ranging from feature selection to model compression. In this paper, we present a novel stochastic method -- Orthant Based Proximal Stochastic Gradient Method (OBProx-SG) -- to solve perhaps the most popular instance, i.e., the l1-regularized problem. The OBProx-SG method contains two steps: (i) a proximal stochastic gradient step to predict a support cover of the solution; and (ii) an orthant step to aggressively enhance the sparsity level via orthant face projection. Compared to the state-of-the-art methods, e.g., Prox-SG, RDA and Prox-SVRG, the OBProx-SG not only converges to the global optimal solutions (in convex scenario) or the stationary points (in non-convex scenario), but also promotes the sparsity of the solutions substantially. Particularly, on a large number of convex problems, OBProx-SG outperforms the existing methods comprehensively in the aspect of sparsity exploration and objective values. Moreover, the experiments on non-convex deep neural networks, e.g., MobileNetV1 and ResNet18, further demonstrate its superiority by achieving the solutions of much higher sparsity without sacrificing generalization accuracy.
△ Less
Submitted 23 July, 2020; v1 submitted 7 April, 2020;
originally announced April 2020.
-
Sub-Optimal Local Minima Exist for Neural Networks with Almost All Non-Linear Activations
Authors:
Tian Ding,
Dawei Li,
Ruoyu Sun
Abstract:
Does over-parameterization eliminate sub-optimal local minima for neural networks? An affirmative answer was given by a classical result in [59] for 1-hidden-layer wide neural networks. A few recent works have extended the setting to multi-layer neural networks, but none of them has proved every local minimum is global. Why is this result never extended to deep networks?
In this paper, we show t…
▽ More
Does over-parameterization eliminate sub-optimal local minima for neural networks? An affirmative answer was given by a classical result in [59] for 1-hidden-layer wide neural networks. A few recent works have extended the setting to multi-layer neural networks, but none of them has proved every local minimum is global. Why is this result never extended to deep networks?
In this paper, we show that the task is impossible because the original result for 1-hidden-layer network in [59] can not hold. More specifically, we prove that for any multi-layer network with generic input data and non-linear activation functions, sub-optimal local minima can exist, no matter how wide the network is (as long as the last hidden layer has at least two neurons). While the result of [59] assumes sigmoid activation, our counter-example covers a large set of activation functions (dense in the set of continuous functions), indicating that the limitation is not due to the specific activation. Our result indicates that "no bad local-min" may be unable to explain the benefit of over-parameterization for training neural nets.
△ Less
Submitted 14 November, 2020; v1 submitted 4 November, 2019;
originally announced November 2019.
-
On the Benefit of Width for Neural Networks: Disappearance of Bad Basins
Authors:
Dawei Li,
Tian Ding,
Ruoyu Sun
Abstract:
Wide networks are often believed to have a nice optimization landscape, but what rigorous results can we prove? To understand the benefit of width, it is important to identify the difference between wide and narrow networks. In this work, we prove that from narrow to wide networks, there is a phase transition from having sub-optimal basins to no sub-optimal basins. Specifically, we prove two resul…
▽ More
Wide networks are often believed to have a nice optimization landscape, but what rigorous results can we prove? To understand the benefit of width, it is important to identify the difference between wide and narrow networks. In this work, we prove that from narrow to wide networks, there is a phase transition from having sub-optimal basins to no sub-optimal basins. Specifically, we prove two results: on the positive side, for any continuous activation functions, the loss surface of a class of wide networks has no sub-optimal basins, where "basin" is defined as the set-wise strict local minimum; on the negative side, for a large class of networks with width below a threshold, we construct strict local minima that are not global. These two results together show the phase transition from narrow to wide networks.
△ Less
Submitted 2 September, 2021; v1 submitted 28 December, 2018;
originally announced December 2018.
-
A one-step reconstruction algorithm for quantitative photoacoustic imaging
Authors:
Tian Ding,
Kui Ren,
Sarah Vallelian
Abstract:
Quantitative photoacoustic tomography (QPAT) is a recent hybrid imaging modality that couples optical tomography with ultrasound imaging to achieve high resolution imaging of optical properties of scattering media. Image reconstruction in QPAT is usually a two-step process. In the first step, the initial pressure field inside the medium, generated by the photoacoustic effect, is reconstructed usin…
▽ More
Quantitative photoacoustic tomography (QPAT) is a recent hybrid imaging modality that couples optical tomography with ultrasound imaging to achieve high resolution imaging of optical properties of scattering media. Image reconstruction in QPAT is usually a two-step process. In the first step, the initial pressure field inside the medium, generated by the photoacoustic effect, is reconstructed using measured acoustic data. In the second step, this initial ultrasound pressure field datum is used to reconstruct optical properties of the medium. We propose in this work a one-step inversion algorithm for image reconstruction in QPAT that reconstructs the optical absorption coefficient directly from measured acoustic data. The algorithm can be used to recover simultaneously the absorption coefficient and the ultrasound speed of the medium from \emph{multiple} acoustic data sets, with appropriate \emph{a priori} bounds on the unknowns. We demonstrate, through numerical simulations based on synthetic data, the feasibility of the proposed reconstruction method.
△ Less
Submitted 6 August, 2015; v1 submitted 10 July, 2015;
originally announced July 2015.
-
A Modification of Sufficient Conditions to Ensure the Exact Conic Relaxation
Authors:
Tao Ding,
Bo Zeng,
Rui Bo
Abstract:
To solve the AC optimal power flow problem, it is proposed in [1,2] that a convex conic approximation to branch flow model (BFM) can be obtained if we first eliminate phase angles of voltages and currents and then relax a set of equality constraints to second order conic ones. In particular, provided a set of sufficient conditions are satisfied, the conic relaxation is exact. We note, however, tha…
▽ More
To solve the AC optimal power flow problem, it is proposed in [1,2] that a convex conic approximation to branch flow model (BFM) can be obtained if we first eliminate phase angles of voltages and currents and then relax a set of equality constraints to second order conic ones. In particular, provided a set of sufficient conditions are satisfied, the conic relaxation is exact. We note, however, that those conditions do not always guarantee the exactness. In this letter, we analyze the argument of exactness and include a new condition that there is no line with negative reactance to ensure the conic formulation's exactness.
△ Less
Submitted 13 May, 2015;
originally announced May 2015.
-
Inverse transport calculations in optical imaging with subspace optimization algorithms
Authors:
Tian Ding,
Kui Ren
Abstract:
Inverse boundary value problems for the radiative transport equation play important roles in optics-based medical imaging techniques such as diffuse optical tomography (DOT) and fluorescence optical tomography (FOT). Despite the rapid progress in the mathematical theory and numerical computation of these inverse problems in recent years, developing robust and efficient reconstruction algorithms re…
▽ More
Inverse boundary value problems for the radiative transport equation play important roles in optics-based medical imaging techniques such as diffuse optical tomography (DOT) and fluorescence optical tomography (FOT). Despite the rapid progress in the mathematical theory and numerical computation of these inverse problems in recent years, developing robust and efficient reconstruction algorithms remains as a challenging task and an active research topic. We propose here a robust reconstruction method that is based on subspace minimization techniques. The method splits the unknown transport solution (or a functional of it) into low-frequency and high-frequency components, and uses singular value decomposition to analytically recover part of low-frequency information. Minimization is then applied to recover part of the high-frequency components of the unknowns. We present some numerical simulations with synthetic data to demonstrate the performance of the proposed algorithm.
△ Less
Submitted 1 May, 2014; v1 submitted 19 April, 2014;
originally announced April 2014.