arxiv_id
string
title
string
authors
list
submission_date
string
comments
string
primary_subject
string
subjects
string
doi
string
abstract
string
file_path
string
2411.06225
RandNet-Parareal: a time-parallel PDE solver using Random Neural Networks
[ "Guglielmo Gattiglio", "Lyudmila Grigoryeva", "Massimiliano Tamborrino" ]
9 Nov 2024
Accepted at the 38th Conference on Neural Information Processing Systems (NeurIPS 2024)
Computation (stat.CO)
Computation (stat.CO); Distributed, Parallel, and Cluster Computing (cs.DC); Numerical Analysis (math.NA); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2411.06225
Parallel-in-time (PinT) techniques have been proposed to solve systems of time-dependent differential equations by parallelizing the temporal domain. Among them, Parareal computes the solution sequentially using an inaccurate (fast) solver, and then "corrects" it using an accurate (slow) integrator that runs in parallel across temporal subintervals. This work introduces RandNet-Parareal, a novel method to learn the discrepancy between the coarse and fine solutions using random neural networks (RandNets). RandNet-Parareal achieves speed gains up to x125 and x22 compared to the fine solver run serially and Parareal, respectively. Beyond theoretical guarantees of RandNets as universal approximators, these models are quick to train, allowing the PinT solution of partial differential equations on a spatial mesh of up to $10^5$ points with minimal overhead, dramatically increasing the scalability of existing PinT approaches. RandNet-Parareal's numerical performance is illustrated on systems of real-world significance, such as the viscous Burgers' equation, the Diffusion-Reaction equation, the two- and three-dimensional Brusselator, and the shallow water equation.
stat-05.zip/2411.06225.pdf
2411.00218
Nudging state-space models for Bayesian filtering under misspecified dynamics
[ "Fabian Gonzalez", "O. Deniz Akyildiz", "Dan Crisan", "Joaquin Miguez" ]
31 Oct 2024 (<a href="https://arxiv.org/abs/2411.00218v1">v1</a>), last revised 20 May 2025 (this version, v2)
Accepted for publication in Statistics and Computing
Computation (stat.CO)
Computation (stat.CO); Probability (math.PR)
https://doi.org/10.48550/arXiv.2411.00218
Nudging is a popular algorithmic strategy in numerical filtering to deal with the problem of inference in high-dimensional dynamical systems. We demonstrate in this paper that general nudging techniques can also tackle another crucial statistical problem in filtering, namely the misspecification of the transition kernel. Specifically, we rely on the formulation of nudging as a general operation increasing the likelihood and prove analytically that, when applied carefully, nudging techniques implicitly define state-space models that have higher marginal likelihoods for a given (fixed) sequence of observations. This provides a theoretical justification of nudging techniques as data-informed algorithmic modifications of state-space models to obtain robust models under misspecified dynamics. To demonstrate the use of nudging, we provide numerical experiments on linear Gaussian state-space models and a stochastic Lorenz 63 model with misspecified dynamics and show that nudging offers a robust filtering strategy for these cases.
stat-05.zip/2411.00218.pdf
2411.05935
Sequential Monte Carlo with active subspaces
[ "Leonardo Ripoli", "Richard G. Everitt" ]
8 Nov 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2411.05935
Monte Carlo methods, such as Markov chain Monte Carlo (MCMC), remain the most regularly-used approach for implementing Bayesian inference. However, the computational cost of these approaches usually scales worse than linearly with the dimension of the parameter space, limiting their use for models with a large number of parameters. However, it is not uncommon for models to have identifiability problems. In this case, the likelihood is not informative about some subspaces of the parameter space, and hence the model effectively has a dimension that is lower than the number of parameters. Constantine et al. (2016) and Schuster et al. (2017) introduced the concept of directly using a Metropolis-Hastings (MH) MCMC on the subspaces of the parameter space that are informed by the likelihood as a means to reduce the dimension of the parameter space that needs to be explored. The same paper introduces an approach for identifying such a subspace in the case where it is a linear transformation of the parameter space: this subspace is known as the active subspace. This paper introduces sequential Monte Carlo (SMC) methods that make use of an active subspace. As well as an SMC counterpart to MH approach of Schuster et al. (2017), we introduce an approach to learn the active subspace adaptively, and an SMC$^{2}$ approach that is more robust to the linearity assumptions made when using active subspaces.
stat-05.zip/2411.05935.pdf
2410.19568
Prediction of microstructural representativity from a single image
[ "Amir Dahari", "Ronan Docherty", "Steve Kench", "Samuel J. Cooper" ]
25 Oct 2024 (<a href="https://arxiv.org/abs/2410.19568v1">v1</a>), last revised 28 Jul 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO); Computer Vision and Pattern Recognition (cs.CV); Applications (stat.AP)
https://doi.org/10.48550/arXiv.2410.19568
In this study, we present a method for predicting the representativity of the phase fraction observed in a single image (2D or 3D) of a material. Traditional approaches often require large datasets and extensive statistical analysis to estimate the Integral Range, a key factor in determining the variance of microstructural properties. Our method leverages the Two-Point Correlation function to directly estimate the variance from a single image, thereby enabling phase fraction prediction with associated confidence levels. We validate our approach using open-source datasets, demonstrating its efficacy across diverse microstructures. This technique significantly reduces the data requirements for representativity analysis, providing a practical tool for material scientists and engineers working with limited microstructural data. To make the method easily accessible, we have created a web-application, <a href="http://www.imagerep.io" rel="external noopener nofollow" class="link-external link-http">this http URL</a>, for quick, simple and informative use of the method.
stat-05.zip/2410.19568.pdf
2407.16283
A Randomized Exchange Algorithm for Optimal Design of Multi-Response Experiments
[ "Pál Somogyi", "Samuel Rosa", "Radoslav Harman" ]
23 Jul 2024 (<a href="https://arxiv.org/abs/2407.16283v1">v1</a>), last revised 2 Jun 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2407.16283
Despite the increasing prevalence of vector observations, computation of optimal experimental design for multi-response models has received limited attention. To address this problem within the framework of approximate designs, we introduce mREX, an algorithm that generalizes the randomized exchange algorithm REX (J Am Stat Assoc 115:529, 2020), originally specialized for single-response models. The mREX algorithm incorporates several improvements: a novel method for computing efficient sparse initial designs, an extension to all differentiable Kiefer&#39;s optimality criteria, and an efficient method for performing optimal exchanges of weights. For the most commonly used D-optimality criterion, we propose a technique for optimal weight exchanges based on the characteristic matrix polynomial. The mREX algorithm is applicable to linear, nonlinear, and generalized linear models, and scales well to large problems. It typically converges to optimal designs faster than available alternative methods, although it does not require advanced mathematical programming solvers. We demonstrate the usefulness of mREX to bivariate dose-response Emax models for clinical trials, both without and with the inclusion of covariates.
stat-05.zip/2407.16283.pdf
2411.01954
RobPy: a Python Package for Robust Statistical Methods
[ "Sarah Leyder", "Jakob Raymaekers", "Peter J. Rousseeuw", "Thomas Servotte", "Tim Verdonck" ]
4 Nov 2024
Computation (stat.CO)
Computation (stat.CO); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2411.01954
Robust estimation provides essential tools for analyzing data that contain outliers, ensuring that statistical models remain reliable even in the presence of some anomalous data. While robust methods have long been available in R, users of Python have lacked a comprehensive package that offers these methods in a cohesive framework. RobPy addresses this gap by offering a wide range of robust methods in Python, built upon established libraries including NumPy, SciPy, and scikit-learn. This package includes tools for robust preprocessing, univariate estimation, covariance matrices, regression, and principal component analysis, which are able to detect outliers and to mitigate their effect. In addition, RobPy provides specialized diagnostic plots for visualizing casewise and cellwise outliers. This paper presents the structure of the RobPy package, demonstrates its functionality through examples, and compares its features to existing implementations in other statistical software. By bringing robust methods to Python, RobPy enables more users to perform robust data analysis in a modern and versatile programming language.
stat-05.zip/2411.01954.pdf
2411.19066
Evaluating marginal likelihood approximations of dose-response relationship models in Bayesian benchmark dose methods for risk assessment
[ "Sota Minewaki", "Tomohiro Ohigashi", "Takashi Sozu" ]
28 Nov 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2411.19066
Benchmark dose (BMD; a dose associated with a specified change in response) is used to determine the point of departure for the acceptable daily intake of substances for humans. Multiple dose-response relationship models are considered in the BMD method. Bayesian model averaging (BMA) is commonly used, where several models are averaged based on their posterior probabilities, which are determined by calculating the marginal likelihood (ML). Several ML approximation methods are employed in standard software packages, such as BBMD, \texttt{ToxicR}, and Bayesian BMD for the BMD method, because the ML cannot be analytically calculated. Although ML values differ among approximation methods, resulting in different posterior probabilities and BMD estimates, this phenomenon is neither widely recognized nor quantitatively evaluated. In this study, we evaluated the performance of five ML approximation methods: (1) maximum likelihood estimation (MLE)-based Schwarz criterion, (2) Markov chain Monte Carlo (MCMC)-based Schwarz criterion, (3) Laplace approximation, (4) density estimation, and (5) bridge sampling through numerical examples using four real experimental datasets. Eight models and three prior distributions used in BBMD and \texttt{ToxicR} were assumed. The approximation and estimation biases of bridge sampling were the smallest regardless of the dataset or prior distributions. Both the approximation and estimation biases of MCMC-based Schwarz criterion and Laplace approximation were large for some datasets. Thus, the approximation biases of the density estimation were relatively small but were large for some datasets. In terms of the accuracy of ML approximation methods, using Bayesian BMD, in which the bridge sampling is available, is preferred.
stat-05.zip/2411.19066.pdf
2412.13731
Reliability analysis for non-deterministic limit-states using stochastic emulators
[ "Anderson V. Pires", "Maliki Moustapha", "Stefano Marelli", "Bruno Sudret" ]
18 Dec 2024
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2412.13731
Reliability analysis is a sub-field of uncertainty quantification that assesses the probability of a system performing as intended under various uncertainties. Traditionally, this analysis relies on deterministic models, where experiments are repeatable, i.e., they produce consistent outputs for a given set of inputs. However, real-world systems often exhibit stochastic behavior, leading to non-repeatable outcomes. These so-called stochastic simulators produce different outputs each time the model is run, even with fixed inputs. This paper formally introduces reliability analysis for stochastic models and addresses it by using suitable surrogate models to lower its typically high computational cost. Specifically, we focus on the recently introduced generalized lambda models and stochastic polynomial chaos expansions. These emulators are designed to learn the inherent randomness of the simulator&#39;s response and enable efficient uncertainty quantification at a much lower cost than traditional Monte Carlo simulation. We validate our methodology through three case studies. First, using an analytical function with a closed-form solution, we demonstrate that the emulators converge to the correct solution. Second, we present results obtained from the surrogates using a toy example of a simply supported beam. Finally, we apply the emulators to perform reliability analysis on a realistic wind turbine case study, where only a dataset of simulation results is available.
stat-05.zip/2412.13731.pdf
2501.03138
MCBench: A Benchmark Suite for Monte Carlo Sampling Algorithms
[ "Zeyu Ding", "Cornelius Grunwald", "Katja Ickstadt", "Kevin Kröninger", "Salvatore La Cagnina" ]
6 Jan 2025
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2501.03138
In this paper, we present MCBench, a benchmark suite designed to assess the quality of Monte Carlo (MC) samples. The benchmark suite enables quantitative comparisons of samples by applying different metrics, including basic statistical metrics as well as more complex measures, in particular the sliced Wasserstein distance and the maximum mean discrepancy. We apply these metrics to point clouds of both independent and identically distributed (IID) samples and correlated samples generated by MC techniques, such as Markov Chain Monte Carlo or Nested Sampling. Through repeated comparisons, we evaluate test statistics of the metrics, allowing to evaluate the quality of the MC sampling algorithms. <br>Our benchmark suite offers a variety of target functions with different complexities and dimensionalities, providing a versatile platform for testing the capabilities of sampling algorithms. Implemented as a Julia package, MCBench enables users to easily select test cases and metrics from the provided collections, which can be extended as needed. Users can run external sampling algorithms of their choice on these test functions and input the resulting samples to obtain detailed metrics that quantify the quality of their samples compared to the IID samples generated by our package. This approach yields clear, quantitative measures of sampling quality and allows for informed decisions about the effectiveness of different sampling methods. <br>By offering such a standardized method for evaluating MC sampling quality, our benchmark suite provides researchers and practitioners from many scientific fields, such as the natural sciences, engineering, or the social sciences with a valuable tool for developing, validating and refining sampling algorithms.
stat-05.zip/2501.03138.pdf
2412.10038
Stochastic Variational Inference for Structured Additive Distributional Regression
[ "Gianmarco Callegher", "Thomas Kneib", "Johannes Söding", "Paul Wiemann" ]
13 Dec 2024 (<a href="https://arxiv.org/abs/2412.10038v1">v1</a>), last revised 5 Feb 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.10038
In structured additive distributional regression, the conditional distribution of the response variables given the covariate information and the vector of model parameters is modelled using a P-parametric probability density function where each parameter is modelled through a linear predictor and a bijective response function that maps the domain of the predictor into the domain of the parameter. We present a method to perform inference in structured additive distributional regression using stochastic variational inference. We propose two strategies for constructing a multivariate Gaussian variational distribution to estimate the posterior distribution of the regression coefficients. The first strategy leverages covariate information and hyperparameters to learn both the location vector and the precision matrix. The second strategy tackles the complexity challenges of the first by initially assuming independence among all smooth terms and then introducing correlations through an additional set of variational parameters. Furthermore, we present two approaches for estimating the smoothing parameters. The first treats them as free parameters and provides point estimates, while the second accounts for uncertainty by applying a variational approximation to the posterior distribution. Our model was benchmarked against state-of-the-art competitors in logistic and gamma regression simulation studies. Finally, we validated our approach by comparing its posterior estimates to those obtained using Markov Chain Monte Carlo on a dataset of patents from the biotechnology/pharmaceutics and semiconductor/computer sectors.
stat-05.zip/2412.10038.pdf
2412.16655
Direct Inversion for the Squared Bessel Process and Applications
[ "Simon J. A. Malham", "Anke Wiese", "Yifan Xu" ]
21 Dec 2024
23 pages, 3 figures
Computation (stat.CO)
Computation (stat.CO); Probability (math.PR); Computational Finance (q-fin.CP); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2412.16655
In this paper we derive a new direct inversion method to simulate squared Bessel processes. Since the transition probability of these processes can be represented by a non-central chi-square distribution, we construct an efficient and accurate algorithm to simulate non-central chi-square variables. In this method, the dimension of the squared Bessel process, equivalently the degrees of freedom of the chi-square distribution, is treated as a variable. We therefore use a two-dimensional Chebyshev expansion to approximate the inverse function of the central chi-square distribution with one variable being the degrees of freedom. The method is accurate and efficient for any value of degrees of freedom including the computationally challenging case of small values. One advantage of the method is that noncentral chi-square samples can be generated for a whole range of values of degrees of freedom using the same Chebyshev coefficients. The squared Bessel process is a building block for the well-known Cox-Ingersoll-Ross (CIR) processes, which can be generated from squared Bessel processes through time change and linear transformation. Our direct inversion method thus allows the efficient and accurate simulation of these processes, which are used as models in a wide variety of applications.
stat-05.zip/2412.16655.pdf
2412.08788
Delta Vectors Unify the Computation for Linear Model Treatment Effects
[ "Jeffrey Wong" ]
11 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.08788
The science of cause and effect is extremely sophisticated and extremely hard to scale. Using a controlled experiment, scientists get rich insights by analyzing global effects, effects in different segments, and trends in effects over time. They use propensity scores to project external validity. To support the analysis of relative effects, scientists derive challenging ratio distributions. While the analytical capabilities in experimentation are advancing, we require new innovation within engineering and computational causal inference to enable an experimentation platform to make analyses performant and scalable. Of significant importance: we must unify the computing strategy for these models so that they can be consistently applied across experiments. In doing so, the industry can make significant progress towards developing a flywheel that unifies and accelerates the evaluation and roll out of experiments. In order to support unified computation, this paper introduces baseline vectors and delta vectors as common structure for estimating treatment effects. This common structure allows many statistics to be subsumed into a single API. The nature of its algebraic formulation allows linear algebra libraries to vectorize and optimize its performance, creating a single and efficient tool to support the many innovations in experimentation.
stat-05.zip/2412.08788.pdf
2412.17158
MOODE: An R Package for Multi-Objective Optimal Design of Experiments
[ "Vasiliki Koutra", "Olga Egorova", "Steven G. Gilmour", "Luzia A. Trinca" ]
22 Dec 2024
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2412.17158
We describe the R package MOODE and demonstrate its use to find multi-objective optimal experimental designs. Multi-Objective Optimal Design of Experiments (MOODE) targets the experimental objectives directly, ensuring that the full set of research questions is answered as economically as possible. In particular, individual criteria aimed at optimizing inference are combined with lack-of-fit and MSE-based components in compound optimality criteria to target multiple and competing objectives reflecting the priorities and aims of the experimentation. The package implements either a point exchange or coordinate exchange algorithm as appropriate to find nearly optimal designs. We demonstrate the functionality of MOODE through the application of the methodology to two case studies of varying complexity.
stat-05.zip/2412.17158.pdf
2412.16419
Amortising Variational Bayesian Inference over prior hyperparameters with a Normalising Flow
[ "Laura Battaglia", "Geoff Nicholls" ]
21 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.16419
In Bayesian inference prior hyperparameters are chosen subjectively or estimated using empirical Bayes methods. Generalised Bayesian Inference also has hyperparameters (the learning rate, and parameters of the loss). As part of the Generalised-Bayes workflow it is necessary to check sensitivity to the choice of hyperparameters, but running MCMC or fitting a variational approximation at each hyperparameter setting is impractical when there are more than a few hyperparameters. Simulation Based Inference has been used to amortise over data and hyperparameters and can be useful for Bayesian problems. However, there is no Simulation Based Inference for Generalised Bayes posteriors, as there is no generative model for the data. Working with a variational family parameterised by a normalising flow, we show how to fit a variational Generalised Bayes posterior, amortised over all hyperparameters. This may be sampled very efficiently at different hyperparameter values without refitting, and supports efficient robustness checks and hyperparameter selection. We show that there exist amortised normalising-flow architectures which are universal approximators. We test our approach on a relatively large-scale application of Generalised Bayesian Inference. The code is available online.
stat-05.zip/2412.16419.pdf
2501.04913
Separable Geodesic Lagrangian Monte Carlo for Inference in 2-Way Covariance Models
[ "Quinn Simonis", "Martin T. Wells" ]
9 Jan 2025
67 pages, 24 figures, 1 table
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.04913
Matrix normal models have an associated 4-tensor for their covariance representation. The covariance array associated with a matrix normal model is naturally represented as a Kronecker-product structured covariance associated with the vector normal, also known as separable covariance matrices. Separable covariance matrices have been studied extensively in the context of multiway data, but little work has been done within the scope of MCMC beyond Gibbs sampling. This paper aims to fill this gap by considering the pullback geometry induced from the Kronecker structure of the parameter space to develop a geodesic Hamiltonian Monte Carlo sampler.
stat-05.zip/2501.04913.pdf
2501.03395
Grid Particle Gibbs with Ancestor Sampling for State-Space Models
[ "Mary Llewellyn", "Ruth King", "Víctor Elvira", "Gordon Ross" ]
6 Jan 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.03395
We consider the challenge of estimating the model parameters and latent states of general state-space models within a Bayesian framework. We extend the commonly applied particle Gibbs framework by proposing an efficient particle generation scheme for the latent states. The approach efficiently samples particles using an approximate hidden Markov model (HMM) representation of the general state-space model via a deterministic grid on the state space. We refer to the approach as the grid particle Gibbs with ancestor sampling algorithm. We discuss several computational and practical aspects of the algorithm in detail and highlight further computational adjustments that improve the efficiency of the algorithm. The efficiency of the approach is investigated via challenging regime-switching models, including a post-COVID tourism demand model, and we demonstrate substantial computational gains compared to previous particle Gibbs with ancestor sampling methods.
stat-05.zip/2501.03395.pdf
2501.04842
Adaptive stratified Monte Carlo using decision trees
[ "Nicolas Chopin", "Hejin Wang", "Mathieu Gerber" ]
8 Jan 2025
20 pages, 6 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.04842
It has been known for a long time that stratification is one possible strategy to obtain higher convergence rates for the Monte Carlo estimation of integrals over the hyper-cube $[0, 1]^s$ of dimension $s$. However, stratified estimators such as Haber&#39;s are not practical as $s$ grows, as they require $\mathcal{O}(k^s)$ evaluations for some $k\geq 2$. We propose an adaptive stratification strategy, where the strata are derived from a a decision tree applied to a preliminary sample. We show that this strategy leads to higher convergence rates, that is, the corresponding estimators converge at rate $\mathcal{O}(N^{-1/2-r})$ for some $r&gt;0$ for certain classes of functions. Empirically, we show through numerical experiments that the method may improve on standard Monte Carlo even when $s$ is large.
stat-05.zip/2501.04842.pdf
2501.02475
Tactics for Improving Least Squares Estimation
[ "Qiang Heng", "Hua Zhou", "Kenneth Lange" ]
5 Jan 2025
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2501.02475
This paper deals with tactics for fast computation in least squares regression in high dimensions. These tactics include: (a) the majorization-minimization (MM) principle, (b) smoothing by Moreau envelopes, and (c) the proximal distance principal for constrained estimation. In iteratively reweighted least squares, the MM principle can create a surrogate function that trades case weights for adjusted responses. Reduction to ordinary least squares then permits the reuse of the Gram matrix and its Cholesky decomposition across iterations. This tactic is pertinent to estimation in L2E regression and generalized linear models. For problems such as quantile regression, non-smooth terms of an objective function can be replaced by their Moreau envelope approximations and majorized by spherical quadratics. Finally, penalized regression with distance-to-set penalties also benefits from this perspective. Our numerical experiments validate the speed and utility of deweighting and Moreau envelope approximations. Julia software implementing these experiments is available on our web page.
stat-05.zip/2501.02475.pdf
2501.05458
Generative Modeling: A Review
[ "Maria Nareklishvili", "Nick Polson", "Vadim Sokolov" ]
24 Dec 2024 (<a href="https://arxiv.org/abs/2501.05458v1">v1</a>), last revised 16 May 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG)
https://doi.org/10.48550/arXiv.2501.05458
Generative methods (Gen-AI) are reviewed with a particular goal of solving tasks in machine learning and Bayesian inference. Generative models require one to simulate a large training dataset and to use deep neural networks to solve a supervised learning problem. To do this, we require high-dimensional regression methods and tools for dimensionality reduction (a.k.a. feature selection). The main advantage of Gen-AI methods is their ability to be model-free and to use deep neural networks to estimate conditional densities or posterior quintiles of interest. To illustrate generative methods , we analyze the well-known Ebola data set. Finally, we conclude with directions for future research.
stat-05.zip/2501.05458.pdf
2501.05908
MCMC for multi-modal distributions
[ "Krzysztof Łatuszyński", "Matthew T. Moores", "Timothée Stumpf-Fétizon" ]
10 Jan 2025
Will appear in &#34;Handbook of Markov Chain Monte Carlo&#34;, 2nd edition
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.05908
We explain the fundamental challenges of sampling from multimodal distributions, particularly for high-dimensional problems. We present the major types of MCMC algorithms that are designed for this purpose, including parallel tempering, mode jumping and Wang-Landau, as well as several state-of-the-art approaches that have recently been proposed. We demonstrate these methods using both synthetic and real-world examples of multimodal distributions with discrete or continuous state spaces.
stat-05.zip/2501.05908.pdf
2501.04935
Geodesic Variational Bayes for Multiway Covariances
[ "Quinn Simonis", "Martin T. Wells" ]
9 Jan 2025
40 pages, 4 figures, 1 table
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.04935
This article explores the optimization of variational approximations for posterior covariances of Gaussian multiway arrays. To achieve this, we establish a natural differential geometric optimization framework on the space using the pullback of the affine-invariant metric. In the case of a truly separable covariance, we demonstrate a joint approximation in the multiway space outperforms a mean-field approximation in optimization efficiency and provides a superior approximation to an unstructured Inverse-Wishart posterior under the average Mahalanobis distance of the data while maintaining a multiway interpretation. We moreover establish efficient expressions for the Euclidean and Riemannian gradients in both cases of the joint and mean-field approximation. We end with an analysis of commodity trade data.
stat-05.zip/2501.04935.pdf
2411.19262
Annealed variational mixtures for disease subtyping and biomarker discovery
[ "Emma Prevot", "Rory Toogood", "Filippo Pagani", "Paul D. W. Kirk" ]
28 Nov 2024
Computation (stat.CO)
Computation (stat.CO); Applications (stat.AP)
https://doi.org/10.48550/arXiv.2411.19262
Cluster analyses of high-dimensional data are often hampered by the presence of large numbers of variables that do not provide relevant information, as well as the perennial issue of choosing an appropriate number of clusters. These challenges are frequently encountered when analysing `omics datasets, such as in molecular precision medicine, where a key goal is to identify disease subtypes and the biomarkers that define them. Here we introduce an annealed variational Bayes algorithm for fitting high-dimensional mixture models while performing variable selection. Our algorithm is scalable and computationally efficient, and we provide an open source Python implementation, VBVarSel. In a range of simulated and real biomedical examples, we show that VBVarSel outperforms the current state of the art, and demonstrate its use for cancer subtyping and biomarker discovery.
stat-05.zip/2411.19262.pdf
2411.19878
Nonparametric Estimation for a Log-concave Distribution Function with Interval-censored Data
[ "Chi Wing Chu", "Hok Kan Ling", "Chaoyu Yuan" ]
29 Nov 2024
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2411.19878
We consider the nonparametric maximum likelihood estimation for the underlying event time based on mixed-case interval-censored data, under a log-concavity assumption on its distribution function. This generalized framework relaxes the assumptions of a log-concave density function or a concave distribution function considered in the literature. A log-concave distribution function is fulfilled by many common parametric families in survival analysis and also allows for multi-modal and heavy-tailed distributions. We establish the existence, uniqueness and consistency of the log-concave nonparametric maximum likelihood estimator. A computationally efficient procedure that combines an active set algorithm with the iterative convex minorant algorithm is proposed. Numerical studies demonstrate the advantages of incorporating additional shape constraint compared to the unconstrained nonparametric maximum likelihood estimator. The results also show that our method achieves a balance between efficiency and robustness compared to assuming log-concavity in the density. An R package iclogcondist is developed to implement our proposed method.
stat-05.zip/2411.19878.pdf
2407.12945
Convergence of SMACOF
[ "Jan De Leeuw" ]
17 Jul 2024
18 pages, R code
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2407.12945
To study convergence of SMACOF we introduce a modification mSMACOF that rotates the configurations from each of the SMACOF iterations to principal components. This modification, called mSMACOF, has the same stress values as SMACOF in each iteration, but unlike SMACOF it produces a sequence of configurations that properly converges to a solution. We show that the modified algorithm can be implemented by iterating ordinary SMACOF to convergence, and then rotating the SMACOF solution to principal components. The speed of linear convergence of SMACOF and mSMACOF is the same, and is equal to the largest eigenvalue of the derivative of the Guttman transform, ignoring the trivial unit eigenvalues that result from rotational indeterminacy.
stat-05.zip/2407.12945.pdf
2412.06305
Quasi-likelihood-based EM algorithm for regime-switching SDE
[ "Yuzhong Cheng", "Hiroki Masuda" ]
9 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.06305
This paper considers estimating the parameters in a regime-switching stochastic differential equation(SDE) driven by Normal Inverse Gaussian(NIG) noise. The model under consideration incorporates a continuous-time finite state Markov chain to capture regime changes, enabling a more realistic representation of evolving market conditions or environmental factors. Although the continuous dynamics are typically observable, the hidden nature of the Markov chain introduces significant complexity, rendering standard likelihood-based methods less effective. To address these challenges, we propose an estimation algorithm designed for discrete, high-frequency observations, even when the Markov chain is not directly observed. Our approach integrates the Expectation-Maximization (EM) algorithm, which iteratively refines parameter estimates in the presence of latent variables, with a quasi-likelihood method adapted to NIG noise. Notably, this method can simultaneously estimate parameters within both the SDE coefficients and the driving noise. Simulation results are provided to evaluate the performance of the algorithm. These experiments demonstrate that the proposed method provides reasonable estimation under challenging conditions.
stat-05.zip/2412.06305.pdf
2412.13591
Single-cell spatial (scs) omics: Recent developments in data analysis
[ "José Camacho", "Michael Sorochan Armstrong", "Luz García-Martínez", "Caridad Díaz", "Carolina Gómez-Llorente" ]
18 Dec 2024
Computation (stat.CO)
Computation (stat.CO); Genomics (q-bio.GN)
https://doi.org/10.48550/arXiv.2412.13591
Over the past few years, technological advances have allowed for measurement of omics data at the cell level, creating a new type of data generally referred to as single-cell (sc) omics. On the other hand, the so-called spatial omics are a family of techniques that generate biological information in a spatial domain, for instance, in the volume of a tissue. In this survey, we are mostly interested in the intersection between sc and spatial (scs) omics and in the challenges and opportunities that this new type of data pose for downstream data analysis methodologies. Our goal is to cover all major omics modalities, including transcriptomics, genomics, epigenomics, proteomics and metabolomics.
stat-05.zip/2412.13591.pdf
2412.15644
An adaptive approximate Bayesian computation MCMC with Global-Local proposals
[ "Xuefei Cao", "Shijia Wang", "Yongdao Zhou" ]
20 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.15644
In this paper, we address the challenge of Markov Chain Monte Carlo algorithms within the Approximate Bayesian Computation framework, which often get trapped in local optima due to their inherent local exploration mechanism. We propose a novel Global-Local ABC-MCMC algorithm that combines the &#34;exploration&#34; capabilities of global proposals with the &#34;exploitation&#34; finesse of local proposals. By integrating iterative importance resampling into the likelihood-free framework, we establish an effective global proposal distribution. We select the optimum mixture of global and local moves based on a unit cost version of expected squared jumped distance via sequential optimization. Furthermore, we propose two adaptive schemes: The first involves a normalizing flow-based probabilistic distribution learning model to iteratively improve the proposal for importance sampling, and the second focuses on optimizing the efficiency of the local sampler by utilizing Langevin dynamics and common random numbers. We numerically demonstrate that our method improves sampling efficiency and achieve more reliable convergence for complex posteriors. A software package implementing this method is available at <a href="https://github.com/caofff/GL-ABC-MCMC" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
stat-05.zip/2412.15644.pdf
2412.07929
Dirichlet-Neumann Averaging: The DNA of Efficient Gaussian Process Simulation
[ "Robert Kutri", "Robert Scheichl" ]
10 Dec 2024
30 pages, 7 figures, pre-print
Computation (stat.CO)
Computation (stat.CO); Numerical Analysis (math.NA); Probability (math.PR); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2412.07929
Gaussian processes (GPs) and Gaussian random fields (GRFs) are essential for modelling spatially varying stochastic phenomena. Yet, the efficient generation of corresponding realisations on high-resolution grids remains challenging, particularly when a large number of realisations are required. This paper presents two novel contributions. First, we propose a new methodology based on Dirichlet-Neumann averaging (DNA) to generate GPs and GRFs with isotropic covariance on regularly spaced grids. The combination of discrete cosine and sine transforms in the DNA sampling approach allows for rapid evaluations without the need for modification or padding of the desired covariance function. While this introduces an error in the covariance, our numerical experiments show that this error is negligible for most relevant applications, representing a trade-off between efficiency and precision. We provide explicit error estimates for Matérn covariances. The second contribution links our new methodology to the stochastic partial differential equation (SPDE) approach for sampling GRFs. We demonstrate that the concepts developed in our methodology can also guide the selection of boundary conditions in the SPDE framework. We prove that averaging specific GRFs sampled via the SPDE approach yields genuinely isotropic realisations without domain extension, with the error bounds established in the first part remaining valid.
stat-05.zip/2412.07929.pdf
2412.08876
Black-box unadjusted Hamiltonian Monte Carlo
[ "Jakob Robnik", "Reuben Cohn-Gordon", "Uroš Seljak" ]
12 Dec 2024 (<a href="https://arxiv.org/abs/2412.08876v1">v1</a>), last revised 17 May 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO); Cosmology and Nongalactic Astrophysics (astro-ph.CO)
https://doi.org/10.48550/arXiv.2412.08876
Hamiltonian Monte Carlo and underdamped Langevin Monte Carlo are state-of-the-art methods for taking samples from high-dimensional distributions with a differentiable density function. To generate samples, they numerically integrate Hamiltonian or Langevin dynamics. This numerical integration introduces an asymptotic bias in Monte Carlo estimators of expectation values, which can be eliminated by adjusting the dynamics with a Metropolis-Hastings (MH) proposal step. Alternatively, one can trade bias for variance by avoiding MH, and select an integration step size that ensures sufficiently small asymptotic bias, relative to the variance inherent in a finite set of samples. Such unadjusted methods often significantly outperform their adjusted counterparts in high-dimensional problems where sampling would otherwise be prohibitively expensive, yet are rarely used in statistical applications due to the absence of an automated way of choosing a step size. We propose just such an automatic tuning scheme that takes a user-provided asymptotic bias tolerance and selects a step size that ensures it. The key to the method is a relationship we establish between the energy error in the integration and asymptotic bias. For Gaussians, we show that this procedure rigorously bounds the asymptotic bias. We then numerically show that the procedure works beyond Gaussians, on typical Bayesian problems. To demonstrate the practicality of the proposed scheme, we provide a comprehensive comparison of adjusted and unadjusted samplers, showing that with our tuning scheme, the unadjusted methods achieve close to optimal performance and significantly and consistently outperform their adjusted counterparts.
stat-05.zip/2412.08876.pdf
2409.07111
Local Sequential MCMC for Data Assimilation with Applications in Geoscience
[ "Hamza Ruzayqat", "Omar Knio" ]
11 Sep 2024
24 pages, 8 figures
Computation (stat.CO)
Computation (stat.CO); Numerical Analysis (math.NA); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2409.07111
This paper presents a new data assimilation (DA) scheme based on a sequential Markov Chain Monte Carlo (SMCMC) DA technique [Ruzayqat et al. 2024] which is provably convergent and has been recently used for filtering, particularly for high-dimensional non-linear, and potentially, non-Gaussian state-space models. Unlike particle filters, which can be considered exact methods and can be used for filtering non-linear, non-Gaussian models, SMCMC does not assign weights to the samples/particles, and therefore, the method does not suffer from the issue of weight-degeneracy when a relatively small number of samples is used. We design a localization approach within the SMCMC framework that focuses on regions where observations are located and restricts the transition densities included in the filtering distribution of the state to these regions. This results in immensely reducing the effective degrees of freedom and thus improving the efficiency. We test the new technique on high-dimensional ($d \sim 10^4 - 10^5$) linear Gaussian model and non-linear shallow water models with Gaussian noise with real and synthetic observations. For two of the numerical examples, the observations mimic the data generated by the Surface Water and Ocean Topography (SWOT) mission led by NASA, which is a swath of ocean height observations that changes location at every assimilation time step. We also use a set of ocean drifters&#39; real observations in which the drifters are moving according the ocean kinematics and assumed to have uncertain locations at the time of assimilation. We show that when higher accuracy is required, the proposed algorithm is superior in terms of efficiency and accuracy over competing ensemble methods and the original SMCMC filter.
stat-05.zip/2409.07111.pdf
2409.07101
Statistical Finite Elements via Interacting Particle Langevin Dynamics
[ "Alex Glyn-Davies", "Connor Duffin", "Ieva Kazlauskaite", "Mark Girolami", "Ö. Deniz Akyildiz" ]
11 Sep 2024 (<a href="https://arxiv.org/abs/2409.07101v1">v1</a>), last revised 27 May 2025 (this version, v2)
26 pages, 6 figures
Computation (stat.CO)
Computation (stat.CO); Computational Physics (physics.comp-ph)
https://doi.org/10.48550/arXiv.2409.07101
In this paper, we develop a class of interacting particle Langevin algorithms to solve inverse problems for partial differential equations (PDEs). In particular, we leverage the statistical finite elements (statFEM) formulation to obtain a finite-dimensional latent variable statistical model where the parameter is that of the (discretised) forward map and the latent variable is the statFEM solution of the PDE which is assumed to be partially observed. We then adapt a recently proposed expectation-maximisation like scheme, interacting particle Langevin algorithm (IPLA), for this problem and obtain a joint estimation procedure for the parameters and the latent variables. We consider three main examples: (i) estimating the forcing for linear Poisson PDE, (ii) estimating diffusivity for linear Poisson PDE, and (iii) estimating the forcing for nonlinear Poisson PDE. We provide computational complexity estimates for forcing estimation in the linear case. We also provide comprehensive numerical experiments and preconditioning strategies that significantly improve the performance, showing that the proposed class of methods can be the choice for parameter inference in PDE models.
stat-05.zip/2409.07101.pdf
2412.06629
PolytopeWalk: Sparse MCMC Sampling over Polytopes
[ "Benny Sun", "Yuansi Chen" ]
9 Dec 2024
17 pages
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2412.06629
High dimensional sampling is an important computational tool in statistics and other computational disciplines, with applications ranging from Bayesian statistical uncertainty quantification, metabolic modeling in systems biology to volume computation. We present $\textsf{PolytopeWalk}$, a new scalable Python library designed for uniform sampling over polytopes. The library provides an end-to-end solution, which includes preprocessing algorithms such as facial reduction and initialization methods. Six state-of-the-art MCMC algorithms on polytopes are implemented, including the Dikin, Vaidya, and John Walk. Additionally, we introduce novel sparse constrained formulations of these algorithms, enabling efficient sampling from sparse polytopes of the form $K_2 = \{x \in \mathbb{R}^d \ | \ Ax = b, x \succeq_k 0\}$. This implementation maintains sparsity in $A$, ensuring scalability to high dimensional settings $(d &gt; 10^5)$. We demonstrate the improved sampling efficiency and per-iteration cost on both Netlib datasets and structured polytopes. $\textsf{PolytopeWalk}$ is available at <a href="http://github.com/ethz-randomwalk/polytopewalk" rel="external noopener nofollow" class="link-external link-http">this http URL</a> with documentation at <a href="http://polytopewalk.readthedocs.io" rel="external noopener nofollow" class="link-external link-http">this http URL</a> .
stat-05.zip/2412.06629.pdf
2407.13889
LASPATED: A Library for the Analysis of Spatio-Temporal Discrete Data (User Manual)
[ "Vincent Guigues", "Anton J. Kleywegt", "Giovanni Amorim", "Andre Krauss", "Victor Hugo Nascimento" ]
18 Jul 2024 (<a href="https://arxiv.org/abs/2407.13889v1">v1</a>), last revised 13 Aug 2024 (this version, v2)
25 pages, 6 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2407.13889
This is the User Manual of LASPATED library. This library is available on GitHub (at <a href="https://github.com/vguigues/LASPATED" rel="external noopener nofollow" class="link-external link-https">this https URL</a>)) and provides a set of tools to analyze spatiotemporal data. A video tutorial for this library is available on Youtube. It is made of a Python package for time and space discretizations and of two packages (one in Matlab and one in C++) implementing the calibration of the probabilistic models for stochastic spatio-temporal data proposed in the companion paper <a href="https://arxiv.org/abs/2203.16371v2" data-arxiv-id="2203.16371v2" class="link-https">arXiv:2203.16371v2</a>.
stat-05.zip/2407.13889.pdf
2412.00654
Performance Analysis of Sequential Experimental Design for Calibration in Parallel Computing Environments
[ "Özge Sürer", "Stefan M. Wild" ]
1 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.00654
The unknown parameters of simulation models often need to be calibrated using observed data. When simulation models are expensive, calibration is usually carried out with an emulator. The effectiveness of the calibration process can be significantly improved by using a sequential selection of parameters to build an emulator. The expansion of parallel computing environments--from multicore personal computers to many-node servers to large-scale cloud computing environments--can lead to further calibration efficiency gains by allowing for the evaluation of the simulation model at a batch of parameters in parallel in a sequential design. However, understanding the performance implications of different sequential approaches in parallel computing environments introduces new complexities since the rate of the speed-up is affected by many factors, such as the run time of a simulation model and the variability in the run time. This work proposes a new performance model to understand and benchmark the performance of different sequential procedures for the calibration of simulation models in parallel environments. We provide metrics and a suite of techniques for visualizing the numerical experiment results and demonstrate these with a novel sequential procedure. The proposed performance model, as well as the new sequential procedure and other state-of-art techniques, are implemented in the open-source Python software package Parallel Uncertainty Quantification (PUQ), which allows users to run a simulation model in parallel.
stat-05.zip/2412.00654.pdf
2412.16558
A Proximal Newton Adaptive Importance Sampler
[ "Víctor Elvira", "Émilie Chouzenoux", "O. Deniz Akyildiz" ]
21 Dec 2024 (<a href="https://arxiv.org/abs/2412.16558v1">v1</a>), last revised 26 Mar 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2412.16558
Adaptive importance sampling (AIS) algorithms are a rising methodology in signal processing, statistics, and machine learning. An effective adaptation of the proposals is key for the success of AIS. Recent works have shown that gradient information about the involved target density can greatly boost performance, but its applicability is restricted to differentiable targets. In this paper, we propose a proximal Newton adaptive importance sampler for the estimation of expectations with respect to non-smooth target distributions. We implement a scaled Newton proximal gradient method to adapt the proposal distributions, enabling efficient and optimized moves even when the target distribution lacks differentiability. We show the good performance of the algorithm in two scenarios: one with convex constraints and another with non-smooth sparse priors.
stat-05.zip/2412.16558.pdf
2412.07194
Emperical Study on Various Symmetric Distributions for Modeling Time Series
[ "Genshiro Kitagawa" ]
10 Dec 2024
13 pages, 3 tables, 7 figures
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2412.07194
This study evaluated probability distributions for modeling time series with abrupt structural changes. The Pearson type VII distribution, with an adjustable shape parameter $b$, proved versatile. The generalized Laplace distribution performed similarly to the Pearson model, occasionally surpassing it in terms of likelihood and AIC. Mixture models, including the mixture of $\delta$-function and Gaussian distribution, showed potential but were less stable. Pearson type VII and extended Laplace models were deemed more reliable for general cases. Model selection depends on data characteristics and goals.
stat-05.zip/2412.07194.pdf
2411.19830
A Tidy Data Structure and Visualisations for Multiple Variable Correlations and Other Pairwise Scores
[ "Amit Chinwan", "Catherine B. Hurley" ]
29 Nov 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2411.19830
We provide a pipeline for calculating, managing and visualising correlations and other pairwise scores for numerical and categorical data. We present a uniform interface for calculating a plethora of pairwise scores and a new tidy data structure for managing the results. We also provide new visualisations which simultaneously show multiple and/or grouped pairwise scores. The visualisations are far richer than a traditional heatmap of correlation scores, as they help identify relationships with categorical variables, numeric variable pairs with non-linear associations or those which exhibit Simpson&#39;s paradox. These methods are available in our R package bullseye.
stat-05.zip/2411.19830.pdf
2412.13644
Sequential Rank and Preference Learning with the Bayesian Mallows Model
[ "Øystein Sørensen", "Anja Stein", "Waldir Leoncio Netto", "David S. Leslie" ]
18 Dec 2024 (<a href="https://arxiv.org/abs/2412.13644v1">v1</a>), last revised 3 Jun 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.13644
The Bayesian Mallows model is a flexible tool for analyzing data in the form of complete or partial rankings, and transitive or intransitive pairwise preferences. In many potential applications of preference learning, data arrive sequentially and it is of practical interest to update posterior beliefs and predictions efficiently, based on the currently available data. Despite this, most algorithms proposed so far have focused on batch inference. In this paper we present an algorithm for sequentially estimating the posterior distributions of the Bayesian Mallows model using nested sequential Monte Carlo. The algorithm requires minimal user input in the form of tuning parameters, is straightforward to parallelize, and returns the marginal likelihood as a direct byproduct of estimation. We evaluate its performance in simulation experiments, and illustrate a real use case with sequential ranking of Formula 1 drivers throughout three seasons of races.
stat-05.zip/2412.13644.pdf
2412.14503
dapper: Data Augmentation for Private Posterior Estimation in R
[ "Kevin Eng", "Jordan A. Awan", "Nianqiao Phyllis Ju", "Vinayak A. Rao", "Ruobin Gong" ]
19 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.14503
This paper serves as a reference and introduction to using the R package dapper. dapper encodes a sampling framework which allows exact Markov chain Monte Carlo simulation of parameters and latent variables in a statistical model given privatized data. The goal of this package is to fill an urgent need by providing applied researchers with a flexible tool to perform valid Bayesian inference on data protected by differential privacy, allowing them to properly account for the noise introduced for privacy protection in their statistical analysis. dapper offers a significant step forward in providing general-purpose statistical inference tools for privatized data.
stat-05.zip/2412.14503.pdf
2501.05326
Randomized Spectral Clustering for Large-Scale Multi-Layer Networks
[ "Wenqing Su", "Xiao Guo", "Xiangyu Chang", "Ying Yang" ]
9 Jan 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.05326
Large-scale multi-layer networks with large numbers of nodes, edges, and layers arise across various domains, which poses a great computational challenge for the downstream analysis. In this paper, we develop an efficient randomized spectral clustering algorithm for community detection of multi-layer networks. We first utilize the random sampling strategy to sparsify the adjacency matrix of each layer. Then we use the random projection strategy to accelerate the eigen-decomposition of the sum-of-squared sparsified adjacency matrices of all layers. The communities are finally obtained via the k-means of the eigenvectors. The algorithm not only has low time complexity but also saves the storage space. Theoretically, we study the misclassification error rate of the proposed algorithm under the multi-layer stochastic block models, which shows that the randomization does not deteriorate the error bound under certain conditions. Numerical studies on multi-layer networks with millions of nodes show the superior efficiency of the proposed algorithm, which achieves clustering results rapidly. A new R package called MLRclust is developed and made available to the public.
stat-05.zip/2501.05326.pdf
2407.13663
Squintability and Other Metrics for Assessing Projection Pursuit Indexes, and Guiding Optimization Choices
[ "H. Sherry Zhang", "Dianne Cook", "Nicolas Langrené", "Jessica Wai Yin Leung" ]
18 Jul 2024 (<a href="https://arxiv.org/abs/2407.13663v1">v1</a>), last revised 9 Mar 2025 (this version, v3)
Computation (stat.CO)
Computation (stat.CO); Neural and Evolutionary Computing (cs.NE)
https://doi.org/10.48550/arXiv.2407.13663
The projection pursuit (PP) guided tour optimizes a criterion function, known as the PP index, to gradually reveal projections of interest from high-dimensional data through animation. Optimization of some PP indexes can be non-trivial, if they are non-smooth functions, or when the optimum has a small &#34;squint angle&#34;, detectable only from close proximity. Here, measures for calculating the smoothness and squintability properties of the PP index are defined. These are used to investigate the performance of a recently introduced swarm-based algorithm, Jellyfish Search Optimizer (JSO), for optimizing PP indexes. The performance of JSO in detecting the target pattern (pipe shape) is compared with existing optimizers in PP. Additionally, JSO&#39;s performance on detecting the sine-wave shape is evaluated using different PP indexes (hence different smoothness and squintability) across various data dimensions (d = 4, 6, 8, 10, 12) and JSO hyper-parameters. We observe empirically that higher squintability improves the success rate of the PP index optimization, while smoothness has no significant effect. The JSO algorithm has been implemented in the R package, `tourr`, and functions to calculate smoothness and squintability measures are implemented in the `ferrn` package.
stat-05.zip/2407.13663.pdf
2412.01952
No Free Lunch for Stochastic Gradient Langevin Dynamics
[ "Natesh S. Pillai", "Aaron Smith", "Azeem Zaman" ]
2 Dec 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.01952
As sample sizes grow, scalability has become a central concern in the development of Markov chain Monte Carlo (MCMC) methods. One general approach to this problem, exemplified by the popular stochastic gradient Langevin dynamics (SGLD) algorithm, is to use a small random subsample of the data at every time step. This paper, building on recent work such as \cite{nagapetyan2017true,JohndrowJamesE2020NFLf}, shows that this approach often fails: while decreasing the sample size increases the speed of each MCMC step, for typical datasets this is balanced by a matching decrease in accuracy. This result complements recent work such as \cite{nagapetyan2017true} (which came to the same conclusion, but analyzed only specific upper bounds on errors rather than actual errors) and \cite{JohndrowJamesE2020NFLf} (which did not analyze nonreversible algorithms and allowed for logarithmic improvements).
stat-05.zip/2412.01952.pdf
2501.06634
Fast Approximate Solution of Stein Equations for Post-Processing of MCMC
[ "Qingyang Liu", "Heishiro Kanagawa", "Matthew A. Fisher", "François-Xavier Briol", "Chris. J. Oates" ]
11 Jan 2025 (<a href="https://arxiv.org/abs/2501.06634v1">v1</a>), last revised 13 Jun 2025 (this version, v2)
Bugs fixed, additional experiments included
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.06634
Bayesian inference is conceptually elegant, but calculating posterior expectations can entail a heavy computational cost. Monte Carlo methods are reliable and supported by strong asymptotic guarantees, but do not leverage smoothness of the integrand. Solving Stein equations has emerged as a possible alternative, providing a framework for numerical approximation of posterior expectations in which smoothness can be exploited. However, existing numerical methods for Stein equations are associated with high computational cost due to the need to solve large linear systems. This paper considers the combination of iterative linear solvers and preconditioning strategies to obtain fast approximate solutions of Stein equations.
stat-05.zip/2501.06634.pdf
2408.17102
Stochastic Vector Approximate Message Passing with applications to phase retrieval
[ "Hajime Ueda", "Shun Katakami", "Masato Okada" ]
30 Aug 2024 (<a href="https://arxiv.org/abs/2408.17102v1">v1</a>), last revised 9 Oct 2024 (this version, v3)
We found that damping scheme proposed in S. Sarker et al. (2021) substantially enhances the VAMP algorithm, which changed the result shown in Fig. 4. We also added the link to our code for numerical experiment. Some typos are also corrected
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2408.17102
Phase retrieval refers to the problem of recovering a high-dimensional vector $\boldsymbol{x} \in \mathbb{C}^N$ from the magnitude of its linear transform $\boldsymbol{z} = A \boldsymbol{x}$, observed through a noisy channel. To improve the ill-posed nature of the inverse problem, it is a common practice to observe the magnitude of linear measurements $\boldsymbol{z}^{(1)} = A^{(1)} \boldsymbol{x},..., \boldsymbol{z}^{(L)} = A^{(L)}\boldsymbol{x}$ using multiple sensing matrices $A^{(1)},..., A^{(L)}$, with ptychographic imaging being a remarkable example of such strategies. Inspired by existing algorithms for ptychographic reconstruction, we introduce stochasticity to Vector Approximate Message Passing (VAMP), a computationally efficient algorithm applicable to a wide range of Bayesian inverse problems. By testing our approach in the setup of phase retrieval, we show the superior convergence speed of the proposed algorithm.
stat-05.zip/2408.17102.pdf
2501.07795
Black-box Optimization with Simultaneous Statistical Inference for Optimal Performance
[ "Teng Lian", "Jian-Qiang Hu", "Yuhang Wu", "Zeyu Zheng" ]
14 Jan 2025
Computation (stat.CO)
Computation (stat.CO); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2501.07795
Black-box optimization is often encountered for decision-making in complex systems management, where the knowledge of system is limited. Under these circumstances, it is essential to balance the utilization of new information with computational efficiency. In practice, decision-makers often face the dual tasks of optimization and statistical inference for the optimal performance, in order to achieve it with a high reliability. Our goal is to address the dual tasks in an online fashion. Wu et al (2022) [arXiv preprint: <a href="https://arxiv.org/abs/2210.06737" data-arxiv-id="2210.06737" class="link-https">2210.06737</a>] point out that the sample average of performance estimates generated by the optimization algorithm needs not to admit a central limit theorem. We propose an algorithm that not only tackles this issue, but also provides an online consistent estimator for the variance of the performance. Furthermore, we characterize the convergence rate of the coverage probabilities of the asymptotic confidence intervals.
stat-05.zip/2501.07795.pdf
2502.12940
Tensor cross interpolation for global discrete optimization with application to Bayesian network inference
[ "Sergey Dolgov", "Dmitry Savostyanov" ]
18 Feb 2025
Computation (stat.CO)
Computation (stat.CO); Numerical Analysis (math.NA); Probability (math.PR)
https://doi.org/10.48550/arXiv.2502.12940
Global discrete optimization is notoriously difficult due to the lack of gradient information and the curse of dimensionality, making exhaustive search infeasible. Tensor cross approximation is an efficient technique to approximate multivariate tensors (and discretized functions) by tensor product decompositions based on a small number of tensor elements, evaluated on adaptively selected fibers of the tensor, that intersect on submatrices of (nearly) maximum volume. The submatrices of maximum volume are empirically known to contain large elements, hence the entries selected for cross interpolation can also be good candidates for the globally maximal element within the tensor. In this paper we consider evolution of epidemics on networks, and infer the contact network from observations of network nodal states over time. By numerical experiments we demonstrate that the contact network can be inferred accurately by finding the global maximum of the likelihood using tensor cross interpolation. The proposed tensor product approach is flexible and can be applied to global discrete optimization for other problems, e.g. discrete hyperparameter tuning.
stat-05.zip/2502.12940.pdf
2501.07035
Parallel ADMM Algorithm with Gaussian Back Substitution for High-Dimensional Quantile Regression and Classification
[ "Xiaofei Wu", "Dingzi Guo", "Rongmei Liang", "Zhimin Zhang" ]
13 Jan 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.07035
In the field of high-dimensional data analysis, modeling methods based on quantile loss function are highly regarded due to their ability to provide a comprehensive statistical perspective and effective handling of heterogeneous data. In recent years, many studies have focused on using the parallel alternating direction method of multipliers (P-ADMM) to solve high-dimensional quantile regression and classification problems. One efficient strategy is to reformulate the quantile loss function by introducing slack variables. However, this reformulation introduces a theoretical challenge: even when the regularization term is convex, the convergence of the algorithm cannot be guaranteed. To address this challenge, this paper proposes the Gaussian Back-Substitution strategy, which requires only a simple and effective correction step that can be easily integrated into existing parallel algorithm frameworks, achieving a linear convergence rate. Furthermore, this paper extends the parallel algorithm to handle some novel quantile loss classification models. Numerical simulations demonstrate that the proposed modified P-ADMM algorithm exhibits excellent performance in terms of reliability and efficiency.
stat-05.zip/2501.07035.pdf
2501.07642
fastrerandomize: Fast Rerandomization Using Accelerated Computing
[ "Rebecca Goldstein", "Connor T. Jerzak", "Aniket Kamat", "Fucheng Warren Zhu" ]
13 Jan 2025 (<a href="https://arxiv.org/abs/2501.07642v1">v1</a>), last revised 14 Apr 2025 (this version, v2)
38 pages, 10 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2501.07642
We introduce fastrerandomize, an R package that implements novel algorithmic approaches to rerandomization in experimental design. Rerandomization improves precision by discarding treatment assignments until covariate balance meets predefined thresholds, but existing implementations often struggle with computational demands in large-scale settings. fastrerandomize addresses these limitations through three key innovations: (1) optional hardware acceleration via GPU/TPU backends, (2) memory-efficient key-based storage that avoids explicit randomization storage, and (3) computational optimizations through auto-vectorization and just-in-time compilation. This algorithmic framework enables exact or Monte Carlo generation of rerandomized designs even with billions of candidate randomizations and stringent balance thresholds. Simulations demonstrate substantial performance gains over existing implementations (greater than 34-fold speedup reported here), particularly in high-dimensional settings. By integrating modern computational techniques with principled statistical methods, fastrerandomize extends the practical applicability of rerandomization to experimental designs that were previously computationally intractable.
stat-05.zip/2501.07642.pdf
2502.16108
Accelerating true orbit pseudorandom number generation using Newton&#39;s method
[ "Asaki Saito", "Akihiro Yamaguchi" ]
22 Feb 2025
16 pages, 2 figures
Computation (stat.CO)
Computation (stat.CO); Number Theory (math.NT)
https://doi.org/10.48550/arXiv.2502.16108
The binary expansions of irrational algebraic numbers can serve as high-quality pseudorandom binary sequences. This study presents an efficient method for computing the exact binary expansions of real quadratic algebraic integers using Newton&#39;s method. To this end, we clarify conditions under which the first $N$ bits of the binary expansion of an irrational number match those of its upper rational approximation. Furthermore, we establish that the worst-case time complexity of generating a sequence of length $N$ with the proposed method is equivalent to the complexity of multiplying two $N$-bit integers, showing its efficiency compared to a previously proposed true orbit generator. We report the results of numerical experiments on computation time and memory usage, highlighting in particular that the proposed method successfully accelerates true orbit pseudorandom number generation. We also confirm that a generated pseudorandom sequence successfully passes all the statistical tests included in RabbitFile of TestU01.
stat-05.zip/2502.16108.pdf
2502.18475
Least squares variational inference
[ "Yvann Le Fay", "Nicolas Chopin", "Simon Barthelmé" ]
5 Feb 2025 (<a href="https://arxiv.org/abs/2502.18475v1">v1</a>), last revised 23 Sep 2025 (this version, v3)
NeurIPS 2025, 41 pages, 8 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2502.18475
Variational inference consists in finding the best approximation of a target distribution within a certain family, where `best&#39; means (typically) smallest Kullback-Leiber divergence. We show that, when the approximation family is exponential, the best approximation is the solution of a fixed-point equation. We introduce LSVI (Least-Squares Variational Inference), a Monte Carlo variant of the corresponding fixed-point recursion, where each iteration boils down to ordinary least squares regression and does not require computing gradients. We show that LSVI is equivalent to stochastic mirror descent; we use this insight to derive convergence guarantees. We introduce various ideas to improve LSVI further when the approximation family is Gaussian, leading to a $O(d^3)$ complexity in the dimension $d$ of the target in the full-covariance case, and a $O(d)$ complexity in the mean-field case. We show that LSVI outperforms state-of-the-art methods in a range of examples, while remaining gradient-free, that is, it does not require computing gradients.
stat-05.zip/2502.18475.pdf
2502.16773
Splitting Regularized Wasserstein Proximal Algorithms for Nonsmooth Sampling Problems
[ "Fuqun Han", "Stanley Osher", "Wuchen Li" ]
24 Feb 2025 (<a href="https://arxiv.org/abs/2502.16773v1">v1</a>), last revised 11 Jul 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2502.16773
Sampling from nonsmooth target probability distributions is essential in various applications, including the Bayesian Lasso. We propose a splitting-based sampling algorithm for the time-implicit discretization of the probability flow for the Fokker-Planck equation, where the score function, defined as the gradient logarithm of the current probability density function, is approximated by the regularized Wasserstein proximal. When the prior distribution is the Laplace prior, our algorithm is explicitly formulated as a deterministic interacting particle system, incorporating softmax operators and shrinkage operations to efficiently compute the gradient drift vector field and the score function. We verify the convergence towards target distributions regarding Rényi divergences and Wasserstein-2 distance under suitable conditions. Numerical experiments in high-dimensional nonsmooth sampling problems, such as sampling from mixed Gaussian and Laplace distributions, logistic regressions, image restoration with $L_1$-TV regularization, and Bayesian neural networks, demonstrate the efficiency and robust performance of the proposed method.
stat-05.zip/2502.16773.pdf
2502.14467
Provable Quantum Algorithm Advantage for Gaussian Process Quadrature
[ "Cristian A. Galvis-Florez", "Ahmad Farooq", "Simo Särkkä" ]
20 Feb 2025
21 pages, 6 figures
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG); Quantum Physics (quant-ph)
https://doi.org/10.48550/arXiv.2502.14467
The aim of this paper is to develop novel quantum algorithms for Gaussian process quadrature methods. Gaussian process quadratures are numerical integration methods where Gaussian processes are used as functional priors for the integrands to capture the uncertainty arising from the sparse function evaluations. Quantum computers have emerged as potential replacements for classical computers, offering exponential reductions in the computational complexity of machine learning tasks. In this paper, we combine Gaussian process quadratures and quantum computing by proposing a quantum low-rank Gaussian process quadrature method based on a Hilbert space approximation of the Gaussian process kernel and enhancing the quadrature using a quantum circuit. The method combines the quantum phase estimation algorithm with the quantum principal component analysis technique to extract information up to a desired rank. Then, Hadamard and SWAP tests are implemented to find the expected value and variance that determines the quadrature. We use numerical simulations of a quantum computer to demonstrate the effectiveness of the method. Furthermore, we provide a theoretical complexity analysis that shows a polynomial advantage over classical Gaussian process quadrature methods. The code is available at <a href="https://github.com/cagalvisf/Quantum_HSGPQ" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
stat-05.zip/2502.14467.pdf
2502.13456
OGBoost: A Python Package for Ordinal Gradient Boosting
[ "Mansour T.A. Sharabiani", "Alex Bottle", "Alireza S. Mahani" ]
19 Feb 2025
Computation (stat.CO)
Computation (stat.CO); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2502.13456
This paper introduces OGBoost, a scikit-learn-compatible Python package for ordinal regression using gradient boosting. Ordinal variables (e.g., rating scales, quality assessments) lie between nominal and continuous data, necessitating specialized methods that reflect their inherent ordering. Built on a coordinate-descent approach for optimization and the latent-variable framework for ordinal regression, OGBoost performs joint optimization of a latent continuous regression function (functional gradient descent) and a threshold vector that converts the latent continuous value into discrete class probabilities (classical gradient descent). In addition to the stanadard methods for scikit-learn classifiers, the GradientBoostingOrdinal class implements a &#34;decision_function&#34; that returns the (scalar) value of the latent function for each observation, which can be used as a high-resolution alternative to class labels for comparing and ranking observations. The class has the option to use cross-validation for early stopping rather than a single holdout validation set, a more robust approach for small and/or imbalanced datasets. Furthermore, users can select base learners with different underlying algorithms and/or hyperparameters for use throughout the boosting iterations, resulting in a `heterogeneous&#39; ensemble approach that can be used as a more efficient alternative to hyperparameter tuning (e.g. via grid search). We illustrate the capabilities of OGBoost through examples, using the wine quality dataset from the UCI respository. The package is available on PyPI and can be installed via &#34;pip install ogboost&#34;.
stat-05.zip/2502.13456.pdf
2503.02818
Random sampling of contingency tables and partitions: Two practical examples of the Burnside process
[ "Persi Diaconis", "Michael Howes" ]
4 Mar 2025 (<a href="https://arxiv.org/abs/2503.02818v1">v1</a>), last revised 1 Sep 2025 (this version, v2)
Replaced with version published in Statistics and Computing. 25 pages, 7 figures,
Computation (stat.CO)
Computation (stat.CO); Combinatorics (math.CO); Probability (math.PR)
https://doi.org/10.48550/arXiv.2503.02818
This paper gives new, efficient algorithms for approximate uniform sampling of contingency tables and integer partitions. The algorithms use the Burnside process, a general algorithm for sampling a uniform orbit of a finite group acting on a finite set. We show that a technique called `lumping&#39; can be used to derive efficient implementations of the Burnside process. For both contingency tables and partitions, the lumped processes have far lower per step complexity than the original Markov chains. We also define a second Markov chain for partitions called the reflected Burnside process. The reflected Burnside process maintains the computational advantages of the lumped process but empirically converges to the uniform distribution much more rapidly. By using the reflected Burnside process we can easily sample uniform partitions of size $10^{10}$.
stat-05.zip/2503.02818.pdf
2503.01566
Efficient Long-Term Structural Reliability Estimation with Non-Gaussian Stochastic Models: A Design of Experiments Approach
[ "Sebastian Winter", "Christian Agrell", "Juan Camilo Guevara Gómez", "Erik Vanem" ]
3 Mar 2025
Computation (stat.CO)
Computation (stat.CO); Applications (stat.AP)
https://doi.org/10.48550/arXiv.2503.01566
Extreme response assessment is important in the design and operation of engineering structures, and is a crucial part of structural risk and reliability analyses. Structures should be designed in a way that enables them to withstand the environmental loads they are expected to experience over their lifetime, without designs being unnecessarily conservative and costly. An accurate risk estimate is essential but difficult to obtain because the long-term behaviour of a structure is typically too complex to calculate analytically or with brute force Monte Carlo simulation. Therefore, approximation methods are required to estimate the extreme response using only a limited number of short-term conditional response calculations. Combining surrogate models with Design of Experiments is an approximation approach that has gained popularity due to its ability to account for both long-term environment variability and short-term response variability. In this paper, we propose a method for estimating the extreme response of black-box, stochastic models with heteroscedastic non-Gaussian noise. We present a mathematically founded extreme response estimation process that enables Design of Experiment approaches that are prohibitively expensive with surrogate Monte Carlo. The theory leads us to speculate this method can robustly produce more confident extreme response estimates, and is suitable for a variety of domains. While this needs to be further validated empirically, the method offers a promising tool for reducing the uncertainty decision-makers face, allowing them to make better informed choices and create more optimal structures.
stat-05.zip/2503.01566.pdf
2503.10930
Sparse Functional Data Classification via Bayesian Aggregation
[ "Ahmad Talafha" ]
13 Mar 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.10930
Sparse functional data frequently arise in real-world applications, posing significant challenges for accurate classification. To address this, we propose a novel classification method that integrates functional principal component analysis (FPCA) with Bayesian aggregation. Unlike traditional ensemble methods, our approach combines predicted probabilities across bootstrap replicas and refines them through Bayesian calibration using Bayesian generalized linear models (Bayesian GLMs). We evaluated the performance of the proposed method against single classifiers and conventional ensemble techniques. The simulation results demonstrate that Bayesian aggregation improves the classification accuracy over conventional methods. Finally, we validate the approach through three real-data analyses.
stat-05.zip/2503.10930.pdf
2503.06822
Model-based edge clustering for weighted networks with a noise component
[ "Haomin Li", "Daniel K. Sewell" ]
10 Mar 2025
27 pages, 8 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.06822
Clustering is a fundamental task in network analysis, essential for uncovering hidden structures within complex systems. Edge clustering, which focuses on relationships between nodes rather than the nodes themselves, has gained increased attention in recent years. However, existing edge clustering algorithms often overlook the significance of edge weights, which can represent the strength or capacity of connections, and fail to account for noisy edges--connections that obscure the true structure of the network. To address these challenges, the Weighted Edge Clustering Adjusting for Noise (WECAN) model is introduced. This novel algorithm integrates edge weights into the clustering process and includes a noise component that filters out spurious edges. WECAN offers a data-driven approach to distinguishing between meaningful and noisy edges, avoiding the arbitrary thresholding commonly used in network analysis. Its effectiveness is demonstrated through simulation studies and applications to real-world datasets, showing significant improvements over traditional clustering methods. Additionally, the R package ``WECAN&#39;&#39; has been developed to facilitate its practical implementation.
stat-05.zip/2503.06822.pdf
2503.11479
Towards practical PDMP sampling: Metropolis adjustments, locally adaptive step-sizes, and NUTS-based time lengths
[ "Augustin Chevallier", "Sam Power", "Matthew Sutton" ]
14 Mar 2025
Computation (stat.CO)
Computation (stat.CO); Probability (math.PR); Statistics Theory (math.ST); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2503.11479
Piecewise-Deterministic Markov Processes (PDMPs) hold significant promise for sampling from complex probability distributions. However, their practical implementation is hindered by the need to compute model-specific bounds. Conversely, while Hamiltonian Monte Carlo (HMC) offers a generally efficient approach to sampling, its inability to adaptively tune step sizes impedes its performance when sampling complex distributions like funnels. <br>To address these limitations, we introduce three innovative concepts: (a) a Metropolis-adjusted approximation for PDMP simulation that eliminates the need for explicit bounds without compromising the invariant measure, (b) an adaptive step size mechanism compatible with the Metropolis correction, and (c) a No U-Turn Sampler (NUTS)-inspired scheme for dynamically selecting path lengths in PDMPs. These three ideas can be seamlessly integrated into a single, `doubly-adaptive&#39; PDMP sampler with favourable robustness and efficiency properties.
stat-05.zip/2503.11479.pdf
2503.06401
fastfrechet: An R package for fast implementation of Fréchet regression with distributional responses
[ "Alexander Coulter", "Rebecca Lee", "Irina Gaynanova" ]
9 Mar 2025
4 pages, 2 figures
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2503.06401
Distribution-as-response regression problems are gaining wider attention, especially within biomedical settings where observation-rich patient specific data sets are available, such as feature densities in CT scans (Petersen et al., 2021) actigraphy (Ghosal et al., 2023), and continuous glucose monitoring (Coulter et al., 2024; Matabuena et al., 2021). To accommodate the complex structure of such problems, Petersen and Müller (2019) proposed a regression framework called Fréchet regression which allows non-Euclidean responses, including distributional responses. This regression framework was further extended for variable selection by Tucker et al. (2023), and Coulter et al. (2024) (<a href="https://arxiv.org/abs/2403.00922" data-arxiv-id="2403.00922" class="link-https">arXiv:2403.00922</a> [stat.AP]) developed a fast variable selection algorithm for the specific setting of univariate distributional responses equipped with the 2-Wasserstein metric (2-Wasserstein space). We present &#34;fastfrechet&#34;, an R package providing fast implementation of these Fréchet regression and variable selection methods in 2-Wasserstein space, with resampling tools for automatic variable selection. &#34;fastfrechet&#34; makes distribution-based Fréchet regression with resampling-supplemented variable selection readily available and highly scalable to large data sets, such as the UK Biobank (Doherty et al., 2017).
stat-05.zip/2503.06401.pdf
2502.16808
Multilevel Localized Ensemble Kalman Bucy Filters
[ "Neil K. Chada" ]
24 Feb 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2502.16808
In this article we propose and develop a new methodology which is inspired from Kalman filtering and multilevel Monte Carlo (MLMC), entitle the multilevel localized ensemble Kalman--Bucy Filter (MLLEnKBF). Based on the work of Chada et al. \cite{CJY20}, we provide an important extension on this which is to include the technique of covariance localization. Localization is important as it can induce stability and remove long spurious correlations, particularly with a small ensemble size. Our resulting algorithm is used for both state and parameter estimation, for the later we exploit our method for normalizing constant estimation. As of yet, MLMC has only been applied to localized data assimilation methods in a discrete-time setting, therefore this work acts as a first in the continuous-time setting. Numerical results indicate its performance, and benefit through a range of model problems, which include a linear Ornstein--Uhlenbeck process, of moderately high dimension, and the Lorenz 96 model, for parameter estimation. Our results demonstrate improved stability, and that with MLMC, one can reduce the computational complexity to attain an order is MSE $\mathcal{O}(\epsilon^2)$, for $\epsilon&gt;0$.
stat-05.zip/2502.16808.pdf
2503.16027
Distribution of Deep Gaussian process Gradients and Sequential Design for Simulators with Sharp Variations
[ "Yiming Yang", "Deyu Ming", "Serge Guillas" ]
20 Mar 2025
Computation (stat.CO)
Computation (stat.CO); Applications (stat.AP); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2503.16027
Deep Gaussian Processes (DGPs), multi-layered extensions of GPs, better emulate simulators with regime transitions or sharp changes than standard GPs. Gradient information is crucial for tasks like sensitivity analysis and dimension reduction. Although gradient posteriors are well-defined in GPs, extending them to DGPs is challenging due to their hierarchical structure. We propose a novel method to approximate the DGP emulator&#39;s gradient distribution, enabling efficient gradient computation with uncertainty quantification (UQ). Our approach derives an analytical gradient mean and the covariance. The numerical results show that our method outperforms GP and DGP with finite difference methods in gradient accuracy, offering the extra unique benefit of UQ. Based on the gradient information, we further propose a sequential design criterion to identify the sharp variation regions efficiently, with the gradient norm as a key indicator whose distribution can be readily evaluated in our framework. We evaluated the proposed sequential design using synthetic examples and empirical applications, demonstrating its superior performance in emulating functions with sharp changes compared to existing design methods. The DGP gradient computation is seamlessly integrated into the advanced Python package dgpsi for DGP emulation, along with the proposed sequential design available at <a href="https://github.com/yyimingucl/DGP" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
stat-05.zip/2503.16027.pdf
2502.12363
A Pathwise Coordinate Descent Algorithm for LASSO Penalized Quantile Regression
[ "Sanghee Kim", "Sumanta Basu" ]
17 Feb 2025
33 pages, 12 figures, 5 tables
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2502.12363
$\ell_1$ penalized quantile regression is used in many fields as an alternative to penalized least squares regressions for high-dimensional data analysis. Existing algorithms for penalized quantile regression either use linear programming, which does not scale well in high dimension, or an approximate coordinate descent (CD) which does not solve for exact coordinatewise minimum of the nonsmooth loss function. Further, neither approaches build fast, pathwise algorithms commonly used in high-dimensional statistics to leverage sparsity structure of the problem in large-scale data sets. To avoid the computational challenges associated with the nonsmooth quantile loss, some recent works have even advocated using smooth approximations to the exact problem. In this work, we develop a fast, pathwise coordinate descent algorithm to compute exact $\ell_1$ penalized quantile regression estimates for high-dimensional data. We derive an easy-to-compute exact solution for the coordinatewise nonsmooth loss minimization, which, to the best of our knowledge, has not been reported in the literature. We also employ a random perturbation strategy to help the algorithm avoid getting stuck along the regularization path. In simulated data sets, we show that our algorithm runs substantially faster than existing alternatives based on approximate CD and linear program, while retaining the same level of estimation accuracy.
stat-05.zip/2502.12363.pdf
2503.01707
Metropolis Adjusted Microcanonical Hamiltonian Monte Carlo
[ "Jakob Robnik", "Reuben Cohn-Gordon", "Uroš Seljak" ]
3 Mar 2025 (<a href="https://arxiv.org/abs/2503.01707v1">v1</a>), last revised 17 May 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.01707
Sampling from high dimensional distributions is a computational bottleneck in many scientific applications. Hamiltonian Monte Carlo (HMC), and in particular the No-U-Turn Sampler (NUTS), are widely used, yet they struggle on problems with a very large number of parameters or a complicated geometry. Microcanonical Langevin Monte Carlo (MCLMC) has been recently proposed as an alternative which shows striking gains in efficiency over NUTS, especially for high-dimensional problems. However, it produces biased samples, with a bias that is hard to control in general. We introduce the Metropolis-Adjusted Microcanonical sampler (MAMS), which relies on the same dynamics as MCLMC, but introduces a Metropolis-Hastings step and thus produces asymptotically unbiased samples. We develop an automated tuning scheme for the hyperparameters of the algorithm, making it applicable out of the box. We demonstrate that MAMS outperforms NUTS across the board on benchmark problems of varying complexity and dimensionality, achieving up to a factor of seven speedup.
stat-05.zip/2503.01707.pdf
2502.20385
rSPDE: tools for statistical modeling using fractional SPDEs
[ "David Bolin", "Alexandre B. Simas" ]
27 Feb 2025
35 pages
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2502.20385
The R software package rSPDE contains methods for approximating Gaussian random fields based on fractional-order stochastic partial differential equations (SPDEs). A common example of such fields are Whittle-Matérn fields on bounded domains in $\mathbb{R}^d$, manifolds, or metric graphs. The package also implements various other models which are briefly introduced in this article. Besides the approximation methods, the package contains methods for simulation, prediction, and statistical inference for such models, as well as interfaces to INLA, inlabru and MetricGraph. With these interfaces, fractional-order SPDEs can be used as model components in general latent Gaussian models, for which full Bayesian inference can be performed, also for fractional models on metric graphs. This includes estimation of the smoothness parameter of the fields. This article describes the computational methods used in the package and summarizes the theoretical basis for these. The main functions of the package are introduced, and their usage is illustrated through various examples.
stat-05.zip/2502.20385.pdf
2503.04246
Weighted Fisher divergence for high-dimensional Gaussian variational inference
[ "Aoxiang Chen", "David J. Nott", "Linda S. L. Tan" ]
6 Mar 2025
30 pages, 10 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.04246
Bayesian inference has many advantages for complex models. However, standard Monte Carlo methods for summarizing the posterior can be computationally demanding, and it is attractive to consider optimization-based variational approximations. Our work considers Gaussian approximations with sparse precision matrices which are tractable to optimize in high-dimensional problems. Although the optimal Gaussian approximation is usually defined as the one closest to the target posterior in Kullback-Leibler divergence, it is useful to consider other divergences when the Gaussian assumption is crude, in order to capture important features of the posterior for a given application. Our work studies the weighted Fisher divergence, which focuses on gradient differences between the target posterior and its approximation, with the Fisher and score-based divergences being special cases. We make three main contributions. First, we compare approximations for weighted Fisher divergences under mean-field assumptions for both Gaussian and non-Gaussian targets with Kullback-Leibler approximations. Second, we go beyond mean-field and consider approximations with sparse precision matrices reflecting posterior conditional independence structure for hierarchical models. Using stochastic gradient descent to enforce sparsity, we develop two approaches to minimize the weighted Fisher divergence, based on the reparametrization trick and a batch approximation of the objective. Finally, we examine the performance of our methods for examples involving logistic regression, generalized linear mixed models and stochastic volatility models.
stat-05.zip/2503.04246.pdf
2503.00239
Wild posteriors in the wild
[ "Yunyi Shen", "Tamara Broderick" ]
28 Feb 2025
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2503.00239
Bayesian posterior approximation has become more accessible to practitioners than ever, thanks to modern black-box software. While these tools provide highly accurate approximations with minimal user effort, certain posterior geometries remain notoriously difficult for standard methods. As a result, research into alternative approximation techniques continues to flourish. In many papers, authors validate their new approaches by testing them on posterior shapes deemed challenging or &#34;wild.&#34; However, these shapes are not always directly linked to real-world applications where they naturally occur. In this note, we present examples of practical applications that give rise to some commonly used benchmark posterior shapes.
stat-05.zip/2503.00239.pdf
2503.11583
A unified framework for multiple-try Metropolis algorithms
[ "Renny Doig", "Liangliang Wang" ]
14 Mar 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.11583
The multiple-try Metropolis (MTM) algorithm is a generalization of the Metropolis-Hastings algorithm in which the transition kernel uses a compound proposal consisting of multiple candidate draws. Since its seminal paper there have been several extensions to this algorithm. This paper presents a general framework that encompasses many of these extensions, as well as an independent comparison. To facilitate this, a deterministic Metropolis transition kernel is used to develop a procedure that derives valid acceptance probabilities for reversible Markov chain Monte Carlo algorithms, given only the proposal mechanism. Several configurations of MTM are explored in full factorial simulation experiment that compares the sampling performance of MTM algorithms with respect to non-Gaussian target distributions, multimodal sampling, and Monte Carlo error. We find that the form of the proposal distribution is the most important factor in determining algorithm performance, while the form of the weight function has negligible impact. A large number of candidate draws can improve the per-iteration performance, though improvement of the overall performance is limited by the additional computational burden introduced by multiple candidacy.
stat-05.zip/2503.11583.pdf
2502.20114
Scalability of the second-order reliability method for stochastic differential equations with multiplicative noise
[ "Timo Schorlepp", "Tobias Grafke" ]
27 Feb 2025
35 pages, 9 figures
Computation (stat.CO)
Computation (stat.CO); Statistical Mechanics (cond-mat.stat-mech); Numerical Analysis (math.NA); Probability (math.PR)
https://doi.org/10.48550/arXiv.2502.20114
We show how to efficiently compute asymptotically sharp estimates of extreme event probabilities in stochastic differential equations (SDEs) with small multiplicative Brownian noise. The underlying approximation is known as sharp large deviation theory or precise Laplace asymptotics in mathematics, the second-order reliability method (SORM) in reliability engineering, and the instanton or optimal fluctuation method with 1-loop corrections in physics. It is based on approximating the tail probability in question with the most probable realization of the stochastic process, and local perturbations around this realization. We first recall and contextualize the relevant classical theoretical result on precise Laplace asymptotics of diffusion processes [Ben Arous (1988), Stochastics, 25(3), 125-153], and then show how to compute the involved infinite-dimensional quantities - operator traces and Carleman-Fredholm determinants - numerically in a way that is scalable with respect to the time discretization and remains feasible in high spatial dimensions. Using tools from automatic differentiation, we achieve a straightforward black-box numerical computation of the SORM estimates in JAX. The method is illustrated in examples of SDEs and stochastic partial differential equations, including a two-dimensional random advection-diffusion model of a passive scalar. We thereby demonstrate that it is possible to obtain efficient and accurate SORM estimates for very high-dimensional problems, as long as the infinite-dimensional structure of the problem is correctly taken into account. Our JAX implementation of the method is made publicly available.
stat-05.zip/2502.20114.pdf
2503.17796
Langevin Bi-fidelity Importance Sampling for Failure Probability Estimation
[ "Nuojin Cheng", "Alireza Doostan" ]
22 Mar 2025 (<a href="https://arxiv.org/abs/2503.17796v1">v1</a>), last revised 31 Mar 2025 (this version, v2)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.17796
Estimating failure probability is a key task in the field of uncertainty quantification. In this domain, importance sampling has proven to be an effective estimation strategy; however, its efficiency heavily depends on the choice of the biasing distribution. An improperly selected biasing distribution can significantly increase estimation error. One approach to address this challenge is to leverage a less expensive, lower-fidelity surrogate. Building on the accessibility to such a model and its derivative on the random uncertain inputs, we introduce an importance sampling-based estimator, termed the Langevin bi-fidelity importance sampling (L-BF-IS), which uses score-function-based sampling algorithms to generate new samples and substantially reduces the mean square error (MSE) of failure probability estimation. The proposed method demonstrates lower estimation error, especially in high-dimensional input spaces and when limited high-fidelity evaluations are available. The L-BF-IS estimator&#39;s effectiveness is validated through experiments with two synthetic functions and two real-world applications governed by partial differential equations. These real-world applications involve a composite beam, which is represented using a simplified Euler-Bernoulli equation as a low-fidelity surrogate, and a steady-state stochastic heat equation, for which a pre-trained neural operator serves as the low-fidelity surrogate.
stat-05.zip/2503.17796.pdf
2503.05297
regMMD: An R package for parametric estimation and regression with maximum mean discrepancy
[ "Pierre Alquier", "Mathieu Gerber" ]
7 Mar 2025 (<a href="https://arxiv.org/abs/2503.05297v1">v1</a>), last revised 24 Apr 2025 (this version, v2)
21 pages, 3 figures
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2503.05297
The Maximum Mean Discrepancy (MMD) is a kernel-based metric widely used for nonparametric tests and estimation. Recently, it has also been studied as an objective function for parametric estimation, as it has been shown to yield robust estimators. We have implemented MMD minimization for parameter inference in a wide range of statistical models, including various regression models, within an R package called regMMD. This paper provides an introduction to the regMMD package. We describe the available kernels and optimization procedures, as well as the default settings. Detailed applications to simulated and real data are provided.
stat-05.zip/2503.05297.pdf
2503.15287
Distributed Generalized Linear Models: A Privacy-Preserving Approach
[ "Daniel Tinoco", "Raquel Menezes", "Carlos Baquero" ]
19 Mar 2025
Total PDF pages: 23 Figures: 7
Computation (stat.CO)
Computation (stat.CO); Distributed, Parallel, and Cluster Computing (cs.DC)
https://doi.org/10.48550/arXiv.2503.15287
This paper presents a novel approach to classical linear regression, enabling model computation from data streams or in a distributed setting while preserving data privacy in federated environments. We extend this framework to generalized linear models (GLMs), ensuring scalability and adaptability to diverse data distributions while maintaining privacy-preserving properties. To assess the effectiveness of our approach, we conduct numerical studies on both simulated and real datasets, comparing our method with conventional maximum likelihood estimation for GLMs using iteratively reweighted least squares. Our results demonstrate the advantages of the proposed method in distributed and federated settings.
stat-05.zip/2503.15287.pdf
2503.19524
Use of Lambert W function in the simulation of Weibull and non-Weibull distributions
[ "Subhashree Patra", "Subarna Bhattacharjee" ]
25 Mar 2025
Computation (stat.CO)
Computation (stat.CO); Probability (math.PR)
https://doi.org/10.48550/arXiv.2503.19524
In this work, we have taken up some distributions, mostly Weibull family, whose quantile functions could not be obtained using the traditional inversion method. We have solved the same quantile functions by using the inversion method only, with the additional help of transcendental functions like the Lambert W function. The usage of the Lambert W function has helped derive closed-form solutions for mathematical models in many fields, for which explicit or exact solutions were not available and approximation was the only known way of approaching it.
stat-05.zip/2503.19524.pdf
2503.16222
Efficient Bayesian Computation Using Plug-and-Play Priors for Poisson Inverse Problems
[ "Teresa Klatzer", "Savvas Melidonis", "Marcelo Pereyra", "Konstantinos C. Zygalakis" ]
20 Mar 2025
31 pages, 17 figures
Computation (stat.CO)
Computation (stat.CO); Computer Vision and Pattern Recognition (cs.CV); Numerical Analysis (math.NA); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2503.16222
This paper introduces a novel plug-and-play (PnP) Langevin sampling methodology for Bayesian inference in low-photon Poisson imaging problems, a challenging class of problems with significant applications in astronomy, medicine, and biology. PnP Langevin sampling algorithms offer a powerful framework for Bayesian image restoration, enabling accurate point estimation as well as advanced inference tasks, including uncertainty quantification and visualization analyses, and empirical Bayesian inference for automatic model parameter tuning. However, existing PnP Langevin algorithms are not well-suited for low-photon Poisson imaging due to high solution uncertainty and poor regularity properties, such as exploding gradients and non-negativity constraints. To address these challenges, we propose two strategies for extending Langevin PnP sampling to Poisson imaging models: (i) an accelerated PnP Langevin method that incorporates boundary reflections and a Poisson likelihood approximation and (ii) a mirror sampling algorithm that leverages a Riemannian geometry to handle the constraints and the poor regularity of the likelihood without approximations. The effectiveness of these approaches is demonstrated through extensive numerical experiments and comparisons with state-of-the-art methods.
stat-05.zip/2503.16222.pdf
2407.16567
A Novel Constrained Sampling Method for Efficient Exploration in Materials and Chemical Mixture Design
[ "Christina Schenk", "Maciej Haranczyk" ]
23 Jul 2024 (<a href="https://arxiv.org/abs/2407.16567v1">v1</a>), last revised 19 Feb 2025 (this version, v3)
40 pages, 12 figures, 2 tables
Computation (stat.CO)
Computation (stat.CO); Materials Science (cond-mat.mtrl-sci); Data Analysis, Statistics and Probability (physics.data-an); Applications (stat.AP); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2407.16567
Efficient exploration of multicomponent material composition spaces is often limited by time and financial constraints, particularly when mixture and synthesis constraints exist. Traditional methods like Latin hypercube sampling (LHS) struggle with constrained problems especially in high dimensions, while emerging approaches like Bayesian optimization (BO) face challenges in early-stage exploration. This article introduces ConstrAined Sequential laTin hypeRcube sampling methOd (CASTRO), an open-source tool designed to address these challenges. CASTRO is optimized for uniform sampling in constrained small- to moderate-dimensional spaces, with scalability to higher dimensions through future adaptations. CASTRO uses a divide-and-conquer strategy to decompose problems into parallel subproblems, improving efficiency and scalability. It effectively handles equality-mixture constraints, ensuring comprehensive design space coverage and leveraging LHS and LHS with multidimensional uniformity (LHSMDU). It also integrates prior experimental knowledge, making it well-suited for efficient exploration within limited budgets. Validation through two material design case studies, a four-dimensional problem with near-uniform distributions and a nine-dimensional problem with additional synthesis constraints, demonstrates CASTRO&#39;s effectiveness in exploring constrained design spaces for materials science, pharmaceuticals and chemicals. The software and case studies are available on GitHub.
stat-05.zip/2407.16567.pdf
2503.16686
Spatial Data Science Languages: commonalities and needs
[ "Edzer Pebesma", "Martin Fleischmann", "Josiah Parry", "Jakub Nowosad", "Anita Graser", "Dewey Dunnington", "Maarten Pronk", "Rafael Schouten", "Robin Lovelace", "Marius Appel", "Lorena Abad" ]
20 Mar 2025
Computation (stat.CO)
Computation (stat.CO); Programming Languages (cs.PL)
https://doi.org/10.48550/arXiv.2503.16686
Recent workshops brought together several developers, educators and users of software packages extending popular languages for spatial data handling, with a primary focus on R, Python and Julia. Common challenges discussed included handling of spatial or spatio-temporal support, geodetic coordinates, in-memory vector data formats, data cubes, inter-package dependencies, packaging upstream libraries, differences in habits or conventions between the GIS and physical modelling communities, and statistical models. The following set of insights have been formulated: (i) considering software problems across data science language silos helps to understand and standardise analysis approaches, also outside the domain of formal standardisation bodies; (ii) whether attribute variables have block or point support, and whether they are spatially intensive or extensive has consequences for permitted operations, and hence for software implementing those; (iii) handling geometries on the sphere rather than on the flat plane requires modifications to the logic of {\em simple features}, (iv) managing communities and fostering diversity is a necessary, on-going effort, and (v) tools for cross-language development need more attention and support.
stat-05.zip/2503.16686.pdf
2411.03063
An Online Updating Approach for Estimating and Testing Mediation Effects with Big Data Streams
[ "Xueyan Bai", "Haixiang Zhang" ]
5 Nov 2024
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2411.03063
The use of mediation analysis has become increasingly popular in various research fields in recent years. The primary objective of mediation analysis is to examine the indirect effects along the pathways from exposure to outcome. Meanwhile, the advent of data collection technology has sparked a surge of interest in the burgeoning field of big data analysis, where mediation analysis of streaming data sets has recently garnered significant attention. The enormity of the data, however, results in an augmented computational burden. The present study proposes an online updating approach to address this issue, aiming to estimate and test mediation effects in the context of linear and logistic mediation models with massive data streams. The proposed algorithm significantly enhances the computational efficiency of Sobel test, adjusted Sobel test, joint significance test, and adjusted joint significance test. We conduct a substantial number of numerical simulations to evaluate the performance of the renewable method. Two real-world examples are employed to showcase the practical applicability of this approach.
stat-05.zip/2411.03063.pdf
2503.21673
A friendly introduction to triangular transport
[ "Maximilian Ramgraber", "Daniel Sharp", "Mathieu Le Provost", "Youssef Marzouk" ]
27 Mar 2025
46 pages, 17 figures
Computation (stat.CO)
Computation (stat.CO); Atmospheric and Oceanic Physics (physics.ao-ph); Methodology (stat.ME); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2503.21673
Decision making under uncertainty is a cross-cutting challenge in science and engineering. Most approaches to this challenge employ probabilistic representations of uncertainty. In complicated systems accessible only via data or black-box models, however, these representations are rarely known. We discuss how to characterize and manipulate such representations using triangular transport maps, which approximate any complex probability distribution as a transformation of a simple, well-understood distribution. The particular structure of triangular transport guarantees many desirable mathematical and computational properties that translate well into solving practical problems. Triangular maps are actively used for density estimation, (conditional) generative modelling, Bayesian inference, data assimilation, optimal experimental design, and related tasks. While there is ample literature on the development and theory of triangular transport methods, this manuscript provides a detailed introduction for scientists interested in employing measure transport without assuming a formal mathematical background. We build intuition for the key foundations of triangular transport, discuss many aspects of its practical implementation, and outline the frontiers of this field.
stat-05.zip/2503.21673.pdf
2503.20250
Fast and Accurate Emulation of Complex Dynamic Simulators
[ "Junoh Heo" ]
26 Mar 2025 (<a href="https://arxiv.org/abs/2503.20250v1">v1</a>), last revised 11 Aug 2025 (this version, v2)
23 pages including references
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.20250
Dynamic simulators are computational models governed by differential equations that evolve over time. They are essential for scientific and engineering applications but remain challenging to emulate because of the unpredictable behavior of complex systems. To address this challenge, this paper introduces a fast and accurate Gaussian Process (GP)-based emulation method for complex dynamic simulators. By integrating linked GPs into the one-step-ahead emulation framework, the proposed algorithm provides exact and tractable computation of the posterior mean and variance, solving a problem previously considered computationally intractable and eliminating the need for expensive Monte Carlo approximations. This approach substantially reduces computation time while maintaining or improving predictive accuracy. Furthermore, the method naturally extends to systems with forcing inputs by incorporating them as additional variables within the GP framework. Numerical experiments on multiple dynamic systems demonstrate the efficiency and computational advantages of the proposed approach. An R package, dynemu, which implements the one-step-ahead emulation approach, is available on CRAN.
stat-05.zip/2503.20250.pdf
2504.04567
Estimating Coverage in Streams via a Modified CVM Method
[ "Carlos Hernandez-Suarez" ]
6 Apr 2025
Pages: 7, Figures: 2 (pdf)
Computation (stat.CO)
Computation (stat.CO); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2504.04567
When individuals in a population can be classified in classes or categories, the coverage of a sample, $C$, is defined as the probability that a randomly selected individual from the population belongs to a class represented in the sample. Estimating coverage is challenging because $C$ is not a fixed population parameter, but a property of the sample, and the task becomes more complex when the number of classes is unknown. Furthermore, this problem has not been addressed in scenarios where data arrive as a stream, under the constraint that only $n$ elements can be stored at a time. In this paper, we propose a simple and efficient method to estimate $C$ in streaming settings, based on a straightforward modification of the CVM algorithm, which is commonly used to estimate the number of distinct elements in a data stream.
stat-05.zip/2504.04567.pdf
2504.07673
nimblewomble: An R package for Bayesian Wombling with nimble
[ "Aritra Halder", "Sudipto Banerjee" ]
10 Apr 2025
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2504.07673
This exposition presents nimblewomble, a software package to perform wombling, or boundary analysis, using the nimble Bayesian hierarchical modeling language in the R statistical computing environment. Wombling is used widely to track regions of rapid change within the spatial reference domain. Specific functions in the package implement Gaussian process models for point-referenced spatial data followed by predictive inference on rates of change over curves using line integrals. We demonstrate model based Bayesian inference using posterior distributions featuring simple analytic forms while offering uncertainty quantification over curves.
stat-05.zip/2504.07673.pdf
2504.03242
Efficient importance sampling for copula models
[ "Siang Cheng", "Cheng-Der Fuh", "Tianxiao Pang" ]
4 Apr 2025
Accepted by SCIENTIA SINICA Mathematica (in Chinese)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.03242
In this paper, we propose an efficient importance sampling algorithm for rare event simulation under copula models. In the algorithm, the derived optimal probability measure is based on the criterion of minimizing the variance of the importance sampling estimator within a parametric exponential tilting family. Since the copula model is defined by its marginals and a copula function, and its moment-generating function is difficult to derive, we apply the transform likelihood ratio method to first identify an alternative exponential tilting family, after which we obtain simple and explicit expressions of equations. Then, the optimal alternative probability measure can be calculated under this transformed exponential tilting family. The proposed importance sampling framework is quite general and can be implemented for many classes of copula models, including some traditional parametric copula families and a class of semiparametric copulas called regular vine copulas, from which sampling is feasible. The theoretical results of the logarithmic efficiency and bounded relative error are proved for some commonly-used copula models under the case of simple rare events. Monte Carlo experiments are conducted, in which we study the relative efficiency of the crude Monte Carlo estimator with respect to the proposed importance-sampling-based estimators, such that substantial variance reductions are obtained in comparison to the standard Monte Carlo estimators.
stat-05.zip/2504.03242.pdf
2503.21543
A New Approach to Compositional Data Analysis using \(L^{\infty}\)-normalization with Applications to Vaginal Microbiome
[ "Pawel Gajer", "Jacques Ravel" ]
27 Mar 2025
26 pages, 24 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.21543
We introduce a novel approach to compositional data analysis based on $L^{\infty}$-normalization, addressing challenges posed by zero-rich high-throughput data. Traditional methods like Aitchison&#39;s transformations require excluding zeros, conflicting with the reality that omics datasets contain structural zeros that cannot be removed without violating inherent biological structures. Such datasets exist exclusively on the boundary of compositional space, making interior-focused approaches fundamentally misaligned. <br>We present a family of $L^p$-normalizations, focusing on $L^{\infty}$-normalization due to its advantageous properties. This approach identifies compositional space with the $L^{\infty}$-simplex, represented as a union of top-dimensional faces called $L^{\infty}$-cells. Each cell consists of samples where one component&#39;s absolute abundance equals or exceeds all others, with a coordinate system identifying it with a d-dimensional unit cube. <br>When applied to vaginal microbiome data, $L^{\infty}$-decomposition aligns with established Community State Types while offering advantages: each $L^{\infty}$-CST is named after its dominating component, has clear biological meaning, remains stable under sample changes, resolves cluster-based issues, and provides a coordinate system for exploring internal structure. <br>We extend homogeneous coordinates through cube embedding, mapping data into a d-dimensional unit cube. These embeddings can be integrated via Cartesian product, providing unified representations from multiple perspectives. While demonstrated through microbiome studies, these methods apply to any compositional data.
stat-05.zip/2503.21543.pdf
2504.03368
Scalable Fitting Methods for Multivariate Gaussian Additive Models with Covariate-dependent Covariance Matrices
[ "Vincenzo Gioia", "Matteo Fasiolo", "Ruggero Bellio", "Simon N. Wood" ]
4 Apr 2025
Computation (stat.CO)
Computation (stat.CO); Applications (stat.AP); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2504.03368
We propose efficient computational methods to fit multivariate Gaussian additive models, where the mean vector and the covariance matrix are allowed to vary with covariates, in an empirical Bayes framework. To guarantee the positive-definiteness of the covariance matrix, we model the elements of an unconstrained parametrisation matrix, focussing particularly on the modified Cholesky decomposition and the matrix logarithm. A key computational challenge arises from the fact that, for the model class considered here, the number of parameters increases quadratically with the dimension of the response vector. Hence, here we discuss how to achieve fast computation and low memory footprint in moderately high dimensions, by exploiting parsimonious model structures, sparse derivative systems and by employing block-oriented computational methods. Methods for building and fitting multivariate Gaussian additive models are provided by the SCM R package, available at <a href="https://github.com/VinGioia90/SCM" rel="external noopener nofollow" class="link-external link-https">this https URL</a>, while the code for reproducing the results in this paper is available at <a href="https://github.com/VinGioia90/SACM" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
stat-05.zip/2504.03368.pdf
2504.02631
Feature splitting parallel algorithm for Dantzig selectors
[ "Xiaofei Wu", "Yue Chao", "Rongmei Liang", "Shi Tang", "Zhiming Zhang" ]
3 Apr 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.02631
The Dantzig selector is a widely used and effective method for variable selection in ultra-high-dimensional data. Feature splitting is an efficient processing technique that involves dividing these ultra-high-dimensional variable datasets into manageable subsets that can be stored and processed more easily on a single machine. This paper proposes a variable splitting parallel algorithm for solving both convex and nonconvex Dantzig selectors based on the proximal point algorithm. The primary advantage of our parallel algorithm, compared to existing parallel approaches, is the significantly reduced number of iteration variables, which greatly enhances computational efficiency and accelerates the convergence speed of the algorithm. Furthermore, we show that our solution remains unchanged regardless of how the data is partitioned, a property referred to as partitioninsensitive. In theory, we use a concise proof framework to demonstrate that the algorithm exhibits linear convergence. Numerical experiments indicate that our algorithm performs competitively in both parallel and nonparallel environments. The R package for implementing the proposed algorithm can be obtained at <a href="https://github.com/xfwu1016/PPADS" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
stat-05.zip/2504.02631.pdf
2503.23018
Likelihood Level Adapted Estimation of Marginal Likelihood for Bayesian Model Selection
[ "Subhayan De", "Reza Farzad", "Patrick T. Brewick", "Erik A. Johnson", "Steven F. Wojtkiewicz" ]
29 Mar 2025 (<a href="https://arxiv.org/abs/2503.23018v1">v1</a>), last revised 10 Apr 2025 (this version, v2)
38 pages, 11 figures
Computation (stat.CO)
Computation (stat.CO); Probability (math.PR)
https://doi.org/10.48550/arXiv.2503.23018
In computational mechanics, multiple models are often present to describe a physical system. While Bayesian model selection is a helpful tool to compare these models using measurement data, it requires the computationally expensive estimation of a multidimensional integral -- known as the marginal likelihood or as the model evidence (\textit{i.e.}, the probability of observing the measured data given the model). This study presents efficient approaches for estimating this marginal likelihood by transforming it into a one-dimensional integral that is subsequently evaluated using a quadrature rule at multiple adaptively-chosen iso-likelihood contour levels. Three different algorithms are proposed to estimate the probability mass at each adapted likelihood level using samples from importance sampling, stratified sampling, and Markov chain Monte Carlo sampling, respectively. The proposed approach is illustrated through four numerical examples. The first example validates the algorithms against a known exact marginal likelihood. The second example uses an 11-story building subjected to an earthquake excitation with an uncertain hysteretic base isolation layer with two models to describe the isolation layer behavior. The third example considers flow past a cylinder when the inlet velocity is uncertain. Based on these examples, the method with stratified sampling is by far the most accurate and efficient method for complex model behavior in low dimension. In the fourth example, the proposed approach is applied to heat conduction in an inhomogeneous plate with uncertain thermal conductivity modeled through a 100 degree-of-freedom Karhunen-Loève expansion. The results indicate that MultiNest cannot efficiently handle the high-dimensional parameter space, whereas the proposed MCMC-based method more accurately and efficiently explores the parameter space.
stat-05.zip/2503.23018.pdf
2411.18816
The penetrance R package for Estimation of Age Specific Risk in Family-based Studies
[ "Nicolas Kubista", "Danielle Braun", "Giovanni Parmigiani" ]
27 Nov 2024 (<a href="https://arxiv.org/abs/2411.18816v1">v1</a>), last revised 26 Mar 2025 (this version, v3)
Computation (stat.CO)
Computation (stat.CO); Applications (stat.AP)
https://doi.org/10.48550/arXiv.2411.18816
Reliable tools and software for penetrance (age-specific risk among those who carry a genetic variant) estimation are critical to improving clinical decision making and risk assessment for hereditary syndromes. We introduce penetrance, an open-source R package available on CRAN, to estimate age-specific penetrance using family-history pedigree data. The package employs a Bayesian estimation approach, allowing for the incorporation of prior knowledge through the specification of priors for the parameters of the carrier distribution. It also includes options to impute missing ages during the estimation process, addressing incomplete age information which is not uncommon in pedigree datasets. Our open-source software provides a flexible and user-friendly tool for researchers to estimate penetrance in complex family-based studies, facilitating improved genetic risk assessment in hereditary syndromes.
stat-05.zip/2411.18816.pdf
2412.00685
EM-based Fast Uncertainty Quantification for Bayesian Multi-setup Operational Modal Analysis
[ "Wei Zhu", "Binbin Li", "Zuo Zhu" ]
1 Dec 2024
35 pages, 13 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2412.00685
The current Bayesian FFT algorithm relies on direct differentiation to obtain the posterior covariance matrix (PCM), which is time-consuming, memory-intensive, and hard to code, especially for the multi-setup operational modal analysis (OMA). Aiming at accelerating the uncertainty quantification in multi-setup OMA, an expectation-maximization (EM)-based algorithm is proposed by reformulating the Hessian matrix of the negative log-likelihood function (NLLF) as a sum of simplified components corresponding to the complete-data NLLF. Matrix calculus is employed to derive these components in a compact manner, resulting in expressions similar to those in the single-setup case. This similarity allows for the reuse of existing Bayesian single-setup OMA codes, simplifying implementation. The singularity caused by mode shape norm constraints is addressed through null space projection, eliminating potential numerical errors from the conventional pseudoinverse operation. A sparse assembly strategy is further adopted, avoiding unnecessary calculations and storage of predominant zero elements in the Hessian matrix. The proposed method is then validated through a comprehensive parametric study and applied to a multi-setup OMA of a high-rise building. Results demonstrate that the proposed method efficiently calculates the PCM within seconds, even for cases with hundreds of parameters. This represents an efficiency improvement of at least one order of magnitude over the state-of-the-art method. Such performance paves the way for a real-time modal identification of large-scale structures, including those with closely-spaced modes.
stat-05.zip/2412.00685.pdf
2503.21789
Bayesian inference of numerical modeling-based morphodynamics: Application to a dam-break over a mobile bed experiment
[ "Cédric Goeury", "Fabien Souillé" ]
14 Mar 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2503.21789
Numerical modeling of morphodynamics presents significant challenges in engineering due to uncertainties arising from inaccurate inputs, model errors, and limited computing resources. Accurate results are essential for optimizing strategies and reducing costs. This paper presents a step-by-step Bayesian methodology to conduct an uncertainty analysis of 2D numerical modeling-based morphodynamics, exemplified by a dam-break over a sand bed experiment. Initially, uncertainties from prior knowledge are propagated through the dynamical model using the Monte Carlo technique. This approach estimates the relative influence of each input parameter on results, identifying the most relevant parameters and observations for Bayesian inference and creating a numerical database for emulator construction. Given the computationally intensive simulations of Markov chain Monte Carlo (MCMC) sampling, a neural network emulator is used to approximate the complex 2D numerical model efficiently. Subsequently, a Bayesian framework is employed to characterize input parameter uncertainty variability and produce probability-based predictions.
stat-05.zip/2503.21789.pdf
2504.11279
Simulation-based inference for stochastic nonlinear mixed-effects models with applications in systems biology
[ "Henrik Häggström", "Sebastian Persson", "Marija Cvijovic", "Umberto Picchini" ]
15 Apr 2025
36 pages, 20 figures
Computation (stat.CO)
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2504.11279
The analysis of data from multiple experiments, such as observations of several individuals, is commonly approached using mixed-effects models, which account for variation between individuals through hierarchical representations. This makes mixed-effects models widely applied in fields such as biology, pharmacokinetics, and sociology. In this work, we propose a novel methodology for scalable Bayesian inference in hierarchical mixed-effects models. Our framework first constructs amortized approximations of the likelihood and the posterior distribution, which are then rapidly refined for each individual dataset, to ultimately approximate the parameters posterior across many individuals. The framework is easily trainable, as it uses mixtures of experts but without neural networks, leading to parsimonious yet expressive surrogate models of the likelihood and the posterior. We demonstrate the effectiveness of our methodology using challenging stochastic models, such as mixed-effects stochastic differential equations emerging in systems biology-driven problems. However, the approach is broadly applicable and can accommodate both stochastic and deterministic models. We show that our approach can seamlessly handle inference for many parameters. Additionally, we applied our method to a real-data case study of mRNA transfection. When compared to exact pseudomarginal Bayesian inference, our approach proved to be both fast and competitive in terms of statistical accuracy.
stat-05.zip/2504.11279.pdf
2504.11761
Delayed Acceptance Markov Chain Monte Carlo for Robust Bayesian Analysis
[ "Masahiro Tanaka" ]
16 Apr 2025 (<a href="https://arxiv.org/abs/2504.11761v1">v1</a>), last revised 10 Jun 2025 (this version, v2)
Accepted for publication in Springer Proceedings in Mathematics and Statistics (2025 8th International Conference on Mathematics and Statistics)
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.11761
This study introduces a computationally efficient algorithm, delayed acceptance Markov chain Monte Carlo (DA-MCMC), designed to improve posterior simulation in quasi-Bayesian inference. Quasi-Bayesian methods, which do not require fully specifying a probabilistic model, are often computationally expensive owing to the need to evaluate the inverse and determinant of large covariance matrices. DA-MCMC addresses this challenge by employing a two-stage process: In the first stage, proposals are screened using an approximate posterior, whereas a final acceptance or rejection decision is made in the second stage based on the exact target posterior. This reduces the need for costly matrix computations, thereby improving efficiency without sacrificing accuracy. We demonstrate the effectiveness of DA-MCMC through applications to both synthetic and real data. The results demonstrate that, although DA-MCMC slightly reduces the effective sample size per iteration compared with the standard MCMC, it achieves substantial improvement in terms of effective sample size per second, approximately doubling the efficiency. This makes DA-MCMC particularly useful for cases where posterior simulation is computationally intensive. Thus, the DA-MCMC algorithm offers a significant advancement in computational efficiency for quasi-Bayesian inference, making it a valuable tool for robust Bayesian analysis.
stat-05.zip/2504.11761.pdf
2504.12872
On perfect sampling: ROCFTP with Metropolis-multishift coupler
[ "Majid Nabipoor" ]
17 Apr 2025
Computation (stat.CO)
Computation (stat.CO); Statistics Theory (math.ST); Methodology (stat.ME)
https://doi.org/10.48550/arXiv.2504.12872
ROCFTP is a perfect sampling algorithm that employs various random operations, and requiring a specific Markov chain construction for each target. To overcome this requirement, the Metropolis algorithm is incorporated as a random operation within ROCFTP. While the Metropolis sampler functions as a random operation, it isn&#39;t a coupler. However, by employing normal multishift coupler as a symmetric proposal for Metropolis, we obtain ROCFTP with Metropolis-multishift. Initially designed for bounded state spaces, ROCFTP&#39;s applicability to targets with unbounded state spaces is extended through the introduction of the Most Interest Range (MIR) for practical use. It was demonstrated that selecting MIR decreases the likelihood of ROCFTP hitting $MIR^C$ by a factor of (1 - {\epsilon}), which is beneficial for practical implementation. The algorithm exhibits a convergence rate characterized by exponential decay. Its performance is rigorously evaluated across various targets, and tests ensure its goodness of fit. Lastly, an R package is provided for generating exact samples using ROCFTP Metropolis-multishift.
stat-05.zip/2504.12872.pdf
2504.16535
Decentralized Quantile Regression for Feature-Distributed Massive Datasets with Privacy Guarantees
[ "Peiwen Xiao", "Xiaohui Liu", "Guangming Pan", "Wei Long" ]
23 Apr 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.16535
In this paper, we introduce a novel decentralized surrogate gradient-based algorithm for quantile regression in a feature-distributed setting, where global features are dispersed across multiple machines within a decentralized network. The proposed algorithm, \texttt{DSG-cqr}, utilizes a convolution-type smoothing approach to address the non-smooth nature of the quantile loss function. \texttt{DSG-cqr} is fully decentralized, conjugate-free, easy to implement, and achieves linear convergence up to statistical precision. To ensure privacy, we adopt the Gaussian mechanism to provide $(\epsilon,\delta)$-differential privacy. To overcome the exact residual calculation problem, we estimate residuals using auxiliary variables and develop a confidence interval construction method based on Wald statistics. Theoretical properties are established, and the practical utility of the methods is also demonstrated through extensive simulations and a real-world data application.
stat-05.zip/2504.16535.pdf
2504.17733
Fuzzy clustering and community detection: an integrated approach
[ "Domenico Cangemi", "Pierpaolo D&#39;Urso", "Livia De Giovanni", "Lorenzo Federico", "Vincenzina Vitale" ]
24 Apr 2025
38 pages, 12 figures
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.17733
This paper addresses the ambitious goal of merging two different approaches to group detection in complex domains: one based on fuzzy clustering and the other on community detection theory. To achieve this, two clustering algorithms are proposed: Fuzzy C-Medoids Clustering with Modularity Spatial Correction and Fuzzy C-Modes Clustering with Modularity Spatial Correction. The former is designed for quantitative data, while the latter is intended for qualitative data. The concept of fuzzy modularity is introduced into the standard objective function of fuzzy clustering algorithms as a spatial regularization term, whose contribution to the clustering criterion based on attributes is controlled by an exogenous parameter. An extensive simulation study is conducted to support the theoretical framework, complemented by two applications to real-world data related to the theme of sustainability. The first application involves data from the 2030 Agenda for Sustainable Development, while the second focuses on urban green spaces in Italian provincial capitals and metropolitan cities. Both the simulation results and the applications demonstrate the advantages of this new methodological proposal.
stat-05.zip/2504.17733.pdf
2504.17546
An introduction to R package `mvs`
[ "Wouter van Loon" ]
24 Apr 2025
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG); Methodology (stat.ME); Machine Learning (stat.ML)
https://doi.org/10.32614/CRAN.package.mvs
In biomedical science, a set of objects or persons can often be described by multiple distinct sets of features obtained from different data sources or modalities (called &#34;multi-view data&#34;). Classical machine learning methods ignore the multi-view structure of such data, limiting model interpretability and performance. The R package `mvs` provides methods that were designed specifically for dealing with multi-view data, based on the multi-view stacking (MVS) framework. MVS is a form of supervised (machine) learning used to train multi-view classification or prediction models. MVS works by training a learning algorithm on each view separately, estimating the predictive power of each view-specific model through cross-validation, and then using another learning algorithm to assign weights to the view-specific models based on their estimated predictions. MVS is a form of ensemble learning, dividing the large multi-view learning problem into smaller sub-problems. Most of these sub-problems can be solved in parallel, making it computationally attractive. Additionally, the number of features of the sub-problems is greatly reduced compared with the full multi-view learning problem. This makes MVS especially useful when the total number of features is larger than the number of observations (i.e., high-dimensional data). MVS can still be applied even if the sub-problems are themselves high-dimensional by adding suitable penalty terms to the learning algorithms. Furthermore, MVS can be used to automatically select the views which are most important for prediction. The R package `mvs` makes fitting MVS models, including such penalty terms, easily and openly accessible. `mvs` allows for the fitting of stacked models with any number of levels, with different penalty terms, different outcome distributions, and provides several options for missing data handling.
stat-05.zip/2504.17546.pdf
2505.01097
A Sequential Quadratic Hamiltonian-Based Estimation Method for Box-Cox Transformation Cure Model
[ "Phuong Bui", "Varun Jadhav", "Suvra Pal", "Souvik Roy" ]
2 May 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2505.01097
We propose an enhanced estimation method for the Box-Cox transformation (BCT) cure rate model parameters by introducing a generic maximum likelihood estimation algorithm, the sequential quadratic Hamiltonian (SQH) scheme, which is based on a gradient-free approach. We apply the SQH algorithm to the BCT cure model and, through an extensive simulation study, compare its model fitting results with those obtained using the recently developed non-linear conjugate gradient (NCG) algorithm. Since the NCG method has already been shown to outperform the well-known expectation maximization algorithm, our focus is on demonstrating the superiority of the SQH algorithm over NCG. First, we show that the SQH algorithm produces estimates with smaller bias and root mean square error for all BCT cure model parameters, resulting in more accurate and precise cure rate estimates. We then demonstrate that, being gradient-free, the SQH algorithm requires less CPU time to generate estimates compared to the NCG algorithm, which only computes the gradient and not the Hessian. These advantages make the SQH algorithm the preferred estimation method over the NCG method for the BCT cure model. Finally, we apply the SQH algorithm to analyze a well-known melanoma dataset and present the results.
stat-05.zip/2505.01097.pdf
2504.18545
Parameter Tuning of the Firefly Algorithm by Three Tuning Methods: Standard Monte Carlo, Quasi-Monte Carlo and Latin Hypercube Sampling Methods
[ "Geethu Joy", "Christian Huyck", "Xin-She Yang" ]
10 Apr 2025
21 pages
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG); Neural and Evolutionary Computing (cs.NE)
https://doi.org/10.48550/arXiv.2504.18545
There are many different nature-inspired algorithms in the literature, and almost all such algorithms have algorithm-dependent parameters that need to be tuned. The proper setting and parameter tuning should be carried out to maximize the performance of the algorithm under consideration. This work is the extension of the recent work on parameter tuning by Joy et al. (2024) presented at the International Conference on Computational Science (ICCS 2024), and the Firefly Algorithm (FA) is tuned using three different methods: the Monte Carlo method, the Quasi-Monte Carlo method and the Latin Hypercube Sampling. The FA with the tuned parameters is then used to solve a set of six different optimization problems, and the possible effect of parameter setting on the quality of the optimal solutions is analyzed. Rigorous statistical hypothesis tests have been carried out, including Student&#39;s t-tests, F-tests, non-parametric Friedman tests and ANOVA. Results show that the performance of the FA is not influenced by the tuning methods used. In addition, the tuned parameter values are largely independent of the tuning methods used. This indicates that the FA can be flexible and equally effective in solving optimization problems, and any of the three tuning methods can be used to tune its parameters effectively.
stat-05.zip/2504.18545.pdf
2504.18377
Statistical Disaggregation -- a Monte Carlo Approach for Imputation under Constraints
[ "Shenggang Hu", "Hongsheng Dai", "Fanlin Meng", "Louis Aslett", "Murray Pollock", "Gareth O. Roberts" ]
25 Apr 2025
42 pages, 11 figures, to be published in Scandinavian Journal of Statistics
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2504.18377
Equality-constrained models naturally arise in problems in which measurements are taken at different levels of resolution. The challenge in this setting is that the models usually induce a joint distribution which is intractable. Resorting to instead sampling from the joint distribution by means of a Monte Carlo approach is also challenging. For example, a naive rejection sampling does not work when the probability mass of the constraint is zero. A typical example of such constrained problems is to learn energy consumption for a higher resolution level based on data at a lower resolution, e.g., to decompose a daily reading into readings at a finer level. We introduce a novel Monte Carlo sampling algorithm based on Langevin diffusions and rejection sampling to solve the problem of sampling from equality-constrained models. Our method has the advantage of being exact for linear constraints and naturally deals with multimodal distributions on arbitrary constraints. We test our method on statistical disaggregation problems for electricity consumption datasets, and our approach provides better uncertainty estimation and accuracy in data imputation compared with other naive/unconstrained methods.
stat-05.zip/2504.18377.pdf
2504.11299
Efficient and Stable Multi-Dimensional Kolmogorov-Smirnov Distance
[ "Peter Matthew Jacobs", "Foad Namjoo", "Jeff M. Phillips" ]
15 Apr 2025
21 pages, Primary: stat.CO. Secondary: cs.CG, cs.LG
Computation (stat.CO)
Computation (stat.CO); Computational Geometry (cs.CG); Machine Learning (cs.LG)
https://doi.org/10.48550/arXiv.2504.11299
We revisit extending the Kolmogorov-Smirnov distance between probability distributions to the multidimensional setting and make new arguments about the proper way to approach this generalization. Our proposed formulation maximizes the difference over orthogonal dominating rectangular ranges (d-sided rectangles in R^d), and is an integral probability metric. We also prove that the distance between a distribution and a sample from the distribution converges to 0 as the sample size grows, and bound this rate. Moreover, we show that one can, up to this same approximation error, compute the distance efficiently in 4 or fewer dimensions; specifically the runtime is near-linear in the size of the sample needed for that error. With this, we derive a delta-precision two-sample hypothesis test using this distance. Finally, we show these metric and approximation properties do not hold for other popular variants.
stat-05.zip/2504.11299.pdf
2505.00877
Particle Filter for Bayesian Inference on Privatized Data
[ "Yu-Wei Chen", "Pranav Sanghi", "Jordan Awan" ]
1 May 2025
Computation (stat.CO)
Computation (stat.CO)
https://doi.org/10.48550/arXiv.2505.00877
Differential Privacy (DP) is a probabilistic framework that protects privacy while preserving data utility. To protect the privacy of the individuals in the dataset, DP requires adding a precise amount of noise to a statistic of interest; however, this noise addition alters the resulting sampling distribution, making statistical inference challenging. One of the main DP goals in Bayesian analysis is to make statistical inference based on the private posterior distribution. While existing methods have strengths in specific conditions, they can be limited by poor mixing, strict assumptions, or low acceptance rates. We propose a novel particle filtering algorithm, which features (i) consistent estimates, (ii) Monte Carlo error estimates and asymptotic confidence intervals, (iii) computational efficiency, and (iv) accommodation to a wide variety of priors, models, and privacy mechanisms with minimal assumptions. We empirically evaluate our algorithm through a variety of simulation settings as well as an application to a 2021 Canadian census dataset, demonstrating the efficacy and adaptability of the proposed sampler.
stat-05.zip/2505.00877.pdf
2505.02987
New affine invariant ensemble samplers and their dimensional scaling
[ "Yifan Chen" ]
5 May 2025 (<a href="https://arxiv.org/abs/2505.02987v1">v1</a>), last revised 19 May 2025 (this version, v2)
Any feedback welcome!
Computation (stat.CO)
Computation (stat.CO); Machine Learning (cs.LG); Statistics Theory (math.ST); Machine Learning (stat.ML)
https://doi.org/10.48550/arXiv.2505.02987
We introduce new affine invariant ensemble samplers that are easy to construct and improve upon existing algorithms, especially for high-dimensional problems. Specifically, we propose a derivative-free ensemble side move sampler that performs favorably compared to popular samplers in the $\texttt{emcee}$ package. Additionally, we develop a class of derivative-based ensemble Hamiltonian Monte Carlo (HMC) samplers with affine invariance, which outperform standard HMC without affine invariance when sampling highly skewed distributions. We provide asymptotic scaling analysis for high-dimensional Gaussian targets to further elucidate the properties of these affine invariant ensemble samplers. In particular, with derivative information, the affine invariant ensemble HMC can scale much better with dimension compared to derivative-free ensemble samplers.
stat-05.zip/2505.02987.pdf