Non-Asymptotic Uncertainty Quantification in High-Dimensional Learning
Abstract
Uncertainty quantification (UQ) is a crucial but challenging task in many high-dimensional regression or learning problems to increase the confidence of a given predictor. We develop a new data-driven approach for UQ in regression that applies both to classical regression approaches such as the LASSO as well as to neural networks. One of the most notable UQ techniques is the debiased LASSO, which modifies the LASSO to allow for the construction of asymptotic confidence intervals by decomposing the estimation error into a Gaussian and an asymptotically vanishing bias component. However, in real-world problems with finite-dimensional data, the bias term is often too significant to be neglected, resulting in overly narrow confidence intervals. Our work rigorously addresses this issue and derives a data-driven adjustment that corrects the confidence intervals for a large class of predictors by estimating the means and variances of the bias terms from training data, exploiting high-dimensional concentration phenomena. This gives rise to non-asymptotic confidence intervals, which can help avoid overestimating uncertainty in critical applications such as MRI diagnosis. Importantly, our analysis extends beyond sparse regression to data-driven predictors like neural networks, enhancing the reliability of model-based deep learning. Our findings bridge the gap between established theory and the practical applicability of such debiased methods.
1 Introduction
The past few years have witnessed remarkable advances in high-dimensional statistical models, inverse problems, and learning methods for solving them. In particular, we have seen a surge of new methodologies and algorithms that have revolutionized our ability to extract insights from complex, high-dimensional data [Wainwright, 2019, Giraud, 2021, Wright and Ma, 2022]. Also, the theoretical underpinnings of the techniques in these fields have achieved tremendous success. However, the development of rigorous methods for quantifying uncertainty associated with their estimates, such as constructing confidence intervals for a given solution, has lagged behind, with much of the underlying theory remaining elusive.
In high-dimensional statistics, for example, even for classical regularized estimators such as the LASSO [Chen and Donoho, 1995, Tibshirani, 1996, Hastie et al., 2009], it was shown that a closed-form characterization of the probability distribution of the estimator in simple terms is not possible, e.g., [Knight and Fu, 2000, Theorem 5.1]. This, in turn, implies that it is very challenging to establish rigorous confidence intervals that would quantify the uncertainty of such estimated parameters. To overcome this, a series of papers [Zhang and Zhang, 2014, Javanmard and Montanari, 2014, van de Geer et al., 2014] proposed and analyzed the debiased LASSO, also known as the desparsified LASSO, a procedure to fix the bias introduced by the penalty in the LASSO; see [Javanmard and Montanari, 2014, Corollary 11] and [Zhang and Huang, 2008] for a discussion on the bias induced by the regularizer. The debiased estimator derived in the aforementioned works has established a principled framework for obtaining sharp confidence intervals for the LASSO, initiating a statistical inference approach with UQ guarantees for high-dimensional regression problems where the number of predictors significantly exceeds the number of observations. Recently, this estimator was also extended in several directions beyond -minimization which include, for example, deep unrolled algorithms [Hoppe et al., 2023b, Bellec and Tan, 2024] and it has been applied to fields like magnetic resonance image both with high-dimensional regression techniques as well as learning ones [Hoppe et al., 2023a, Hoppe et al., 2023b]; see the paragraph related works below.
The idea of the debiased LASSO is that its estimation error, i.e., the difference between the debiased estimator and the ground truth, can be decomposed into a Gaussian and a remainder/bias component. It has been shown in certain cases that the norm of the remainder component vanishes with high probability, assuming an asymptotic setting, i.e., when the dimensions of the problem grow. In this case, the estimator is proven to be approximately Gaussian from which the confidence intervals are derived. However, in practice, one needs to be in a very high-dimensional regime with enough data for these assumptions to kick in. In many applications with a finite set of observations, the remainder term does not vanish; it can rather be substantially large, and the confidence intervals constructed solely based on the Gaussian component fail to account for the entire estimation error. Consequently, the derived confidence intervals are narrower, resulting in an overestimation of certainty. This issue is particularly problematic in applications where it is crucial to estimate the magnitude of a vector coefficient with a high degree of confidence, such as in medical imaging applications.
Moreover, according to the standard theory of debiased estimators, the estimation of how small the remainer term is depends on how well one can quantify the and bounds for the corresponding biased estimator, e.g., the LASSO [van de Geer et al., 2014, Javanmard and Montanari, 2018]. Although sharp oracle inequalities exist for such classical regression estimators, cf. related works, the same cannot be said about when unrolled algorithms are employed. For the latter, generalization bounds are usually not sharp or do not exist.
In this paper, we tackle the challenge of constructing valid confidence intervals around debiased estimators used in high-dimensional regression. The key difficulty lies in accounting for the remainder term in the estimation error decomposition, which hinders the development of finite-sample confidence intervals. We propose a novel non-asymptotic theory that explicitly characterizes the remainder term, enabling us to construct reliable confidence intervals in the finite-sample regime. Furthermore, we extend our framework to quantify uncertainty for model-based neural networks used for solving inverse problems, which paves the way to a rigorous theory of data-driven UQ for modern deep learning techniques. We state an informal version of our main result, discussed in detail in Section 3.
Theorem 1 (Informal Version).
Let be i.i.d. data. Let be a high-dimensional regression model with noise . With the data, derive, for a significance level , a confidence radius for a new sample’s component . Let be the debiased estimator based on a (learned) high-dimensional regression estimator . Then, it holds that
Theorem 1 has far-reaching implications that transcend the classical regularized high-dimensional regression setting. For example, it enables the establishment of rigorous confidence intervals for learning algorithms such as unrolled networks [Monga et al., 2021]. To our knowledge, obtaining rigorous UQ results for neural networks without relying on non-scalable Monte Carlo methods remains a challenging problem [Gawlikowski et al., 2023]. To address this and quantify uncertainty, our approach combines model-based prior knowledge with data-driven statistical techniques. The model-based component harnesses the Gaussian distribution of the noise to quantify the uncertainty arising from the noisy data itself. We note that the Gaussian assumption for the noise is not a limitation, and extensions to non-Gaussian distributions are also possible, as clarified by [van de Geer et al., 2014]. We make a Gaussian noise assumption here for the sake of clarity. Complementing this, the data-driven component is imperative for quantifying the uncertainty inherent in the estimator’s performance. Moreover, our approach does not require any assumptions regarding the convergence or quality properties of the estimator. This flexibility enables the debiased method to apply to a wide range of estimators.
Contributions. The key contributions in this work are threefold 111 The code for our findings is available on GitHub : https://github.com/frederikhoppe/UQ_high_dim_learning
-
1.
We solve the problem illustrated in Fig. 1 by developing a non-asymptotic theory for constructing confidence intervals around the debiased LASSO estimator. Unlike existing approaches that rely on asymptotic arguments and ignore the remainder term, our finite-sample analysis explicitly accounts for the remainder, clarifying an important theoretical gap and providing rigorous guarantees without appealing to asymptotic regimes.
-
2.
We establish a general framework that extends the debiasing techniques to model-based deep learning approaches for high-dimensional regression. Our results enable the principled measurement of uncertainty for estimators learned by neural networks, a capability crucial for reliable decision-making in safety-critical applications. We test our approach with state-of-the-art unrolled networks such as the It-Net [Genzel et al., 2022a].
-
3.
For real-world medical imaging tasks, we demonstrate that the remainder term in the debiased LASSO estimation error can be accurately modeled as a Gaussian distribution. Leveraging this finding, we derive Gaussian adjusted CIs that provide sharper uncertainty estimates than previous methods, enhancing the practical utility of debiased estimators in high-stakes medical domains.
2 Background and Problem Formulation
In numerous real-world applications, we encounter high-dimensional regression problems where the number of features far exceeds the number of observations. This scenario, known as high-dimensional regression, arises when we aim to estimate features, described by from only a few target measurements , where . Mathematically, this can be expressed as a linear model , where is the measurement matrix and is additive Gaussian noise with variance . In the presence of sparsity, where the feature vector has only non-zero entries (), a popular approach is to solve the LASSO, which gives an estimator obtained by solving the following -regularized optimization problem:
(1) |
However, the LASSO estimator is known to exhibit a systematic bias, and its distribution is intractable, posing challenges for uncertainty quantification [Knight and Fu, 2000]. To address this limitation, debiasing techniques have been developed in recent years [Zhang and Zhang, 2014, Javanmard and Montanari, 2014, van de Geer et al., 2014]. The debiased LASSO estimator, , is defined as:
(2) |
where is a correction matrix that could be chosen such that is small. Here, . We refer to [Javanmard and Montanari, 2018] for a more detailed description of how to choose . Remarkably, the estimation error
(3) |
can be decomposed into a Gaussian component and a remainder term that vanishes asymptotically with high probability [Javanmard and Montanari, 2018, Theorem 3.8], assuming a Gaussian measurement matrix . Such a result was extended to matrices associated to a bounded orthonormal system like a subsampled Fourier matrix, allowing for extending the debiased LASSO to MRI [Hoppe et al., 2022]. The decomposition (3) and the asymptotic behavior of enable the construction of asymptotically valid CIs for the debiased LASSO estimate, providing principled UQ for high-dimensional sparse regression problems.
However, in real-world applications involving finite data regimes, the remainder term can be significant, rendering the asymptotic confidence intervals imprecise or even misleading, as illustrated in Fig. 1. This issue is particularly pronounced in high-stakes domains like medical imaging, where reliable UQ is crucial for accurate diagnosis and treatment planning. Second, the debiasing techniques have thus far been restricted to estimators whose error is well quantifiable, leaving the challenge of how they would behave for deep learning architectures open. In such cases, the behavior of the remainder term is largely unknown, precluding the direct application of existing debiasing methods and hindering the deployment of these methods in risk-sensitive applications.
A prominent example for solving the LASSO problem in (1) with an unrolled algorithm is the ISTA [Daubechies et al., 2004, Beck and Teboulle, 2009]:
Here, is a step-size parameter, and is the soft-thresholding operator. The work [Gregor and LeCun, 2010] interpreted each ISTA iteration as a layer of a recurrent neural network (RNN). The Learned ISTA (LISTA) approach learns the parameters instead of using the fixed ISTA updates:
In this formulation, LISTA unrolls iterations into layers, with learnable parameters per layer. The parameters are learned by minimizing the reconstruction error on training data . Unrolled neural networks like LISTA have shown promise as model-based deep learning solutions for inverse problems, leveraging domain knowledge for improved performance. Such iterative end-to-end network schemes provide state-of-the-art reconstructions for inverse problems [Genzel et al., 2022a]. Recently, the work [Hoppe et al., 2023b] proposes a framework based on the debiasing step to derive confidence intervals specifically for the unrolled LISTA estimator. However, similar to the previously mentioned debiased LASSO literature, it only handles the asymptotic setting.
Related Works. High-dimensional regression. High-dimensional regression and sparse recovery is now a well-established theory, see [Foucart and Rauhut, 2013, Wainwright, 2019, Wright and Ma, 2022]. In this context, several extensions of the LASSO have been proposed such as the elastic net [Zou and Hastie, 2005], the group LASSO [Yuan and Lin, 2005], the LASSO with a nuclear norm penalization [Koltchinskii et al., 2011], the Sorted L-One Penalized Estimation (SLOPE) [Bogdan et al., 2015] which adapts the -norm to control the false discovery rate. In addition to convex penalty functions, concave penalties have been explored to address some limitations of the LASSO, e.g., the Smoothly Clipped Absolute Deviation (SCAD) penalty [Fan and Li, 2001] and the Minimax Concave Penalty (MCP) [Zhang, 2010]. Non-convex variants of the LASSO for -norm () minimization were also studied [Zheng et al., 2017, Rakotomamonjy et al., 2022] as well as noise-bling variants such as the square-root LASSO [Belloni et al., 2011, Mayrink Verdun et al., 2024]. Scalable and fast algorithms for solving the LASSO and its variants include semi-smooth Newton methods [Li et al., 2018] and IRLS [Kümmerle et al., 2021].
LASSO theory. Several works have established oracle inequalities for the LASSO [Bunea et al., 2007, Koltchinskii, 2009, Ye and Zhang, 2010, Raskutti et al., 2011, Dalalyan et al., 2017]. Another key theoretical result is the consistency of the LASSO in terms of variable selection. [Zhao and Yu, 2006] and [Wainwright, 2009] established the consistency of the LASSO while [Foucart et al., 2023] analyzed the sparsity behavior of the LASSO when the design matrices satisfy the Restricted Isometry Property.
Debiased estimators. After the first papers about the debiased LASSO [Zhang and Zhang, 2014, van de Geer et al., 2014, Javanmard and Montanari, 2014], some works have focused on improving its finite-sample performance and computational efficiency [Javanmard and Montanari, 2018, Li, 2020]. The size of the confidence intervals derived for the debiased LASSO has been proven to be sharp in the minimax sense [Cai and Guo, 2017]. Debiased estimators have been extended in several directions, e.g., [Li, 2020, Hoppe et al., 2022, Guo et al., 2022, Bellec and Zhang, 2022]. Recently, [Bellec and Zhang, 2023] established asymptotic normality results for a debiased estimator of convex regularizers beyond the -norm. In the context of MR images, [Hoppe et al., 2024] explored a debiased estimator for inverse problems with a total variation regularizer. Debiased estimators have also been recently extended to unrolled estimators – see discussion in the next paragraph – in [Bellec and Tan, 2024, Hoppe et al., 2023b].
Algorithm unrolling and model-based deep learning for inverse problems. The idea of unfolding the iterative steps of classical algorithms into a deep neural network architecture dates back to [Gregor and LeCun, 2010], which proposed the Learned ISTA (LISTA) to fast approximate the solution of sparse coding problems. Several works have extended and improved upon the original LISTA framework [Ito et al., 2019, Wu et al., 2019, Liu and Chen, 2019, Chen et al., 2021, Aberdam et al., 2021, Zheng et al., 2022]. [Adler and Öktem, 2018] proposed the Learned Primal-Dual algorithm, unrolling the primal-dual hybrid gradient method for tomographic reconstruction. [Schlemper et al., 2017] proposed the Deep Cascade of Convolutional Neural Networks (DC-CNN) for dynamic MRI reconstruction. [Cherkaoui et al., 2020] unfolded proximal gradient descent solvers to learn their parameters for 1D TV regularized problems. [Monga et al., 2021] introduced a general framework for algorithm unrolling. [Aggarwal et al., 2018] developed MoDL, a model-based deep learning approach for MRI reconstruction that unrolls the ADMM algorithm. [Liu et al., 2019] proposed a proximal alternating direction network (PADNet) to unroll nonconvex optimization. See also the surveys for more information about unrolling and also the connection with physics-inspired methods [Zhang et al., 2023, Arridge et al., 2019]. [Genzel et al., 2022a, Genzel et al., 2022b] developed the It-Net, an unrolled proximal gradient descent scheme where the proximal operator is replaced by a U-Net. This scheme won the AAPM Challenge 2021 [Sidky and Pan, 2022] whose goal was to identify the state-of-the-art in solving the CT inverse problem with data-driven techniques. A generalization of the previous paradigm is the learning to optimize framework that develops an optimization method by training, i.e., learning from its performance on sample problem [Li and Malik, 2016, Chen et al., 2022].
Uncertainty Quantification. There have been a few attempts to quantify uncertainty on a pixel level for unrolled networks, e.g., [Ekmekci and Cetin, 2022]. However, such approaches are based on Bayesian networks and MC dropout [Gal and Ghahramani, 2016], which requires significant inference time paired with a loss of reconstruction performance since the dropout for UQ is a strong regularizer in the neural network. Unlike prior work, our contribution focuses on a scalable data-driven method that is easily implementable in the data reconstruction pipeline.
3 Data-Driven Confidence Intervals
We now introduce our data-driven approach to correct the CIs. Instead of deriving asymptotic CIs from the decomposition , by assuming that asymptotically vanishes, we utilize data along with concentration techniques to estimate the size of the bias component . We continue to leverage the prior knowledge of the Gaussian component while extending the CIs’ applicability to a broad class of estimators, including neural networks. Our method is summarized in Algorithm 1, where the data is used to estimate the radii of the CIs, and in Algorithm 2, which constructs the estimator around which the CIs are centered. The following main result proves the validity of our method.
Theorem 2.
Let be i.i.d. complex random variables representing ground truth data drawn from an unknown distribution . Suppose, that is noise in the high-dimensional models , where , and independent of the ’s. Let be a (learned) estimation function that maps the data to , which is an estimate for . Set for fixed and . For , we denote the true but unknown mean with and the unknown variance with , respectively. Let be the unbiased sample mean estimator and the unbiased variance estimator. Let and . Furthermore, set the confidence regions for the sample in the model as with radius
(4) |
Then, it holds that
(5) |
Theorem 2 achieves conservative confidence intervals that are proven to be valid, i.e., are proven to contain the true parameter with a probability of . Its main advantage is that there are no assumptions on the distribution (except that exists), making it widely applicable. Hence, Theorem 2 includes the worst-case distribution showing a way to quantify uncertainty even in such an ill-posed setting. Especially in medical imaging, such certainty guarantees are crucial for accurate diagnosis. The proof exploits the Gaussianity of the component as well as an empirical version of Chebyshev’s inequality, which is tight when there is no information on the underlying distribution. The detailed proof can be found in Appendix B. For a thorough discussion on Theorem 2 including practical simplifications, we refer to Appendix A.
More certainty comes with the price of larger confidence intervals. If there is additional information on the distribution of , like the ability to be approximated by a Gaussian distribution, then the confidence intervals become tighter. This case, which includes relevant settings such as MRI, is discussed in Section 4.
4 Confidence Intervals for Gaussian Remainders
Valid confidence intervals can be derived most straightforwardly when the distribution of the remainder term is known and easily characterized. In such cases, more informative distributional assumptions lead to potentially tighter confidence intervals compared to Theorem 2, which makes no assumptions about the remainder component. In this section, we derive non-asymptotic confidence intervals assuming the remainder term to be approximated by a Gaussian distribution.
Theorem 3.
Let be a debiased estimator for with a remainder term . Then, with radius
(6) |
is valid, i.e. .
For the proof, we refer to Appendix B. In Appendix D, we demonstrate empirically that the Gaussian assumption for the remainder term holds in a wide range of relevant practical settings. This validation enables the application of the proposed confidence intervals derived under this assumption. These confidence intervals strike a careful balance between non-asymptotic reliability, ensuring valid coverage even in finite-sample regimes, and tightness, providing informative and precise uncertainty estimates. By leveraging the Gaussian approximation, which becomes increasingly accurate in higher dimensions as illustrated in Figure 7, our framework offers a principled and computationally efficient approach to quantifying uncertainty in high-dimensional prediction problems. The variance of can be estimated with the given data using, e.g., the unbiased estimator for the variance as in Theorem 2.
5 Numerical Experiments
We evaluate the performance of our non-asymptotic confidence intervals through extensive numerical experiments across two settings: (i.) the classical debiased LASSO framework to contrast our non-asymptotic confidence intervals against the asymptotic ones. (ii.) the learned framework where we employ learned estimators, specifically the U-net [Ronneberger et al., 2015] as well as the It-Net [Genzel et al., 2022a], to reconstruct real-world MR images and quantify uncertainty. Our experiments demonstrate the importance of properly accounting for the remainder term in practical, non-asymptotic regimes. Each experiment follows the same structure:
-
1.
Data Generation and Management: We fix the forward operator and generate feature vectors and noise vectors with . We obtain observations via . We split the data into an estimation dataset of size and a test dataset of size (). If we learn an estimator, we further split the data into training, estimation, and test sets.
-
2.
Reconstruction: Depending on the experiment, we obtain a reconstruction function in one of the following ways: for the classical LASSO setting, we use the LASSO; for the learned estimator experiment, we train a U-Net [Ronneberger et al., 2015] or It-net [Genzel et al., 2022a] on the training data to serve as the reconstruction function .
-
3.
Estimation of Confidence Radii: We run Algorithm 1 with (that is chosen according to [Javanmard and Montanari, 2018]), the estimation data , and a predefined significance level to obtain radii . To construct the final confidence intervals, the radii need to be centered according to the debiased estimator. For every new measurement , we run Algorithm 2 to obtain tailored confidence intervals for the feature vector corresponding to . In addition, we compute the CI for the Gaussian adjustment based on Theorem 3 using the estimation set to quantify the variance of with the unbiased estimator for the variance as before.
-
4.
Evaluation: We use the test dataset to evaluate our adjustments. For each , we run Algorithm 2 to obtain confidence intervals for . We estimate by and average over all components . Since performance on the support is crucial, we define the hit rate on as and average . Note that the support may change with . Moreover, we do the same for the CI based on the Gaussian-adjusted radii.
5.1 UQ for Classical Model-Based Regression
We consider a setting aligned with existing debiased LASSO literature, e.g., [Javanmard and Montanari, 2014] to demonstrate our approach’s extension of current UQ methods. The forward operator is a complex Gaussian matrix with dimensions , , and . We generate -sparse features by randomly selecting distinct indices from and drawing magnitudes from . With relative noise , we split the data into estimation and test data. For reconstruction, we solve the LASSO with following [Hoppe et al., 2022].
With significance level , we run Algorithm 1 to obtain confidence radii, choosing [Javanmard and Montanari, 2018] and exploiting the relaxation (9). Averaged over the estimation data points, the and norm ratios are: and . In existing literature, the norm is typically measured when the remainder term vanishes, as it is relevant for pixel-wise confidence intervals. Here, the remainder term is of comparable order as the Gaussian term and hence, too significant to neglect in confidence intervals derivation.
Evaluating it on the remaining data points, the data-driven and Gaussian-adjusted averaged hit rates are , and , , respectively. Neglecting the remainder term yields and , which is substantially lower and violates the specified significance level. Fig. 2 presents confidence intervals of each type for one data point and a detailed visualization of , , , and . Further experiments with different sparse regression settings, including subsampled Fourier matrices, are presented in Appendix C.
5.2 UQ for MRI Reconstruction with Neural Networks
We extend the debiasing approach to model-based deep learning for MRI reconstruction using the U-Net and It-Net on single-coil knee images from the NYU fastMRI dataset 222We obtained the data, which we used for conducting the experiments in this paper from the NYU fastMRI Initiative database (fastmri.med.nyu.edu) [Zbontar et al., 2019, Knoll et al., 2020]. The data was only obtained from the NYU fastMRI investigators, but they did not contribute any ideas, analysis, or writing to this paper. The list of the NYU fastMRI investigators, can be found at fastmri.med.nyu.edu, it is subject to updates. [Zbontar et al., 2019, Knoll et al., 2020]. Here, the forward operator is the undersampled Fourier operator with , , the Fourier matrix and a radial mask , see Figure 5(b). The noise level is chosen such that the relative noise is approximately . The data is split into training (33370 slices), validation (5346 slices), estimation (1372 slices), and test (100 slices) datasets.
We then train an It-Net [Genzel et al., 2022a] with layers, a combination of MS-SSIM [Wang et al., 2003] and -losses and Adam optimizer with learning rate for epochs to obtain our reconstruction function .
With significance level , we run Algorithm 1 to construct confidence radii, choosing [Javanmard and Montanari, 2018] and exploiting the relaxation (9). Averaged over the estimation data points, we have and , which indicates that the remainder term is significant and cannot be neglected. Evaluating the test data, the averages of the data-driven adjustment hit rates are , , and the averages of the Gaussian adjusted hit rates are , . Neglecting the remainder term, the hit rates of the asymptotic CIs are and . As in the sparse regression setting, they are significantly lower. Fig. 3 presents confidence intervals based on the data-driven adjustment and the asymptotic confidence intervals for a region in one image . In addition, it contains a box plot showing the distribution of the hit rates based on the Gaussian adjustment and the asymptotic hit rates. More experiments for UQ for MRI reconstruction can be found in Appendix C and Tables 2 and 3.
6 Final Remarks
In this work, we proposed a data-driven uncertainty quantification method that derives non-asymptotic confidence intervals based on debiased estimators. Our approach corrects asymptotic confidence intervals by incorporating an estimate of the remainder component and has solid theoretical foundations. While the correction can be based on prior knowledge, e.g., a Gaussian distribution of the remainder term, we also derive CI based on a data-driven adjustment without further information. This data-driven nature enhances its applicability to a wide range of estimators, including model-based deep-learning techniques. We conducted experiments that confirm our theoretical findings, demonstrating that even in classical sparse regression settings, the remainder term is too significant to be neglected. Furthermore, we applied the proposed method to MRI, achieving significantly better rates on the image support.
While our method corrects for the remainder term, larger remainder terms necessitate greater corrections, resulting in wider confidence intervals. Therefore, it is crucial to achieve a small remainder term to avoid excessively large confidence intervals. Additionally, the accuracy of our method depends on the quality of the estimates for the mean and variance of the remainder term, which improves with more available data. Additionally, the length of the intervals can be minimized over a larger parameter set, provided that more data is available. We leave as a future direction to study the sharpness of the proposed confidence intervals and radii for a given amount of data. Moreover, we would like to investigate how the length of the confidence intervals could be improved when estimating higher moments. We believe that our method is applicable to a wide variety of deep learning architectures, including vision transformers in MRI, e.g., [Lin and Heckel, 2022]. Testing the generality of the method with state-of-the-art architectures for different problems would demonstrate its broad usefulness.
Acknowledgments
We gratefully acknowledge financial support with funds provided by the German Federal Ministry of Education and Research in the grant “SparseMRI3D+: Compressive Sensing und Quantifizierung von Unsicherheiten für die beschleunigte multiparametrische quantitative Magnetresonanztomografie (FZK 05M20WOA)”.
References
- [Aberdam et al., 2021] Aberdam, A., Golts, A., and Elad, M. (2021). Ada-lista: Learned solvers adaptive to varying models. IEEE Transactions on Pattern Analysis and Machine Intelligence, 44(12):9222–9235.
- [Adler and Öktem, 2018] Adler, J. and Öktem, O. (2018). Learned primal-dual reconstruction. IEEE transactions on medical imaging, 37(6):1322–1332.
- [Aggarwal et al., 2018] Aggarwal, H. K., Mani, M. P., and Jacob, M. (2018). MoDL: Model-based deep learning architecture for inverse problems. IEEE transactions on medical imaging, 38(2):394–405.
- [Aja-Fernández and Vegas-Sánchez-Ferrero, 2016] Aja-Fernández, S. and Vegas-Sánchez-Ferrero, G. (2016). Statistical analysis of noise in MRI. Switzerland: Springer International Publishing.
- [Arridge et al., 2019] Arridge, S., Maass, P., Öktem, O., and Schönlieb, C.-B. (2019). Solving inverse problems using data-driven models. Acta Numerica, 28:1–174.
- [Beck and Teboulle, 2009] Beck, A. and Teboulle, M. (2009). A Fast Iterative Shrinkage-Thresholding Algorithm for Linear Inverse Problems. SIAM Journal on Imaging Sciences, 2(1):183–202.
- [Becker et al., 2011] Becker, S. R., Candès, E. J., and Grant, M. C. (2011). Templates for convex cone problems with applications to sparse signal recovery. Mathematical programming computation, 3(3):165–218.
- [Bellec and Tan, 2024] Bellec, P. C. and Tan, K. (2024). Uncertainty quantification for iterative algorithms in linear models with application to early stopping. arXiv preprint arXiv:2404.17856.
- [Bellec and Zhang, 2022] Bellec, P. C. and Zhang, C.-H. (2022). De-biasing the lasso with degrees-of-freedom adjustment. Bernoulli, 28(2):713–743.
- [Bellec and Zhang, 2023] Bellec, P. C. and Zhang, C.-H. (2023). Debiasing convex regularized estimators and interval estimation in linear models. The Annals of Statistics, 51(2):391–436.
- [Belloni et al., 2011] Belloni, A., Chernozhukov, V., and Wang, L. (2011). Square-root lasso: pivotal recovery of sparse signals via conic programming. Biometrika, 98(4):791–806.
- [Bogdan et al., 2015] Bogdan, M., Van Den Berg, E., Sabatti, C., Su, W., and Candès, E. (2015). SLOPE–Adaptive Variable Selection via Convex Optimization. The Annals of Applied Statistics, 9(65):1103–1140.
- [Bunea et al., 2007] Bunea, F., Tsybakov, A., and Wegkamp, M. (2007). Sparsity oracle inequalities for the Lasso. Electronic Journal of Statistics, 1:169–194.
- [Cai and Guo, 2017] Cai, T. T. and Guo, Z. (2017). Confidence Intervals for High-Dimensional Linear Regression: Minimax Rates and Adaptivity. The Annals of Statistics, pages 615–646.
- [Chen and Donoho, 1995] Chen, S. and Donoho, D. L. (1995). Examples of basis pursuit. In Wavelet Applications in Signal and Image Processing III, volume 2569, pages 564–574. SPIE.
- [Chen et al., 2022] Chen, T., Chen, X., Chen, W., Heaton, H., Liu, J., Wang, Z., and Yin, W. (2022). Learning to optimize: A primer and a benchmark. Journal of Machine Learning Research, 23(189):1–59.
- [Chen et al., 2021] Chen, X., Liu, J., Wang, Z., and Yin, W. (2021). Hyperparameter tuning is all you need for LISTA. Advances in Neural Information Processing Systems, 34:11678–11689.
- [Cherkaoui et al., 2020] Cherkaoui, H., Sulam, J., and Moreau, T. (2020). Learning to solve TV regularised problems with unrolled algorithms. Advances in Neural Information Processing Systems, 33:11513–11524.
- [Dalalyan et al., 2017] Dalalyan, A., Hebiri, M., and Lederer, J. C. (2017). On the prediction performance of the Lasso. Bernoulli, 23(1):552–581.
- [Daubechies et al., 2004] Daubechies, I., Defrise, M., and De Mol, C. (2004). An iterative thresholding algorithm for linear inverse problems with a sparsity constraint. Communications on Pure and Applied Mathematics: A Journal Issued by the Courant Institute of Mathematical Sciences, 57(11):1413–1457.
- [Dicker, 2014] Dicker, L. H. (2014). Variance estimation in high-dimensional linear models. Biometrika, 101(2):269–284.
- [Ekmekci and Cetin, 2022] Ekmekci, C. and Cetin, M. (2022). Uncertainty quantification for deep unrolling-based computational imaging. IEEE Transactions on Computational Imaging, 8:1195–1209.
- [Fan and Li, 2001] Fan, J. and Li, R. (2001). Variable selection via nonconcave penalized likelihood and its oracle properties. Journal of the American statistical Association, 96(456):1348–1360.
- [Foucart and Rauhut, 2013] Foucart, S. and Rauhut, H. (2013). A Mathematical Introduction to Compressive Sensing. Springer New York, New York, NY.
- [Foucart et al., 2023] Foucart, S., Tadmor, E., and Zhong, M. (2023). On the sparsity of LASSO minimizers in sparse data recovery. Constructive Approximation, 57(2):901–919.
- [Gal and Ghahramani, 2016] Gal, Y. and Ghahramani, Z. (2016). Dropout as a bayesian approximation: Representing model uncertainty in deep learning. In international conference on machine learning, pages 1050–1059. PMLR.
- [Gawlikowski et al., 2023] Gawlikowski, J., Tassi, C. R. N., Ali, M., Lee, J., Humt, M., Feng, J., Kruspe, A., Triebel, R., Jung, P., Roscher, R., et al. (2023). A survey of uncertainty in deep neural networks. Artificial Intelligence Review, 56(Suppl 1):1513–1589.
- [Genzel et al., 2022a] Genzel, M., Gühring, I., Macdonald, J., and März, M. (2022a). Near-exact recovery for tomographic inverse problems via deep learning. In International Conference on Machine Learning, pages 7368–7381. PMLR.
- [Genzel et al., 2022b] Genzel, M., Macdonald, J., and März, M. (2022b). Solving inverse problems with deep neural networks–robustness included? IEEE transactions on pattern analysis and machine intelligence, 45(1):1119–1134.
- [Giraud, 2021] Giraud, C. (2021). Introduction to high-dimensional statistics. Chapman and Hall/CRC.
- [Giraud et al., 2012] Giraud, C., Huet, S., and Verzelen, N. (2012). High-dimensional regression with unknown variance. Statist. Sci., 27(4):500–518.
- [Gregor and LeCun, 2010] Gregor, K. and LeCun, Y. (2010). Learning fast approximations of sparse coding. In Proceedings of the 27th international conference on machine learning, pages 399–406.
- [Guo et al., 2022] Guo, Z., Ćevid, D., and Bühlmann, P. (2022). Doubly debiased lasso: High-dimensional inference under hidden confounding. Annals of statistics, 50(3):1320.
- [Hastie et al., 2009] Hastie, T., Tibshirani, R., Friedman, J. H., and Friedman, J. H. (2009). The elements of statistical learning: data mining, inference, and prediction, volume 2. Springer.
- [Hoppe et al., 2022] Hoppe, F., Krahmer, F., Mayrink Verdun, C., Menzel, M. I., and Rauhut, H. (2022). Uncertainty quantification for sparse Fourier recovery. arXiv preprint arXiv:2212.14864.
- [Hoppe et al., 2023a] Hoppe, F., Krahmer, F., Mayrink Verdun, C., Menzel, M. I., and Rauhut, H. (2023a). High-Dimensional Confidence Regions in Sparse MRI. In ICASSP 2023-2023 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 1–5. IEEE.
- [Hoppe et al., 2024] Hoppe, F., Mayrink Verdun, C., Laus, H., Endt, S., Menzel, M. I., Krahmer, F., and Rauhut, H. (2024). Imaging with Confidence: Uncertainty Quantification for High-dimensional Undersampled MR Images. In Proceedings of European Conference on Computer Vision (ECCV).
- [Hoppe et al., 2023b] Hoppe, F., Mayrink Verdun, C., Laus, H., Krahmer, F., and Rauhut, H. (2023b). Uncertainty quantification for learned ISTA. In 2023 IEEE 33rd International Workshop on Machine Learning for Signal Processing (MLSP), pages 1–6. IEEE.
- [Ito et al., 2019] Ito, D., Takabe, S., and Wadayama, T. (2019). Trainable ISTA for sparse signal recovery. IEEE Transactions on Signal Processing, 67(12):3113–3125.
- [Javanmard and Montanari, 2014] Javanmard, A. and Montanari, A. (2014). Confidence intervals and hypothesis testing for high-dimensional regression. Journal of Machine Learning Research, 15:2869–2909.
- [Javanmard and Montanari, 2018] Javanmard, A. and Montanari, A. (2018). Debiasing the lasso: Optimal sample size for Gaussian designs. The Annals of Statistics, 46(6A).
- [Kennedy and Ward, 2020] Kennedy, C. and Ward, R. (2020). Greedy variance estimation for the LASSO. Appl. Math. Optim., 82(3):1161–1182.
- [Knight and Fu, 2000] Knight, K. and Fu, W. (2000). Asymptotics for Lasso-Type Estimators. The Annals of Statistics, 28(5):1356–1378.
- [Knoll et al., 2020] Knoll, F., Zbontar, J., Sriram, A., Muckley, M. J., Bruno, M., Defazio, A., Parente, M., Geras, K. J., Katsnelson, J., Chandarana, H., Zhang, Z., Drozdzalv, M., Romero, A., Rabbat, M., Vincent, P., Pinkerton, J., Wang, D., Yakubova, N., Owens, E., Zitnick, C. L., Recht, M. P., Sodickson, D. K., and Lui, Y. W. (2020). fastMRI: A Publicly Available Raw k-Space and DICOM Dataset of Knee Images for Accelerated MR Image Reconstruction Using Machine Learning. Radiology: Artificial Intelligence, 2(1):e190007. PMID: 32076662.
- [Koltchinskii, 2009] Koltchinskii, V. (2009). Sparsity in penalized empirical risk minimization. In Annales de l’IHP Probabilités et statistiques, volume 45, pages 7–57.
- [Koltchinskii et al., 2011] Koltchinskii, V., Lounici, K., and Tsybakov, A. B. (2011). Nuclear-norm penalization and optimal rates for noisy low-rank matrix completion. The Annals of Statistics, 39(5):2302 – 2329.
- [Kümmerle et al., 2021] Kümmerle, C., Mayrink Verdun, C., and Stöger, D. (2021). Iteratively reweighted least squares for basis pursuit with global linear convergence rate. Advances in Neural Information Processing Systems, 34:2873–2886.
- [Li and Malik, 2016] Li, K. and Malik, J. (2016). Learning to Optimize. In International Conference on Learning Representations.
- [Li, 2020] Li, S. (2020). Debiasing the debiased Lasso with bootstrap. Electronic Journal of Statistics, 14:2298–2337.
- [Li et al., 2018] Li, X., Sun, D., and Toh, K.-C. (2018). A highly efficient semismooth Newton augmented Lagrangian method for solving Lasso problems. SIAM Journal on Optimization, 28(1):433–458.
- [Lin and Heckel, 2022] Lin, K. and Heckel, R. (2022). Vision transformers enable fast and robust accelerated mri. In International Conference on Medical Imaging with Deep Learning, pages 774–795. PMLR.
- [Liu and Chen, 2019] Liu, J. and Chen, X. (2019). ALISTA: Analytic weights are as good as learned weights in LISTA. In International Conference on Learning Representations (ICLR).
- [Liu et al., 2019] Liu, R., Cheng, S., Ma, L., Fan, X., and Luo, Z. (2019). Deep proximal unrolling: Algorithmic framework, convergence analysis and applications. IEEE Transactions on Image Processing, 28(10):5013–5026.
- [Liu et al., 2020] Liu, X., Zheng, S., and Feng, X. (2020). Estimation of error variance via ridge regression. Biometrika, 107(2):481–488.
- [Mayrink Verdun et al., 2024] Mayrink Verdun, C., Melnyk, O., Krahmer, F., and Jung, P. (2024). Fast, blind, and accurate: Tuning-free sparse regression with global linear convergence. In The Thirty Seventh Annual Conference on Learning Theory, pages 3823–3872. PMLR.
- [Monga et al., 2021] Monga, V., Li, Y., and Eldar, Y. C. (2021). Algorithm unrolling: Interpretable, efficient deep learning for signal and image processing. IEEE Signal Processing Magazine, 38(2):18–44.
- [Rakotomamonjy et al., 2022] Rakotomamonjy, A., Flamary, R., Salmon, J., and Gasso, G. (2022). Convergent working set algorithm for lasso with non-convex sparse regularizers. In International Conference on Artificial Intelligence and Statistics, pages 5196–5211. PMLR.
- [Raskutti et al., 2011] Raskutti, G., Wainwright, M. J., and Yu, B. (2011). Minimax rates of estimation for high-dimensional linear regression over -balls. IEEE transactions on information theory, 57(10):6976–6994.
- [Reid et al., 2016] Reid, S., Tibshirani, R., and Friedman, J. (2016). A study of error variance estimation in lasso regression. Statist. Sinica, pages 35–67.
- [Ronneberger et al., 2015] Ronneberger, O., Fischer, P., and Brox, T. (2015). U-net: Convolutional networks for biomedical image segmentation. In Medical image computing and computer-assisted intervention–MICCAI 2015: 18th international conference, Munich, Germany, October 5-9, 2015, proceedings, part III 18, pages 234–241. Springer.
- [Saw et al., 1984] Saw, J. G., Yang, M. C. K., and Mo, T. C. (1984). Chebyshev Inequality with Estimated Mean and Variance. The American Statistician, 38(2):130–132.
- [Schlemper et al., 2017] Schlemper, J., Caballero, J., Hajnal, J. V., Price, A. N., and Rueckert, D. (2017). A deep cascade of convolutional neural networks for dynamic MR image reconstruction. IEEE transactions on Medical Imaging, 37(2):491–503.
- [Sidky and Pan, 2022] Sidky, E. Y. and Pan, X. (2022). Report on the AAPM deep-learning sparse-view CT grand challenge. Medical physics, 49(8):4935–4943.
- [Stellato et al., 2017] Stellato, B., van Parys, B. P. G., and Goulart, P. J. (2017). Multivariate Chebyshev Inequality With Estimated Mean and Variance. The American Statistician, 71(2):123–127.
- [Sun and Zhang, 2012] Sun, T. and Zhang, C.-H. (2012). Scaled sparse linear regression. Biometrika, 99(4):879–898.
- [Tibshirani, 1996] Tibshirani, R. (1996). Regression shrinkage and selection via the lasso. Journal of the Royal Statistical Society Series B: Statistical Methodology, 58(1):267–288.
- [van de Geer et al., 2014] van de Geer, S., Bühlmann, P., Ritov, Y., and Dezeure, R. (2014). On asymptotically optimal confidence regions and tests for high-dimensional models. The Annals of Statistics, 42(3).
- [Wainwright, 2009] Wainwright, M. J. (2009). Sharp thresholds for High-Dimensional and noisy sparsity recovery using -Constrained Quadratic Programming (Lasso). IEEE transactions on information theory, 55(5):2183–2202.
- [Wainwright, 2019] Wainwright, M. J. (2019). High-dimensional statistics: A non-asymptotic viewpoint, volume 48. Cambridge university press.
- [Wang et al., 2003] Wang, Z., Simoncelli, E. P., and Bovik, A. C. (2003). Multiscale structural similarity for image quality assessment. In The Thirty-Seventh Asilomar Conference on Signals, Systems & Computers, 2003, volume 2, pages 1398–1402. Ieee.
- [Wright and Ma, 2022] Wright, J. and Ma, Y. (2022). High-dimensional data analysis with low-dimensional models: Principles, computation, and applications. Cambridge University Press.
- [Wu et al., 2019] Wu, K., Guo, Y., Li, Z., and Zhang, C. (2019). Sparse coding with gated learned ISTA. In International conference on learning representations.
- [Ye and Zhang, 2010] Ye, F. and Zhang, C.-H. (2010). Rate minimaxity of the Lasso and Dantzig selector for the loss in balls. The Journal of Machine Learning Research, 11:3519–3540.
- [Yu and Bien, 2019] Yu, G. and Bien, J. (2019). Estimating the error variance in a high-dimensional linear model. Biometrika, 106(3):533–546.
- [Yuan and Lin, 2005] Yuan, M. and Lin, Y. (2005). Model Selection and Estimation in Regression with Grouped Variables. Journal of the Royal Statistical Society Series B: Statistical Methodology, 68(1):49–67.
- [Zbontar et al., 2019] Zbontar, J., Knoll, F., Sriram, A., Murrell, T., Huang, Z., Muckley, M. J., Defazio, A., Stern, R., Johnson, P., Bruno, M., Parente, M., Geras, K. J., Katsnelson, J., Chandarana, H., Zhang, Z., Drozdzal, M., Romero, A., Rabbat, M., Vincent, P., Yakubova, N., Pinkerton, J., Wang, D., Owens, E., Zitnick, C. L., Recht, M. P., Sodickson, D. K., and Lui, Y. W. (2019). fastMRI: An Open Dataset and Benchmarks for Accelerated MRI.
- [Zhang, 2010] Zhang, C. H. (2010). Nearly unbiased variable selection under minimax concave penalty. Annals of Statistics, 38(2):894–942.
- [Zhang and Huang, 2008] Zhang, C. H. and Huang, J. (2008). The sparsity and bias of the lasso selection in high-dimensional linear regression. Annals of Statistics, 36(4):1567–1594.
- [Zhang and Zhang, 2014] Zhang, C.-H. and Zhang, S. S. (2014). Confidence intervals for low dimensional parameters in high dimensional linear models. Journal of the Royal Statistical Society: Series B (Statistical Methodology), 76(1):217–242.
- [Zhang et al., 2023] Zhang, J., Chen, B., Xiong, R., and Zhang, Y. (2023). Physics-inspired compressive sensing: Beyond deep unrolling. IEEE Signal Processing Magazine, 40(1):58–72.
- [Zhao and Yu, 2006] Zhao, P. and Yu, B. (2006). On model selection consistency of Lasso. The Journal of Machine Learning Research, 7:2541–2563.
- [Zheng et al., 2017] Zheng, L., Maleki, A., Weng, H., Wang, X., and Long, T. (2017). Does -Minimization Outperform -Minimization? IEEE Transactions on Information Theory, 63(11):6896–6935.
- [Zheng et al., 2022] Zheng, Z., Dai, W., Xue, D., Li, C., Zou, J., and Xiong, H. (2022). Hybrid ISTA: Unfolding ISTA with convergence guarantees using free-form deep neural networks. IEEE Transactions on Pattern Analysis and Machine Intelligence, 45(3):3226–3244.
- [Zou and Hastie, 2005] Zou, H. and Hastie, T. (2005). Regularization and variable selection via the elastic net. Journal of the Royal Statistical Society Series B: Statistical Methodology, 67(2):301–320.
Supplementary material to the paper Non-Asymptotic Uncertainty Quantification in High-Dimensional Learning.
In this supplement to the paper, we present in Section A a detailed discussion about aspects of the main result that are not mentioned in the main body of the paper. Moreover, Section B presents the proof Theorem 2 and Theorem 3. The former establishes data-driven confidence intervals, while the latter assumes the remainder component to be approximated by a Gaussian distribution. In Section C, we confirm our theoretical findings with several numerical experiments for classical high-dimensional regression as well as model-based neural networks. In Section D, we visualize the approximate Gaussian distribution of the remainder terms, demonstrating the applicability of Theorem 3 in relevant settings.
Appendix A Further Discussion of Main Result
Length of radius: To minimize the length of the radius, should be chosen as the minimizer of the problem
(7) |
In order to minimize over a large set for a given significance level , a large number of data is needed. For fixed estimates and , more data leads to a potentially smaller confidence interval length. If we assume , it follows that and . Then, is a valid choice, for which the function is well-defined and is minimized. In this case, the radius coincides with the asymptotic radius derived in [Javanmard and Montanari, 2014, Javanmard and Montanari, 2018, van de Geer et al., 2014] (except for that these works handle the real case) and the ones in [Hoppe et al., 2023b] with . In this sense, the asymptotic confidence intervals can be seen as a special case of the proposed method.
The significance level depends on and to assure to be well-defined. For a large dataset , i.e. if is large, then it holds that .
Probabilistic discussion: The probability in (5) is over the randomness of the noise as well as . The confidence circles consist of two random variables, the debiased estimator and the radius . The former depends on the random noise and potentially on training data, while the latter depends on the estimators and , which in turn depend on both the noise and the data .
A crucial requirement of applying the empirical version of Chebyshev’s inequality [Saw et al., 1984] is the independence and identical distribution of the variables . Therefore, it is essential that the estimator function is independent of the data . To achieve this, we train the estimator function using a dataset that is independent of the data , used for estimating . However, the mean and variance of and hence of depend on the variance of the noise , i.e. . Thus, different noise levels require a new estimation of the mean and variance of . Throughout this paper, we assume the noise level to be fixed and known. The latter assumption is motivated by two factors. First, the size of the confidence intervals relies on . Given that the primary focus of this paper is to determine the size of the confidence intervals based on the remainder term , we seek to mitigate other influencing factors such as noise level estimation. Second, in domains like medical imaging, there is substantial knowledge about the noise level. For instance, the noise level in MRI can be directly measured from the scanner [Aja-Fernández and Vegas-Sánchez-Ferrero, 2016]. If the noise level is unknown, there are methods to estimate it. In the debiased LASSO literature, the most used method is the scaled LASSO [Sun and Zhang, 2012]. Other methods for sparse regression, either in the LASSO context or more general for high-dimensional models, are [Reid et al., 2016, Kennedy and Ward, 2020, Giraud et al., 2012, Dicker, 2014, Liu et al., 2020, Yu and Bien, 2019].
Relaxation of assumptions in practice: In practice, it is often the case, that are identical distributed resulting in and . Although the proof requires independence of the , there are cases when it might suffice to relax this assumption by estimating the mean and variance pixel-wise uniformly, i.e.,
(8) |
In addition to saving computational resources, accuracy improves due to the higher number of samples. Furthermore, instead of solving the optimization problem (7) for every , it might be a good idea to choose as the minimizer of
(9) |
Then, one can be used for computing the potentially different radii .
Appendix B Proofs
Proof of Theorem 2.
The statement is equivalent to . To prove (5), we show that
In the next step, we write the radius as the sum . According to the decomposition we obtain for fixed
where the last step follows from the pigeonhole principle. To estimate the first summand, we set . Since we obtain
For estimating the term , we set . This choice leads to
Now, we apply an empirical version of Chebyshev’s inequality [Saw et al., 1984, Stellato et al., 2017]. This leads to
where we used in the last step, that . To summarize,
∎
Proof of Theorem 3.
Since and the estimation error follows again a multivariate normal distribution with zero mean and covariance matrix . By exploiting the Gaussian distribution, we obtain
Thus, we have
which needs to be equal to . Therefore,
∎
Appendix C Further Numerical Evaluation
To confirm our theoretical findings claiming that the incorporation of the bias component renders the confidence intervals more robust, we present additional numerical experiments here.
UQ for Classical Model-Based Regression
For the experiments described here, we use Tfocs [Becker et al., 2011]. Analogous to the experiment described in Section 5.1, we run further experiments in the classical sparse regression setting when the measurement matrix is a Gaussian and subsampled Fourier matrix. The different settings, including the results, can be found in Table 1. The results show that the Gaussian adjustment of our proposed method significantly increases the hit rates, especially on the support, while moderately increasing the confidence interval length. Our data-driven adjustment achieves even better hit rates, but the confidence intervals are larger. Although in well-posed settings, like the second column of Table 1, the hit rates based on asymptotic confidence intervals lead overall to almost , however on the support, which are the crucial features, the asymptotic hit rates fail. In particular, our corrections are essential in ill-posed regression problems as the third Gaussian column. The hit rates for the asymptotic CIs and the corrected ones with Gaussian adjustment are visualized in more detail in Figure 4.
Gaussian | Fourier | |||||
feature dimension | 1000 | 10000 | 1000 | 10000 | 100000 | |
undersampling | 50% | 40% | 60% | 40% | 60% | 50% |
sparsity | 7.5% | 2% | 10% | 5% | 10% | 5% |
relative noise | 15% | 10% | 20% | 15% | 5% | 10% |
R/W -ratio | 0.7062 | 0.5117 | 0.9993 | 0.5446 | 0.5924 | 0.4701 |
R/W -ratio | 0.8191 | 0.5161 | 1.1581 | 0.5752 | 0.6088 | 0.4794 |
average asympt. radius | 0.0116 | 0.0027 | 0.0049 | 0.0130 | 0.0011 | 0.0008 |
av. radius (Thm.3) | 0.0142 | 0.0031 | 0.0069 | 0.0148 | 0.0013 | 0.0009 |
av. radius (Thm.2) | 0.0304 | 0.0060 | 0.0155 | 0.0295 | 0.0026 | 0.0016 |
0.9437 | 0.9353 | 0.8692 | 0.9582 | 0.9246 | 0.9444 | |
0.9787 | 0.9684 | 0.9691 | 0.9799 | 0.9665 | 0.9687 | |
1 | 1 | 1 | 1 | 1 | 0.9999 | |
0.7661 | 0.8941 | 0.6783 | 0.8629 | 0.8745 | 0.9041 | |
0.8852 | 0.9421 | 0.8948 | 0.9226 | 0.9396 | 0.9425 | |
0.9999 | 1 | 1 | 0.9999 | 1 | 0.9998 |
UQ for MRI Reconstruction with Neural Networks
In this section, we present more experiments for UQ for MRI reconstruction with neural networks. Our experimental settings, as well as our code for this experiment, are based on the paper and code 333https://github.com/jmaces/robust-nets by [Genzel et al., 2022a]. The dataset used for conducting the experiments is the fastMRI single-coil knee dataset. For documentation, see [Zbontar et al., 2019, Knoll et al., 2020].
Table 2 represents the results obtained by learning the reconstruction function using the It-net with layers, with and radial undersampling and for noise levels obtained by adding complex gaussian noise with standard deviation and , respectively. Similarly, Table 3 shows the results obtained by the U-Net. In Figure 6, the asymptotic hit rates and the Gaussian adjusted ones for the confidence level are compared in a box plot for each experiment.
All It-Net and U-Nets are trained with a combination of the MS-SSIM-loss [Wang et al., 2003], the -loss and the Adam optimizer with a learning rate of , epsilon of and weight decay parameter . The It-Nets were trained for epochs, and the U-Nets were trained for epochs, both with batch size . Every U-Net has input and output channels, base channels, and encodes the image to a size of and at most channels. The It-Net employs the U-Net in each layer as a residual network and has a data consistency part around each U-Net in every layer.
Comparing the tables, the It-Net has, in general, better hit rates as well as a better R/W ratio than the U-Net due to its more accurate reconstruction. Further, the hit rates for all the pixels are higher than those obtained only for the support. For achieving reliable results for safety-critical applications, obtaining hit rates higher than the confidence level is crucial, especially on the support, i.e., on the non-zeros pixels. Otherwise, one might achieve a certain confidence level overall but cannot trust the pixels of interest.
The experiments were conducted using Pytorch on a desktop with AMD EPYC 7F52 16-Core CPUs and NVIDIA A100 PCIe030 030 40GB GPUs. The code for the experiments can be found in the supplementary material. The execution time of the code is around hours for each It-Net, hours for each U-Net, and around minutes for the rest of each experiment. So, in total, this gives us a time of hours for the MRI reconstruction experiments. The execution time for the classical model-based regression experiments takes to minutes each; therefore, in total, it is less than hours.
undersampling | 60% | 40% | 30% | |||
---|---|---|---|---|---|---|
noise level | 15% | 10% | 12% | 8% | 10% | 7% |
R/W -ratio | 0.3558 | 0.3800 | 0.6332 | 0.6922 | 0.8759 | 0.5759 |
R/W -ratio | 0.3842 | 0.4929 | 0.6268 | 0.6924 | 1.0614 | 0.6282 |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.9904 | 0.9899 | 0.9925 | 0.9919 | 0.9926 | 0.9893 | |
0.9737 | 0.9787 | 0.9632 | 0.9744 | 0.8825 | 0.9806 | |
0.9999 | 0.9999 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.9754 | 0.9752 | 0.9800 | 0.9793 | 0.98 | 0.9741 | |
0.9403 | 0.9502 | 0.9196 | 0.9409 | 0.8094 | 0.9581 | |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.965 | 0.99 | 0.995 | 0.9995 | 0.985 | 0.985 | |
0.94 | 0.91 | 0.955 | 0.915 | 0.975 | 0.965 | |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.955 | 0.98 | 0.985 | 0.995 | 0.98 | 0.975 | |
0.89 | 0.87 | 0.92 | 0.845 | 0.955 | 0.94 |
undersampling | 60% | 40% | 30% | |||
---|---|---|---|---|---|---|
noise level | 15% | 10% | 12% | 8% | 10% | 7% |
R/W -ratio | 0.2747 | 0.3976 | 0.6182 | 0.6671 | 1.2641 | 1.3399 |
R/W -ratio | 0.3923 | 0.4292 | 0.5681 | 0.7082 | 1.1668 | 1.2501 |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.9831 | 0.9857 | 0.9885 | 0.9903 | 0.9952 | 0.9943 | |
0.9642 | 0.9687 | 0.9439 | 0.9562 | 0.7277 | 0.7002 | |
0.9994 | 0.9999 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.9623 | 0.9674 | 0.9723 | 0.9763 | 0.9867 | 0.9853 | |
0.9230 | 0.9310 | 0.8869 | 0.9091 | 0.6088 | 0.5585 | |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.99 | 0.995 | 0.995 | 0.99 | 0.99 | 0.995 | |
0.945 | 0.93 | 0.935 | 0.955 | 0.925 | 0.695 | |
1.0 | 1.0 | 1.0 | 1.0 | 1.0 | 1.0 | |
0.985 | 0.965 | 0.985 | 0.975 | 0.98 | 0.995 | |
0.895 | 0.895 | 0.91 | 0.895 | 0.875 | 0.605 |
Appendix D Distribution Visualization of Remainder Term
In Figure 7, we present a series of histograms illustrating the empirical distribution of the remainder term’s real part across all experimental settings in sparse regression conducted in this paper. These histograms provide evidence that the remainder term can be approximated by a Gaussian distribution, with the approximation becoming increasingly precise as the dimensionality increases. Across low-dimensional scenarios, the empirical distributions exhibit some deviations from the Gaussian form, but these discrepancies diminish as the dimensionality grows larger. In high-dimensional regimes, the empirical distributions demonstrate an exceptional degree of convergence to the Gaussian approximation. This close alignment lends strong support to the validity of the key assumption of Theorem 3, allowing a Gaussian adjustment to the confidence intervals.
In Figure 8 we present a series of histograms representing the empirical distribution of the remainder term’s real part for the six different experimental settings, for the U-Net, conducted in this paper. Figure 9 represents the histograms for the It-Net experiments. In most scenarios, the real part of the remainder term is Gaussian distributed with mean . The only exceptions are Figures 8(e) and 8(f), which correspond to the U-Net experiments with undersampling.