arxiv_id
string | title
string | authors
list | submission_date
string | comments
string | primary_subject
string | subjects
string | doi
string | abstract
string | file_path
string |
|---|---|---|---|---|---|---|---|---|---|
2406.01750
|
Survival Data Simulation With the R Package rsurv
|
[
"Fábio N. Demarqui"
] |
3 Jun 2024
|
19 pages, 2 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2406.01750
|
In this paper we propose a novel R package, called rsurv, developed for general survival data simulation purposes. The package is built under a new approach to simulate survival data that depends heavily on the use of dplyr verbs. The proposed package allows simulations of survival data from a wide range of regression models, including accelerated failure time (AFT), proportional hazards (PH), proportional odds (PO), accelerated hazard (AH), Yang and Prentice (YP), and extended hazard (EH) models. The package rsurv also stands out by its ability to generate survival data from an unlimited number of baseline distributions provided that an implementation of the quantile function of the chosen baseline distribution is available in R. Another nice feature of the package rsurv lies in the fact that linear predictors are specified using R formulas, facilitating the inclusion of categorical variables, interaction terms and offset variables. The functions implemented in the package rsurv can also be employed to simulate survival data with more complex structures, such as survival data with different types of censoring mechanisms, survival data with cure fraction, survival data with random effects (frailties), multivarite survival data, and competing risks survival data.
|
stat-05.zip/2406.01750.pdf
|
2405.19920
|
The ARR2 prior: flexible predictive prior definition for Bayesian auto-regressions
|
[
"David Kohns",
"Noa Kallioinen",
"Yann McLatchie",
"Aki Vehtari"
] |
30 May 2024 (<a href="https://arxiv.org/abs/2405.19920v1">v1</a>), last revised 6 Feb 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO); Econometrics (econ.EM)
|
https://doi.org/10.48550/arXiv.2405.19920
|
We present the ARR2 prior, a joint prior over the auto-regressive components in Bayesian time-series models and their induced $R^2$. Compared to other priors designed for times-series models, the ARR2 prior allows for flexible and intuitive shrinkage. We derive the prior for pure auto-regressive models, and extend it to auto-regressive models with exogenous inputs, and state-space models. Through both simulations and real-world modelling exercises, we demonstrate the efficacy of the ARR2 prior in improving sparse and reliable inference, while showing greater inference quality and predictive performance than other shrinkage priors. An open-source implementation of the prior is provided.
|
stat-05.zip/2405.19920.pdf
|
|
2410.03014
|
A Fast Coordinate Descent Method for High-Dimensional Non-Negative Least Squares using a Unified Sparse Regression Framework
|
[
"James Yang",
"Trevor Hastie"
] |
3 Oct 2024 (<a href="https://arxiv.org/abs/2410.03014v1">v1</a>), last revised 28 Oct 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Statistics Theory (math.ST)
|
https://doi.org/10.48550/arXiv.2410.03014
|
We develop theoretical results that establish a connection across various regression methods such as the non-negative least squares, bounded variable least squares, simplex constrained least squares, and lasso. In particular, we show in general that a polyhedron constrained least squares problem admits a locally unique sparse solution in high dimensions. We demonstrate the power of our result by concretely quantifying the sparsity level for the aforementioned methods. Furthermore, we propose a novel coordinate descent based solver for NNLS in high dimensions using our theoretical result as motivation. We show through simulated data and a real data example that our solver achieves at least a 5x speed-up from the state-of-the-art solvers.
|
stat-05.zip/2410.03014.pdf
|
|
2405.17972
|
Inference for the stochastic FitzHugh-Nagumo model from real action potential data via approximate Bayesian computation
|
[
"Adeline Samson",
"Massimiliano Tamborrino",
"Irene Tubikanec"
] |
28 May 2024 (<a href="https://arxiv.org/abs/2405.17972v1">v1</a>), last revised 7 Oct 2024 (this version, v2)
|
30 pages, 17 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Dynamical Systems (math.DS)
|
https://doi.org/10.48550/arXiv.2405.17972
|
The stochastic FitzHugh-Nagumo (FHN) model is a two-dimensional nonlinear stochastic differential equation with additive degenerate noise, whose first component, the only one observed, describes the membrane voltage evolution of a single neuron. Due to its low-dimensionality, its analytical and numerical tractability and its neuronal interpretation, it has been used as a case study to test the performance of different statistical methods in estimating the underlying model parameters. Existing methods, however, often require complete observations, non-degeneracy of the noise or a complex architecture (e.g., to estimate the transition density of the process, "recovering" the unobserved second component) and they may not (satisfactorily) estimate all model parameters simultaneously. Moreover, these studies lack real data applications for the stochastic FHN model. The proposed method tackles all challenges (non-globally Lipschitz drift, non-explicit solution, lack of available transition density, degeneracy of the noise and partial observations). It is an intuitive and easy-to-implement sequential Monte Carlo approximate Bayesian computation algorithm, which relies on a recent computationally efficient and structure-preserving numerical splitting scheme for synthetic data generation and on summary statistics exploiting the structural properties of the process. All model parameters are successfully estimated from simulated data and, more remarkably, real action potential data of rats. The presented novel real-data fit may broaden the scope and credibility of this classic and widely used neuronal model.
|
stat-05.zip/2405.17972.pdf
|
2409.11745
|
Model-Embedded Gaussian Process Regression for Parameter Estimation in Dynamical System
|
[
"Ying Zhou",
"Jinglai Li",
"Xiang Zhou",
"Hongqiao Wang"
] |
18 Sep 2024
|
24 pages, 3 figures, 5 tables
|
Computation (stat.CO)
|
Computation (stat.CO); Dynamical Systems (math.DS)
|
https://doi.org/10.48550/arXiv.2409.11745
|
Identifying dynamical system (DS) is a vital task in science and engineering. Traditional methods require numerous calls to the DS solver, rendering likelihood-based or least-squares inference frameworks impractical. For efficient parameter inference, two state-of-the-art techniques are the kernel method for modeling and the "one-step framework" for jointly inferring unknown parameters and hyperparameters. The kernel method is a quick and straightforward technique, but it cannot estimate solutions and their derivatives, which must strictly adhere to physical laws. We propose a model-embedded "one-step" Bayesian framework for joint inference of unknown parameters and hyperparameters by maximizing the marginal likelihood. This approach models the solution and its derivatives using Gaussian process regression (GPR), taking into account smoothness and continuity properties, and treats differential equations as constraints that can be naturally integrated into the Bayesian framework in the linear case. Additionally, we prove the convergence of the model-embedded Gaussian process regression (ME-GPR) for theoretical development. Motivated by Taylor expansion, we introduce a piecewise first-order linearization strategy to handle nonlinear dynamic systems. We derive estimates and confidence intervals, demonstrating that they exhibit low bias and good coverage properties for both simulated models and real data.
|
stat-05.zip/2409.11745.pdf
|
2410.03630
|
Is Gibbs sampling faster than Hamiltonian Monte Carlo on GLMs?
|
[
"Son Luu",
"Zuheng Xu",
"Nikola Surjanovic",
"Miguel Biron-Lattes",
"Trevor Campbell",
"Alexandre Bouchard-Côté"
] |
4 Oct 2024 (<a href="https://arxiv.org/abs/2410.03630v1">v1</a>), last revised 12 Mar 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.03630
|
The Hamiltonian Monte Carlo (HMC) algorithm is often lauded for its ability to effectively sample from high-dimensional distributions. In this paper we challenge the presumed domination of HMC for the Bayesian analysis of GLMs. By utilizing the structure of the compute graph rather than the graphical model, we show a reduction of the time per sweep of a full-scan Gibbs sampler from $O(d^2)$ to $O(d)$, where $d$ is the number of GLM parameters. A simple change to the implementation of the Gibbs sampler allows us to perform Bayesian inference on high-dimensional GLMs that are practically infeasible with traditional Gibbs sampler implementations. We empirically demonstrate a substantial increase in effective sample size per time when comparing our Gibbs algorithms to state-of-the-art HMC algorithms. While Gibbs is superior in terms of dimension scaling, neither Gibbs nor HMC dominate the other: we provide numerical and theoretical evidence that HMC retains an edge in certain circumstances thanks to its advantageous condition number scaling. Interestingly, for GLMs of fixed data size, we observe that increasing dimensionality can stabilize or even decrease condition number, shedding light on the empirical advantage of our efficient Gibbs sampler.
|
stat-05.zip/2410.03630.pdf
|
|
2406.15012
|
Exact discovery is polynomial for certain sparse causal Bayesian networks
|
[
"Felix L. Rios",
"Giusi Moffa",
"Jack Kuipers"
] |
21 Jun 2024 (<a href="https://arxiv.org/abs/2406.15012v1">v1</a>), last revised 7 Mar 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2406.15012
|
Causal Bayesian networks are widely used tools for summarising the dependencies between variables and elucidating their putative causal relationships. By restricting the search to trees, for example, learning the optimum from data is polynomial, but this does not guarantee finding the optimal network overall. Without similar restrictions, exact discovery of the optimum is computationally hard in general and no polynomial results are known. The current state-of-the-art approaches are integer linear programming over the underlying space of directed acyclic graphs, dynamic programming and shortest-path searches over the space of topological orders, and constraint programming combining both. For dynamic programming over orders, the computational complexity is known to be exponential base 2 in the number of variables in the network. We demonstrate how to use properties of Bayesian networks to prune the search space and lower the computational cost, while still guaranteeing exact discovery of the provably optimal network. We also include new path-search and divide-and-conquer criteria. Without a priori constraining the search to certain types of networks, the algorithm completes in quadratic time when the optimum is a matching, and in polynomial time when the optimum belongs to any network class with logarithmically-bound largest connected components. In simulation studies we observe the polynomial dependence for sparse networks and that, beyond some critical value, the logarithm of the base grows with the network density. Our approach then out-competes the state-of-the-art at lower densities. These results therefore pave the way for faster exact causal discovery in larger and sparser networks.
|
stat-05.zip/2406.15012.pdf
|
|
2406.14292
|
Proximal Interacting Particle Langevin Algorithms
|
[
"Paula Cordero Encinar",
"Francesca R. Crucinio",
"O. Deniz Akyildiz"
] |
20 Jun 2024 (<a href="https://arxiv.org/abs/2406.14292v1">v1</a>), last revised 29 May 2025 (this version, v3)
|
Accepted as an oral presentation at UAI'25
|
Computation (stat.CO)
|
Computation (stat.CO); Optimization and Control (math.OC); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2406.14292
|
We introduce a class of algorithms, termed proximal interacting particle Langevin algorithms (PIPLA), for inference and learning in latent variable models whose joint probability density is non-differentiable. Leveraging proximal Markov chain Monte Carlo techniques and interacting particle Langevin algorithms, we propose three algorithms tailored to the problem of estimating parameters in a non-differentiable statistical model. We prove nonasymptotic bounds for the parameter estimates produced by the different algorithms in the strongly log-concave setting and provide comprehensive numerical experiments on various models to demonstrate the effectiveness of the proposed methods. In particular, we demonstrate the utility of our family of algorithms for sparse Bayesian logistic regression, training of sparse Bayesian neural networks or neural networks with non-differentiable activation functions, image deblurring, and sparse matrix completion. Our theory and experiments together show that PIPLA family can be the de facto choice for parameter estimation problems in non-differentiable latent variable models.
|
stat-05.zip/2406.14292.pdf
|
2405.11688
|
Performance Analysis of Monte Carlo Algorithms in Dense Subgraph Identification
|
[
"Wanru Guo"
] |
19 May 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2405.11688
|
The exploration of network structures through the lens of graph theory has become a cornerstone in understanding complex systems across diverse fields. Identifying densely connected subgraphs within larger networks is crucial for uncovering functional modules in biological systems, cohesive groups within social networks, and critical paths in technological infrastructures. The most representative approach, the SM algorithm, cannot locate subgraphs with large sizes, therefore cannot identify dense subgraphs; while the SA algorithm previously used by researchers combines simulated annealing and efficient moves for the Markov chain. However, the global optima cannot be guaranteed to be located by the simulated annealing methods including SA unless a logarithmic cooling schedule is used. To this end, our study introduces and evaluates the performance of the Simulated Annealing Algorithm (SAA), which combines simulated annealing with the stochastic approximation Monte Carlo algorithm. The performance of SAA against two other numerical algorithms-SM and SA, is examined in the context of identifying these critical subgraph structures using simulated graphs with embeded cliques. We have found that SAA outperforms both SA and SM by 1) the number of iterations to find the densest subgraph and 2) the percentage of time the algorithm is able to find a clique after 10,000 iterations, and 3) computation time. The promising result of the SAA algorithm could offer a robust tool for dissecting complex systems and potentially transforming our approach to solving problems in interdisciplinary fields.
|
stat-05.zip/2405.11688.pdf
|
|
2406.15998
|
Recursive variational Gaussian approximation with the Whittle likelihood for linear non-Gaussian state space models
|
[
"Bao Anh Vu",
"David Gunawan",
"Andrew Zammit-Mangion"
] |
23 Jun 2024 (<a href="https://arxiv.org/abs/2406.15998v1">v1</a>), last revised 19 Jul 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.15998
|
Parameter inference for linear and non-Gaussian state space models is challenging because the likelihood function contains an intractable integral over the latent state variables. While Markov chain Monte Carlo (MCMC) methods provide exact samples from the posterior distribution as the number of samples goes to infinity, they tend to have high computational cost, particularly for observations of a long time series. When inference with MCMC methods is computationally expensive, variational Bayes (VB) methods are a useful alternative. VB methods approximate the posterior density of the parameters with a simple and tractable distribution found through optimisation. This work proposes a novel sequential VB approach that makes use of the Whittle likelihood for computationally efficient parameter inference in linear, non-Gaussian state space models. Our algorithm, called Recursive Variational Gaussian Approximation with the Whittle Likelihood (R-VGA-Whittle), updates the variational parameters by processing data in the frequency domain. At each iteration, R-VGA-Whittle requires the gradient and Hessian of the Whittle log-likelihood, which are available in closed form. Through several examples involving a linear Gaussian state space model; a univariate/bivariate stochastic volatility model; and a state space model with Student's t measurement error, where the latent states follow an autoregressive fractionally integrated moving average (ARFIMA) model, we show that R-VGA-Whittle provides good approximations to posterior distributions of the parameters, and that it is very computationally efficient when compared to asymptotically exact methods such as Hamiltonian Monte Carlo.
|
stat-05.zip/2406.15998.pdf
|
|
2405.13574
|
Reinforcement Learning for Adaptive MCMC
|
[
"Congye Wang",
"Wilson Chen",
"Heishiro Kanagawa",
"Chris. J. Oates"
] |
22 May 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG)
|
https://doi.org/10.48550/arXiv.2405.13574
|
An informal observation, made by several authors, is that the adaptive design of a Markov transition kernel has the flavour of a reinforcement learning task. Yet, to-date it has remained unclear how to actually exploit modern reinforcement learning technologies for adaptive MCMC. The aim of this paper is to set out a general framework, called Reinforcement Learning Metropolis--Hastings, that is theoretically supported and empirically validated. Our principal focus is on learning fast-mixing Metropolis--Hastings transition kernels, which we cast as deterministic policies and optimise via a policy gradient. Control of the learning rate provably ensures conditions for ergodicity are satisfied. The methodology is used to construct a gradient-free sampler that out-performs a popular gradient-free adaptive Metropolis--Hastings algorithm on $\approx 90 \%$ of tasks in the PosteriorDB benchmark.
|
stat-05.zip/2405.13574.pdf
|
|
2406.15865
|
Approximate Bayesian Computation sequential Monte Carlo via random forests
|
[
"Khanh N. Dinh",
"Cécile Liu",
"Zijin Xiang",
"Zhihan Liu",
"Simon Tavaré"
] |
22 Jun 2024 (<a href="https://arxiv.org/abs/2406.15865v1">v1</a>), last revised 18 Aug 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Optimization and Control (math.OC)
|
https://doi.org/10.48550/arXiv.2406.15865
|
Approximate Bayesian Computation (ABC) is a popular inference method when likelihoods are hard to come by. Practical bottlenecks of ABC applications include selecting statistics that summarize the data without losing too much information or introducing uncertainty, and choosing distance functions and tolerance thresholds that balance accuracy and computational efficiency. Recent studies have shown that ABC methods using random forest (RF) methodology perform well while circumventing many of ABC's drawbacks. However, RF construction is computationally expensive for large numbers of trees and model simulations, and there can be high uncertainty in the posterior if the prior distribution is uninformative. Here we further adapt random forests to the ABC setting in two ways. The first exploits distributional random forests to provide a direct method for inferring the joint posterior distribution of parameters of interest, while the second describes a sequential Monte Carlo approach which updates the prior distribution iteratively to focus on the most likely regions in the parameter space. We show that the new methods can accurately infer posterior distributions for a wide range of deterministic and stochastic models in different scientific areas.
|
stat-05.zip/2406.15865.pdf
|
|
2404.07451
|
SNSeg: An R Package for Time Series Segmentation via Self-Normalization
|
[
"Shubo Sun",
"Zifeng Zhao",
"Feiyu Jiang",
"Xiaofeng Shao"
] |
11 Apr 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2404.07451
|
Time series segmentation aims to identify potential change-points in a sequence of temporally dependent data, so that the original sequence can be partitioned into several homogeneous subsequences. It is useful for modeling and predicting non-stationary time series and is widely applied in natural and social sciences. Existing segmentation methods primarily focus on only one type of parameter changes such as mean and variance, and they typically depend on laborious tuning or smoothing parameters, which can be challenging to choose in practice. The self-normalization based change-point estimation framework SNCP by Zhao et al. (2022), however, offers users more flexibility and convenience as it allows for change-point estimation of different types of parameters (e.g. mean, variance, quantile and autocovariance) in a unified fashion, and requires effortless tuning. In this paper, the R package SNSeg is introduced to implement SNCP for segmentation of univariate and multivariate time series. An extension of SNCP, named SNHD, is also designed and implemented for change-point estimation in the mean vector of high-dimensional time series. The estimated changepoints as well as segmented time series are available with graphical tools. Detailed examples of SNSeg are given in simulations of multivariate autoregressive processes with change-points.
|
stat-05.zip/2404.07451.pdf
|
|
2410.04651
|
Tables with Critical Values for the Meta-Analysis of Genuine and Fake $\boldsymbol{p}$-Values
|
[
"Rui Santos",
"M. Fátima Brilhante",
"Sandra Mendonça"
] |
6 Oct 2024
|
68 pages, 6 figures
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.04651
|
The classical theory for the meta-analysis of $p$-values is based on the assumption that if the overall null hypothesis is true, then all $p$-values used in a chosen combined test statistic are genuine, i.e., are observations from independent and identically distributed standard uniform random variables. However, the pressure felt by most researchers to publish, which is worsen by publication bias, can originate fake $p$-values to be reported, usually Beta(1,2) distributed. In general, the existence of fake $p$-values in a sample of $p$-values to be combined is unknown, and if, for some reason, there is information that they do exist, their number will most likely be unknown as well. Moreover, even if fake $p$-values are accounted for, the cumulative distribution function of classical combined test statistics does not have a closed-form expression that facilitates its practical usage. To overcome this problem, tables with estimated critical values are supplied for the commonly used combined tests for the meta-analysis of $p$-values when a few of them are fake ones, i.e., Beta(1,2) distributed.
|
stat-05.zip/2410.04651.pdf
|
2409.09168
|
Reducing Shape-Graph Complexity with Application to Classification of Retinal Blood Vessels and Neurons
|
[
"Benjamin Beaudett",
"Anuj Srivastava"
] |
13 Sep 2024
|
20 pages, 11 figures
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2409.09168
|
Shape graphs are complex geometrical structures commonly found in biological and anatomical systems. A shape graph is a collection of nodes, some connected by curvilinear edges with arbitrary shapes. Their high complexity stems from the large number of nodes and edges and the complex shapes of edges. With an eye for statistical analysis, one seeks low-complexity representations that retain as much of the global structures of the original shape graphs as possible. This paper develops a framework for reducing graph complexity using hierarchical clustering procedures that replace groups of nodes and edges with their simpler representatives. It demonstrates this framework using graphs of retinal blood vessels in two dimensions and neurons in three dimensions. The paper also presents experiments on classifications of shape graphs using progressively reduced levels of graph complexity. The accuracy of disease detection in retinal blood vessels drops quickly when the complexity is reduced, with accuracy loss particularly associated with discarding terminal edges. Accuracy in identifying neural cell types remains stable with complexity reduction.
|
stat-05.zip/2409.09168.pdf
|
2406.15874
|
Efficient Multivariate Initial Sequence Estimators for MCMC
|
[
"Arka Banerjee",
"Dootika Vats"
] |
22 Jun 2024 (<a href="https://arxiv.org/abs/2406.15874v1">v1</a>), last revised 7 Jul 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.15874
|
Estimating Monte Carlo error is critical to valid simulation results in Markov chain Monte Carlo (MCMC) and initial sequence estimators were one of the first methods introduced for this. Over the last few years, focus has been on multivariate assessment of simulation error, and many multivariate generalizations of univariate methods have been developed. The multivariate initial sequence estimator is known to exhibit superior finite-sample performance compared to its competitors. However, the multivariate initial sequence estimator can be prohibitively slow, limiting its widespread use. We provide an efficient alternative to the multivariate initial sequence estimator that inherits both its asymptotic properties as well as the finite-sample superior performance. The effectiveness of the proposed estimator is shown via some MCMC example implementations. Further, we also present univariate and multivariate initial sequence estimators for when parallel MCMC chains are run and demonstrate their effectiveness over a popular alternative.
|
stat-05.zip/2406.15874.pdf
|
|
2409.15307
|
An adaptive Gaussian process method for multi-modal Bayesian inverse problems
|
[
"Zhihang Xu",
"Xiaoyu Zhu",
"Daoji Li",
"Qifeng Liao"
] |
5 Sep 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Computational Physics (physics.comp-ph)
|
https://doi.org/10.48550/arXiv.2409.15307
|
Inverse problems are prevalent in both scientific research and engineering applications. In the context of Bayesian inverse problems, sampling from the posterior distribution is particularly challenging when the forward models are computationally expensive. This challenge escalates further when the posterior distribution is multimodal. To address this, we propose a Gaussian process (GP) based method to indirectly build surrogates for the forward model. Specifically, the unnormalized posterior density is expressed as a product of an auxiliary density and an exponential GP surrogate. In an iterative way, the auxiliary density will converge to the posterior distribution starting from an arbitrary initial density. However, the efficiency of the GP regression is highly influenced by the quality of the training data. Therefore, we utilize the iterative local updating ensemble smoother (ILUES) to generate high-quality samples that are concentrated in regions with high posterior probability. Subsequently, based on the surrogate model and the mode information that is extracted by using a clustering method, MCMC with a Gaussian mixed (GM) proposal is used to draw samples from the auxiliary density. Through numerical examples, we demonstrate that the proposed method can accurately and efficiently represent the posterior with a limited number of forward simulations.
|
stat-05.zip/2409.15307.pdf
|
|
2410.08574
|
Change-point detection in regression models for ordered data via the max-EM algorithm
|
[
"Modibo Diabaté",
"Grégory Nuel",
"Olivier Bouaziz"
] |
11 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.08574
|
We consider the problem of breakpoint detection in a regression modeling framework. To that end, we introduce a novel method, the max-EM algorithm which combines a constrained Hidden Markov Model with the Classification-EM (CEM) algorithm. This algorithm has linear complexity and provides accurate breakpoints detection and parameter estimations. We derive a theoretical result that shows that the likelihood of the data as a function of the regression parameters and the breakpoints location is increased at each step of the algorithm. We also present two initialization methods for the location of the breakpoints in order to deal with local maxima issues. Finally, a statistical test in the one breakpoint situation is developed. Simulation experiments based on linear, logistic, Poisson and Accelerated Failure Time regression models show that the final method that includes the initialization procedure and the max-EM algorithm has a strong performance both in terms of parameters estimation and breakpoints detection. The statistical test is also evaluated and exhibits a correct rejection rate under the null hypothesis and a strong power under various alternatives. Two real dataset are analyzed, the UCI bike sharing and the health disease data, where the interest of the method to detect heterogeneity in the distribution of the data is illustrated.
|
stat-05.zip/2410.08574.pdf
|
|
2406.00703
|
A Partition-insensitive Parallel Framework for Distributed Model Fitting
|
[
"Xiaofei Wu",
"Rongmei Liang",
"Fabio Roli",
"Marcello Pelillo",
"Jing Yuan"
] |
2 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.00703
|
Distributed model fitting refers to the process of fitting a mathematical or statistical model to the data using distributed computing resources, such that computing tasks are divided among multiple interconnected computers or nodes, often organized in a cluster or network. Most of the existing methods for distributed model fitting are to formulate it in a consensus optimization problem, and then build up algorithms based on the alternating direction method of multipliers (ADMM). This paper introduces a novel parallel framework for achieving a distributed model fitting. In contrast to previous consensus frameworks, the introduced parallel framework offers two notable advantages. Firstly, it exhibits insensitivity to sample partitioning, meaning that the solution of the algorithm remains unaffected by variations in the number of slave nodes or/and the amount of data each node carries. Secondly, fewer variables are required to be updated at each iteration, so that the proposed parallel framework performs in a more succinct and efficient way, and adapts to high-dimensional data. In addition, we prove that the algorithms under the new parallel framework have a worst-case linear convergence rate in theory. Numerical experiments confirm the generality, robustness, and accuracy of our proposed parallel framework.
|
stat-05.zip/2406.00703.pdf
|
|
2406.01864
|
Variance-reduced sampling importance resampling
|
[
"Yao Xiao",
"Kang Fu",
"Kun Li"
] |
4 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.01864
|
The sampling importance resampling method is widely utilized in various fields, such as numerical integration and statistical simulation. In this paper, two modified methods are presented by incorporating two variance reduction techniques commonly used in Monte Carlo simulation, namely antithetic sampling and Latin hypercube sampling, into the process of sampling importance resampling method respectively. Theoretical evidence is provided to demonstrate that the proposed methods significantly reduce estimation errors compared to the original approach. Furthermore, the effectiveness and advantages of the proposed methods are validated through both numerical studies and real data analysis.
|
stat-05.zip/2406.01864.pdf
|
|
2405.15952
|
Theoretical guarantees for lifted samplers
|
[
"Philippe Gagnon",
"Florian Maire"
] |
24 May 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Statistics Theory (math.ST)
|
https://doi.org/10.48550/arXiv.2405.15952
|
Lifted samplers form a class of Markov chain Monte Carlo methods which has drawn a lot attention in recent years due to superior performance in challenging Bayesian applications. A canonical example of such sampler is the one that is derived from a random walk Metropolis algorithm for a totally-ordered state space such as the integers or the real numbers. The lifted sampler is derived by splitting into two the proposal distribution: one part in the increasing direction, and the other part in the decreasing direction. It keeps following a direction, until a rejection, upon which it flips the direction. In terms of asymptotic variances, it outperforms the random walk Metropolis algorithm, regardless of the target distribution, at no additional computational cost. Other studies show, however, that beyond this simple case, lifted samplers do not always outperform their Metropolis counterparts. In this paper, we leverage the celebrated work of Tierney (1998) to provide an analysis in a general framework encompassing a broad class of lifted samplers. Our finding is that, essentially, the asymptotic variances cannot increase by a factor of more than 2, regardless of the target distribution, the way the directions are induced, and the type of algorithm from which the lifted sampler is derived (be it a Metropolis--Hastings algorithm, a reversible jump algorithm, etc.). This result indicates that, while there is potentially a lot to gain from lifting a sampler, there is not much to lose.
|
stat-05.zip/2405.15952.pdf
|
|
2410.10282
|
Exact MCMC for Intractable Proposals
|
[
"Dwija Kakkad",
"Dootika Vats"
] |
14 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.10282
|
Accept-reject based Markov chain Monte Carlo (MCMC) methods are the workhorse algorithm for Bayesian inference. These algorithms, like Metropolis-Hastings, require the choice of a proposal distribution which is typically informed by the desired target distribution. Surprisingly, proposal distributions with unknown normalizing constants are not uncommon, even though for such a choice of a proposal, the Metropolis-Hastings acceptance ratio cannot be evaluated exactly. Across the literature, authors resort to approximation methods that yield inexact MCMC or develop specialized algorithms to combat this problem. We show how Bernoulli factory MCMC algorithms, originally proposed for doubly intractable target distributions, can quite naturally be adapted to this situation. We present three diverse and relevant examples demonstrating the usefulness of the Bernoulli factory approach to this problem.
|
stat-05.zip/2410.10282.pdf
|
|
2410.15571
|
changepointGA: An R package for Fast Changepoint Detection via Genetic Algorithm
|
[
"Mo Li",
"QiQi Lu"
] |
21 Oct 2024 (<a href="https://arxiv.org/abs/2410.15571v1">v1</a>), last revised 29 Sep 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2410.15571
|
Detecting changepoints in a time series of length $N$ entails evaluating up to $2^{N-1}$ possible changepoint models, making exhaustive enumeration computationally infeasible. Genetic algorithms (GAs) provide a stochastic way to identify the structural changes: a population of candidate models evolves via selection, crossover, and mutation operators until it converges on one changepoint model that balances the goodness-of-fit with parsimony. The R package changepointGA encodes each candidate model as an integer chromosome vector and supports both the basic single-population model GA and the island model GA. Parallel computing is implemented on multi-core hardware to further accelerate computation. Users may supply custom fitness functions or genetic operators, while a user-friendly wrapper streamlines routine analyses. Extensive simulations demonstrate that our package runs significantly faster than binary-encoded GA alternatives. Additionally, this package can simultaneously locate changepoints and estimate their effects, as well as other model parameters and any integer-valued hyperparameters. Applications to array-based comparative genomic hybridization data and a century-long temperature series further highlight the package's value in biological and climate research.
|
stat-05.zip/2410.15571.pdf
|
|
2406.04187
|
A Multiscale Perspective on Maximum Marginal Likelihood Estimation
|
[
"O. Deniz Akyildiz",
"Michela Ottobre",
"Iain Souttar"
] |
6 Jun 2024 (<a href="https://arxiv.org/abs/2406.04187v1">v1</a>), last revised 10 Jun 2024 (this version, v2)
|
31 pages, 3 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Probability (math.PR)
|
https://doi.org/10.48550/arXiv.2406.04187
|
In this paper, we provide a multiscale perspective on the problem of maximum marginal likelihood estimation. We consider and analyse a diffusion-based maximum marginal likelihood estimation scheme using ideas from multiscale dynamics. Our perspective is based on stochastic averaging; we make an explicit connection between ideas in applied probability and parameter inference in computational statistics. In particular, we consider a general class of coupled Langevin diffusions for joint inference of latent variables and parameters in statistical models, where the latent variables are sampled from a fast Langevin process (which acts as a sampler), and the parameters are updated using a slow Langevin process (which acts as an optimiser). We show that the resulting system of stochastic differential equations (SDEs) can be viewed as a two-time scale system. To demonstrate the utility of such a perspective, we show that the averaged parameter dynamics obtained in the limit of scale separation can be used to estimate the optimal parameter, within the strongly convex setting. We do this by using recent uniform-in-time non-asymptotic averaging bounds. Finally, we conclude by showing that the slow-fast algorithm we consider here, termed Slow-Fast Langevin Algorithm, performs on par with state-of-the-art methods on a variety of examples. We believe that the stochastic averaging approach we provide in this paper enables us to look at these algorithms from a fresh angle, as well as unlocking the path to develop and analyse new methods using well-established averaging principles.
|
stat-05.zip/2406.04187.pdf
|
2410.14073
|
Digesting Gibbs Sampling Using R
|
[
"Mahdi Teimouri"
] |
17 Oct 2024 (<a href="https://arxiv.org/abs/2410.14073v1">v1</a>), last revised 8 Jun 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.14073
|
In general, the statistical simulation approaches are referred to as the Monte Carlo methods as a whole. The broad class of the Monte Carlo methods involves the Markov chain Monte Carlo (MCMC) techniques that attract the attention of researchers from a wide variety of study fields. The main focus of this report is to provide a framework for all users who are interested in implementing the MCMC approaches in their investigations, especially the Gibbs sampling. I have tried, if possible, to eliminate the proofs, but reader is expected to know some topics in elementary calculus (including mathematical function, limit, derivative, partial derivative, simple integral) and statistics (including random variables, expected value and variance, moment generating function, multivariate distribution, distribution of a functions of random variable, and the central limit theorem).
|
stat-05.zip/2410.14073.pdf
|
|
2407.05572
|
Reducing Total Trip Time and Vehicle Emission through Park-and-Ride -- methods and case-study
|
[
"Ayane Nakamura",
"Fabiana Ferracina",
"Naoki Sakata",
"Takahiro Noguchi",
"Hiroyasu Ando"
] |
8 Jul 2024 (<a href="https://arxiv.org/abs/2407.05572v1">v1</a>), last revised 22 Jan 2025 (this version, v2)
|
54 pages, 34 figures, to be published in Journal of Cleaner Production
|
Computation (stat.CO)
|
Computation (stat.CO); Other Statistics (stat.OT)
|
https://doi.org/10.48550/arXiv.2407.05572
|
This study addresses important issues of traffic congestion and vehicle emissions in urban areas by developing a comprehensive mathematical framework to evaluate Park-and-Ride (PnR) systems. The proposed approach integrates queueing theory and emissions modeling to simultaneously assess waiting times, travel times, and vehicle emissions under various PnR usage scenarios. The methodology employs a novel combination of Monte Carlo simulation and matrix geometric analytic methods to analyze a queueing network representing PnR facilities and road traffic. A case study of Tsukuba, Japan demonstrates the model's applicability, revealing potential reductions in social costs related to total trip time and emissions through optimized PnR policies. Specifically, the study found that implementing optimal bus frequency and capacity policies could reduce total social costs by up to 30\% compared to current conditions. This research contributes to the literature by providing a unified framework for evaluating PnR systems that considers both time and environmental costs, offering valuable insights for urban planners and policymakers seeking to improve transportation sustainability. The proposed model utilizes a single server queue with a deterministic service time and multiple arrival streams to represent traffic flow, incorporating both private cars and public buses. Emissions are calculated using the Methodologies for Estimating Air Pollutant Emissions from Transport (MEET) framework. The social cost of emissions and total trip time (SCETT) is introduced as a comprehensive metric for evaluating PnR system performance.
|
stat-05.zip/2407.05572.pdf
|
2409.15511
|
Bayesian computation with generative diffusion models by Multilevel Monte Carlo
|
[
"Abdul-Lateef Haji-Ali",
"Marcelo Pereyra",
"Luke Shaw",
"Konstantinos Zygalakis"
] |
23 Sep 2024 (<a href="https://arxiv.org/abs/2409.15511v1">v1</a>), last revised 14 May 2025 (this version, v4)
|
13 images
|
Computation (stat.CO)
|
Computation (stat.CO); Computer Vision and Pattern Recognition (cs.CV); Machine Learning (cs.LG)
|
https://doi.org/10.48550/arXiv.2409.15511
|
Generative diffusion models have recently emerged as a powerful strategy to perform stochastic sampling in Bayesian inverse problems, delivering remarkably accurate solutions for a wide range of challenging applications. However, diffusion models often require a large number of neural function evaluations per sample in order to deliver accurate posterior samples. As a result, using diffusion models as stochastic samplers for Monte Carlo integration in Bayesian computation can be highly computationally expensive, particularly in applications that require a substantial number of Monte Carlo samples for conducting uncertainty quantification analyses. This cost is especially high in large-scale inverse problems such as computational imaging, which rely on large neural networks that are expensive to evaluate. With quantitative imaging applications in mind, this paper presents a Multilevel Monte Carlo strategy that significantly reduces the cost of Bayesian computation with diffusion models. This is achieved by exploiting cost-accuracy trade-offs inherent to diffusion models to carefully couple models of different levels of accuracy in a manner that significantly reduces the overall cost of the calculation, without reducing the final accuracy. The proposed approach achieves a $4\times$-to-$8\times$ reduction in computational cost w.r.t. standard techniques across three benchmark imaging problems.
|
stat-05.zip/2409.15511.pdf
|
2407.01495
|
Multifidelity Cross-validation
|
[
"S. Ashwin Renganathan",
"Kade Carlson"
] |
1 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2407.01495
|
Emulating the mapping between quantities of interest and their control parameters using surrogate models finds widespread application in engineering design, including in numerical optimization and uncertainty quantification. Gaussian process models can serve as a probabilistic surrogate model of unknown functions, thereby making them highly suitable for engineering design and decision-making in the presence of uncertainty. In this work, we are interested in emulating quantities of interest observed from models of a system at multiple fidelities, which trade accuracy for computational efficiency. Using multifidelity Gaussian process models, to efficiently fuse models at multiple fidelities, we propose a novel method to actively learn the surrogate model via leave-one-out cross-validation (LOO-CV). Our proposed multifidelity cross-validation (\texttt{MFCV}) approach develops an adaptive approach to reduce the LOO-CV error at the target (highest) fidelity, by learning the correlations between the LOO-CV at all fidelities. \texttt{MFCV} develops a two-step lookahead policy to select optimal input-fidelity pairs, both in sequence and in batches, both for continuous and discrete fidelity spaces. We demonstrate the utility of our method on several synthetic test problems as well as on the thermal stress analysis of a gas turbine blade.
|
stat-05.zip/2407.01495.pdf
|
|
2409.15539
|
An R package for nonparametric inference on dynamic populations with infinitely many types
|
[
"Filippo Ascolani",
"Stefano Damato",
"Matteo Ruggiero"
] |
23 Sep 2024
|
To appear on Journal of Computational Biology
|
Computation (stat.CO)
|
Computation (stat.CO); Probability (math.PR); Populations and Evolution (q-bio.PE); Quantitative Methods (q-bio.QM); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2409.15539
|
Fleming-Viot diffusions are widely used stochastic models for population dynamics which extend the celebrated Wright-Fisher diffusions. They describe the temporal evolution of the relative frequencies of the allelic types in an ideally infinite panmictic population, whose individuals undergo random genetic drift and at birth can mutate to a new allelic type drawn from a possibly infinite potential pool, independently of their parent. Recently, Bayesian nonparametric inference has been considered for this model when a finite sample of individuals is drawn from the population at several discrete time points. Previous works have fully described the relevant estimators for this problem, but current software is available only for the Wright-Fisher finite-dimensional case. Here we provide software for the general case, overcoming some non trivial computational challenges posed by this setting. The R package FVDDPpkg efficiently approximates the filtering and smoothing distribution for Fleming-Viot diffusions, given finite samples of individuals collected at different times. A suitable Monte Carlo approximation is also introduced in order to reduce the computational cost.
|
stat-05.zip/2409.15539.pdf
|
2407.05492
|
Gaussian Approximation and Output Analysis for High-Dimensional MCMC
|
[
"Ardjen Pengel",
"Jun Yang",
"Zhou Zhou"
] |
7 Jul 2024 (<a href="https://arxiv.org/abs/2407.05492v1">v1</a>), last revised 17 Oct 2024 (this version, v2)
|
65 pages, dim-dependence improved in v2
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2407.05492
|
The widespread use of Markov Chain Monte Carlo (MCMC) methods for high-dimensional applications has motivated research into the scalability of these algorithms with respect to the dimension of the problem. Despite this, numerous problems concerning output analysis in high-dimensional settings have remained unaddressed. We present novel quantitative Gaussian approximation results for a broad range of MCMC algorithms. Notably, we analyse the dependency of the obtained approximation errors on the dimension of both the target distribution and the feature space. We demonstrate how these Gaussian approximations can be applied in output analysis. This includes determining the simulation effort required to guarantee Markov chain central limit theorems and consistent estimation of the variance and effective sample size in high-dimensional settings. We give quantitative convergence bounds for termination criteria and show that the termination time of a wide class of MCMC algorithms scales polynomially in dimension while ensuring a desired level of precision. Our results offer guidance to practitioners for obtaining appropriate standard errors and deciding the minimum simulation effort of MCMC algorithms in both multivariate and high-dimensional settings.
|
stat-05.zip/2407.05492.pdf
|
2407.05790
|
Kinetic Interacting Particle Langevin Monte Carlo
|
[
"Paul Felix Valsecchi Oliva",
"O. Deniz Akyildiz"
] |
8 Jul 2024 (<a href="https://arxiv.org/abs/2407.05790v1">v1</a>), last revised 4 Sep 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2407.05790
|
This paper introduces and analyses interacting underdamped Langevin algorithms, termed Kinetic Interacting Particle Langevin Monte Carlo (KIPLMC) methods, for statistical inference in latent variable models. We propose a diffusion process that evolves jointly in the space of parameters and latent variables and exploit the fact that the stationary distribution of this diffusion concentrates around the maximum marginal likelihood estimate of the parameters. We then provide two explicit discretisations of this diffusion as practical algorithms to estimate parameters of statistical models. For each algorithm, we obtain nonasymptotic rates of convergence for the case where the joint log-likelihood is strongly concave with respect to latent variables and parameters. In particular, we provide convergence analysis for the diffusion together with the discretisation error, providing convergence rate estimates for the algorithms in Wasserstein-2 distance. We achieve accelerated convergence rates clearly demonstrating improvement in dimension dependence, similar to the underdamped samplers. To demonstrate the utility of the introduced methodology, we provide numerical experiments that demonstrate the effectiveness of the proposed diffusion for statistical inference and the stability of the numerical integrators utilised for discretisation. Our setting covers a broad number of applications, including unsupervised learning, statistical inference, and inverse problems.
|
stat-05.zip/2407.05790.pdf
|
|
2410.18833
|
Adaptive reduced tempering For Bayesian inverse problems and rare event simulation
|
[
"Frederic Cerou",
"Patrick Heas",
"Mathias Rousset"
] |
24 Oct 2024 (<a href="https://arxiv.org/abs/2410.18833v1">v1</a>), last revised 25 Aug 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.18833
|
This work proposes an adaptive sequential Monte Carlo sampling algorithm to solve Bayesian inverse problems in scenarios where likelihood evaluations are costly but can be approximated using a surrogate model built from previous evaluations of the true likelihood. A rough estimate of the surrogate error is required. The method relies on an adaptive SMC framework that simultaneously adjusts both the likelihood approximations and a standard tempering scheme of the target posterior distribution. This algorithm is well-suited for cases where the posterior is concentrated in a rare and unknown region of the prior. It is also suitable for solving low-temperature and rare event simulation problems. The main contribution is to propose an entropy criterion that relates the accuracy of the current surrogate to a maximum inverse temperature for the likelihood approximation. The latter is instrumental to sample a so-called snapshot, on which is performed an exact likelihood evaluation, used to update the surrogate and its error quantification. Some consistency results are presented in an idealized framework for the proposed algorithm. Our numerical experiments use in particular a reduced basis approach to construct approximate parametric solutions to a partially observed solution of an elliptic partial differential equation. They demonstrate the convergence of the algorithm and show a significant cost reduction (close to a factor of $10$) for comparable accuracy.
|
stat-05.zip/2410.18833.pdf
|
|
2405.18076
|
Prediction of energy consumption in hotels using ANN
|
[
"Oscar Trull",
"Angel Peiro-Signes",
"J.Carlos Garcia-Diaz",
"Marival Segarra-Ona"
] |
28 May 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2405.18076
|
The increase in travelers and stays in tourist destinations is leading hotels to be aware of their ecological management and the need for efficient energy consumption. To achieve this, hotels are increasingly using digitalized systems and more frequent measurements are made of the variables that affect their management. Electricity can play a significant role, predicting electricity usage in hotels, which in turn can enhance their circularity - an approach aimed at sustainable and efficient resource use. In this study, neural networks are trained to predict electricity usage patterns in two hotels based on historical data. The results indicate that the predictions have a good accuracy level of around 2.5% in MAPE, showing the potential of using these techniques for electricity forecasting in hotels. Additionally, neural network models can use climatological data to improve predictions. By accurately forecasting energy demand, hotels can optimize their energy procurement and usage, moving energy-intensive activities to off-peak hours to reduce costs and strain on the grid, assisting in the better integration of renewable energy sources, or identifying patterns and anomalies in energy consumption, suggesting areas for efficiency improvements, among other. Hence, by optimizing the allocation of resources, reducing waste and improving efficiency these models can improve hotel's circularity.
|
stat-05.zip/2405.18076.pdf
|
|
2406.06488
|
Computationally efficient permutation tests for the multivariate two-sample problem based on energy distance or maximum mean discrepancy statistics
|
[
"Elias Chaibub Neto"
] |
10 Jun 2024
|
22 pages, 3 figures
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.06488
|
Non-parametric two-sample tests based on energy distance or maximum mean discrepancy are widely used statistical tests for comparing multivariate data from two populations. While these tests enjoy desirable statistical properties, their test statistics can be expensive to compute as they require the computation of 3 distinct Euclidean distance (or kernel) matrices between samples, where the time complexity of each of these computations (namely, $O(n_{x}^2 p)$, $O(n_{y}^2 p)$, and $O(n_{x} n_{y} p)$) scales quadratically with the number of samples ($n_x$, $n_y$) and linearly with the number of variables ($p$). Since the standard permutation test requires repeated re-computations of these expensive statistics it's application to large datasets can become unfeasible. While several statistical approaches have been proposed to mitigate this issue, they all sacrifice desirable statistical properties to decrease the computational cost (e.g., trade computation speed by a decrease in statistical power). A better computational strategy is to first pre-compute the Euclidean distance (kernel) matrix of the concatenated data, and then permute indexes and retrieve the corresponding elements to compute the re-sampled statistics. While this strategy can reduce the computation cost relative to the standard permutation test, it relies on the computation of a larger Euclidean distance (kernel) matrix with complexity $O((n_x + n_y)^2 p)$. In this paper, we present a novel computationally efficient permutation algorithm which only requires the pre-computation of the 3 smaller matrices and achieves large computational speedups without sacrificing finite-sample validity or statistical power. We illustrate its computational gains in a series of experiments and compare its statistical power to the current state-of-the-art approach for balancing computational cost and statistical performance.
|
stat-05.zip/2406.06488.pdf
|
2406.02741
|
Sampling From Multiscale Densities With Delayed Rejection Generalized Hamiltonian Monte Carlo
|
[
"Gilad Turok",
"Chirag Modi",
"Bob Carpenter"
] |
4 Jun 2024
|
9 pages, 5 figures
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.02741
|
With the increasing prevalence of probabilistic programming languages, Hamiltonian Monte Carlo (HMC) has become the mainstay of applied Bayesian inference. However HMC still struggles to sample from densities with multiscale geometry: a large step size is needed to efficiently explore low curvature regions while a small step size is needed to accurately explore high curvature regions. We introduce the delayed rejection generalized HMC (DR-G-HMC) sampler that overcomes this challenge by employing dynamic step size selection, inspired by differential equation solvers. In a single sampling iteration, DR-G-HMC sequentially makes proposals with geometrically decreasing step sizes if necessary. This simulates Hamiltonian dynamics with increasing fidelity that, in high curvature regions, generates proposals with a higher chance of acceptance. DR-G-HMC also makes generalized HMC competitive by decreasing the number of rejections which otherwise cause inefficient backtracking and prevents directed movement. We present experiments to demonstrate that DR-G-HMC (1) correctly samples from multiscale densities, (2) makes generalized HMC methods competitive with the state of the art No-U-Turn sampler, and (3) is robust to tuning parameters.
|
stat-05.zip/2406.02741.pdf
|
2407.04967
|
posteriordb: Testing, Benchmarking and Developing Bayesian Inference Algorithms
|
[
"Måns Magnusson",
"Jakob Torgander",
"Paul-Christian Bürkner",
"Lu Zhang",
"Bob Carpenter",
"Aki Vehtari"
] |
6 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.04967
|
The generality and robustness of inference algorithms is critical to the success of widely used probabilistic programming languages such as Stan, PyMC, Pyro, and <a href="http://Turing.jl" rel="external noopener nofollow" class="link-external link-http">this http URL</a>. When designing a new general-purpose inference algorithm, whether it involves Monte Carlo sampling or variational approximation, the fundamental problem arises in evaluating its accuracy and efficiency across a range of representative target models. To solve this problem, we propose posteriordb, a database of models and data sets defining target densities along with reference Monte Carlo draws. We further provide a guide to the best practices in using posteriordb for model evaluation and comparison. To provide a wide range of realistic target densities, posteriordb currently comprises 120 representative models and has been instrumental in developing several general inference algorithms.
|
stat-05.zip/2407.04967.pdf
|
|
2410.18973
|
Tuning-Free Coreset Markov Chain Monte Carlo via Hot DoG
|
[
"Naitong Chen",
"Jonathan H. Huggins",
"Trevor Campbell"
] |
24 Oct 2024 (<a href="https://arxiv.org/abs/2410.18973v1">v1</a>), last revised 19 Jun 2025 (this version, v2)
|
Accepted to the 41st Conference on Uncertainty in Artificial Intelligence (UAI 2025)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG)
|
https://doi.org/10.48550/arXiv.2410.18973
|
A Bayesian coreset is a small, weighted subset of a data set that replaces the full data during inference to reduce computational cost. The state-of-the-art coreset construction algorithm, Coreset Markov chain Monte Carlo (Coreset MCMC), uses draws from an adaptive Markov chain targeting the coreset posterior to train the coreset weights via stochastic gradient optimization. However, the quality of the constructed coreset, and thus the quality of its posterior approximation, is sensitive to the stochastic optimization learning rate. In this work, we propose a learning-rate-free stochastic gradient optimization procedure, Hot-start Distance over Gradient (Hot DoG), for training coreset weights in Coreset MCMC without user tuning effort. We provide a theoretical analysis of the convergence of the coreset weights produced by Hot DoG. We also provide empirical results demonstrate that Hot DoG provides higher quality posterior approximations than other learning-rate-free stochastic gradient methods, and performs competitively to optimally-tuned ADAM.
|
stat-05.zip/2410.18973.pdf
|
2410.18929
|
AutoStep: Locally adaptive involutive MCMC
|
[
"Tiange Liu",
"Nikola Surjanovic",
"Miguel Biron-Lattes",
"Alexandre Bouchard-Côté",
"Trevor Campbell"
] |
24 Oct 2024 (<a href="https://arxiv.org/abs/2410.18929v1">v1</a>), last revised 20 May 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.18929
|
Many common Markov chain Monte Carlo (MCMC) kernels can be formulated using a deterministic involutive proposal with a step size parameter. Selecting an appropriate step size is often a challenging task in practice; and for complex multiscale targets, there may not be one choice of step size that works well globally. In this work, we address this problem with a novel class of involutive MCMC methods -- AutoStep MCMC -- that selects an appropriate step size at each iteration adapted to the local geometry of the target distribution. We prove that under mild conditions AutoStep MCMC is $\pi$-invariant, irreducible, and aperiodic, and obtain bounds on expected energy jump distance and cost per iteration. Empirical results examine the robustness and efficacy of our proposed step size selection procedure, and show that AutoStep MCMC is competitive with state-of-the-art methods in terms of effective sample size per unit cost on a range of challenging target distributions.
|
stat-05.zip/2410.18929.pdf
|
|
2406.07555
|
Sequential Monte Carlo for Cut-Bayesian Posterior Computation
|
[
"Joseph Mathews",
"Giri Gopalan",
"James Gattiker",
"Sean Smith",
"Devin Francom"
] |
9 Mar 2024 (<a href="https://arxiv.org/abs/2406.07555v1">v1</a>), last revised 12 Nov 2024 (this version, v2)
|
Revision accepted for Computational Statistics
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2406.07555
|
We propose a sequential Monte Carlo (SMC) method to efficiently and accurately compute cut-Bayesian posterior quantities of interest, variations of standard Bayesian approaches constructed primarily to account for model misspecification. We prove finite sample concentration bounds for estimators derived from the proposed method and apply these results to a realistic setting where a computer model is misspecified. Two theoretically justified variations are presented for making the sequential Monte Carlo estimator more computationally efficient, based on linear tempering and finding suitable permutations of initial parameter draws. We then illustrate the SMC method for inference in a modular chemical reactor example that includes submodels for reaction kinetics, turbulence, mass transfer, and diffusion. The samples obtained are commensurate with a direct-sampling approach that consists of running multiple Markov chains, with computational efficiency gains using the SMC method. Overall, the SMC method presented yields a novel, rigorous approach to computing with cut-Bayesian posterior distributions.
|
stat-05.zip/2406.07555.pdf
|
2406.02701
|
MPCR: Multi- and Mixed-Precision Computations Package in R
|
[
"Mary Lai O. Salvana",
"Sameh Abdulah",
"Minwoo Kim",
"David Helmy",
"Ying Sun",
"Marc G. Genton"
] |
4 Jun 2024 (<a href="https://arxiv.org/abs/2406.02701v1">v1</a>), last revised 28 Oct 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.02701
|
Computational statistics has traditionally utilized double-precision (64-bit) data structures and full-precision operations, resulting in higher-than-necessary accuracy for certain applications. Recently, there has been a growing interest in exploring low-precision options that could reduce computational complexity while still achieving the required level of accuracy. This trend has been amplified by new hardware such as NVIDIA's Tensor Cores in their V100, A100, and H100 GPUs, which are optimized for mixed-precision computations, Intel CPUs with Deep Learning (DL) boost, Google Tensor Processing Units (TPUs), Field Programmable Gate Arrays (FPGAs), ARM CPUs, and others. However, using lower precision may introduce numerical instabilities and accuracy issues. Nevertheless, some applications have shown robustness to low-precision computations, leading to new multi- and mixed-precision algorithms that balance accuracy and computational cost. To address this need, we introduce MPCR, a novel R package that supports three different precision types (16-, 32-, and 64-bit) and their combinations, along with its usage in commonly-used Frequentist/Bayesian statistical examples. The MPCR package is written in C++ and integrated into R through the \pkg{Rcpp} package, enabling highly optimized operations in various precisions.
|
stat-05.zip/2406.02701.pdf
|
|
2410.00496
|
Grand Challenges in Bayesian Computation
|
[
"Anirban Bhattacharya",
"Antonio Linero",
"Chris. J. Oates"
] |
1 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.00496
|
This article appeared in the September 2024 issue (Vol. 31, No. 3) of the Bulletin of the International Society for Bayesian Analysis (ISBA).
|
stat-05.zip/2410.00496.pdf
|
|
2407.08830
|
Counting $N$ Queens
|
[
"Nick Polson",
"Vadim Sokolov"
] |
11 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.08830
|
Gauss proposed the problem of how to enumerate the number of solutions for placing $N$ queens on an $N\times N$ chess board, so no two queens attack each other. The N-queen problem is a classic problem in combinatorics. We describe a variety of Monte Carlo (MC) methods for counting the number of solutions. In particular, we propose a quantile re-ordering based on the Lorenz curve of a sum that is related to counting the number of solutions. We show his approach leads to an efficient polynomial-time solution. Other MC methods include vertical likelihood Monte Carlo, importance sampling, slice sampling, simulated annealing, energy-level sampling, and nested-sampling. Sampling binary matrices that identify the locations of the queens on the board can be done with a Swendsen-Wang style algorithm. Our Monte Carlo approach counts the number of solutions in polynomial time.
|
stat-05.zip/2407.08830.pdf
|
|
2406.08180
|
Stochastic Process-based Method for Degree-Degree Correlation of Evolving Networks
|
[
"Yue Xiao",
"Xiaojun Zhang"
] |
12 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2406.08180
|
Existing studies on the degree correlation of evolving networks typically rely on differential equations and statistical analysis, resulting in only approximate solutions due to inherent randomness. To address this limitation, we propose an improved Markov chain method for modeling degree correlation in evolving networks. By redesigning the network evolution rules to reflect actual network dynamics more accurately, we achieve a topological structure that closely matches real-world network evolution. Our method models the degree correlation evolution process for both directed and undirected networks and provides theoretical results that are verified through simulations. This work offers the first theoretical solution for the steady-state degree correlation in evolving network models and is applicable to more complex evolution mechanisms and networks with directional attributes. Additionally, it supports the study of dynamic characteristic control based on network structure at any given time, offering a new tool for researchers in the field.
|
stat-05.zip/2406.08180.pdf
|
|
2407.13451
|
Incorporating additional evidence as prior information to resolve non-identifiability in Bayesian disease model calibration. A tutorial
|
[
"Daria Semochkina",
"Cathal Walsh"
] |
18 Jul 2024 (<a href="https://arxiv.org/abs/2407.13451v1">v1</a>), last revised 22 Jan 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.13451
|
Disease models are used to examine the likely impact of therapies, interventions and public policy changes. Ensuring that these are well calibrated on the basis of available data and that the uncertainty in their projections is properly quantified is an important part of the process. The question of non-identifiability poses a challenge to disease model calibration where multiple parameter sets generate identical model outputs. <br>For statisticians evaluating the impact of policy interventions such as screening or vaccination, this is a critical issue. This study explores the use of the Bayesian framework to provide a natural way to calibrate models and address non-identifiability in a probabilistic fashion in the context of disease modelling. We present Bayesian approaches for incorporating expert knowledge and external data to ensure that appropriately informative priors are specified on the joint parameter space. These approaches are applied to two common disease models: a basic Susceptible-Infected-Susceptible (SIS) model and a much more complex agent-based model which has previously been used to address public policy questions in HPV and cervical cancer. The conditions which allow the problem of non-identifiability to be resolved are demonstrated for the SIS model. For the larger HPV model an overview of the findings is presented, but of key importance is a discussion on how the non-identifiability impacts the calibration process. Through case studies, we demonstrate how informative priors can help resolve non-identifiability and improve model inference. We also discuss how sensitivity analysis can be used to assess the impact of prior specifications on model results. Overall, this work provides an important tutorial for researchers interested in applying Bayesian methods to calibrate models and handle non-identifiability in disease models.
|
stat-05.zip/2407.13451.pdf
|
|
2409.20077
|
A topology-based algorithm for the isomorphism check of 2-level Orthogonal Arrays
|
[
"Roberto Fontana",
"Marco Guerra"
] |
30 Sep 2024
|
This preprint has not undergone peer review or any post-submission improvements or corrections. The Version of Record of this contribution has been accepted for publication in Springer, Methodological and Applied Statistics and Demography I. SIS 2024, Short Papers, Plenary and Specialized Sessions - Ed. A. Pollice, P. Mariani (to appear Nov 24)
|
Computation (stat.CO)
|
Computation (stat.CO); Algebraic Topology (math.AT)
|
https://doi.org/10.48550/arXiv.2409.20077
|
We introduce a construction and an algorithm, both based on Topological Data Analysis (TDA), to tackle the problem of the isomorphism check of Orthogonal Arrays (OAs). Specifically, we associate to any binary OA a persistence diagram, one of the main tools in TDA, and explore how the Wasserstein distance between persistence diagrams can be used to inform whether two designs are isomorphic.
|
stat-05.zip/2409.20077.pdf
|
2406.10711
|
Symmetry-driven embedding of networks in hyperbolic space
|
[
"Simon Lizotte",
"Jean-Gabriel Young",
"Antoine Allard"
] |
15 Jun 2024 (<a href="https://arxiv.org/abs/2406.10711v1">v1</a>), last revised 24 Apr 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Social and Information Networks (cs.SI); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2406.10711
|
Hyperbolic models are known to produce networks with properties observed empirically in most network datasets, including heavy-tailed degree distribution, high clustering, and hierarchical structures. As a result, several embeddings algorithms have been proposed to invert these models and assign hyperbolic coordinates to network data. Current algorithms for finding these coordinates, however, do not quantify uncertainty in the inferred coordinates. We present BIGUE, a Markov chain Monte Carlo (MCMC) algorithm that samples the posterior distribution of a Bayesian hyperbolic random graph model. We show that the samples are consistent with current algorithms while providing added credible intervals for the coordinates and all network properties. We also show that some networks admit two or more plausible embeddings, a feature that an optimization algorithm can easily overlook.
|
stat-05.zip/2406.10711.pdf
|
|
2406.09311
|
Learning High-dimensional Latent Variable Models via Doubly Stochastic Optimisation by Unadjusted Langevin
|
[
"Motonori Oka",
"Yunxiao Chen",
"Irini Moustaki"
] |
13 Jun 2024 (<a href="https://arxiv.org/abs/2406.09311v1">v1</a>), last revised 14 Jun 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.09311
|
Latent variable models are widely used in social and behavioural sciences, such as education, psychology, and political science. In recent years, high-dimensional latent variable models have become increasingly common for analysing large and complex data. Estimating high-dimensional latent variable models using marginal maximum likelihood is computationally demanding due to the complexity of integrals involved. To address this challenge, stochastic optimisation, which combines stochastic approximation and sampling techniques, has been shown to be effective. This method iterates between two steps -- (1) sampling the latent variables from their posterior distribution based on the current parameter estimate, and (2) updating the fixed parameters using an approximate stochastic gradient constructed from the latent variable samples. In this paper, we propose a computationally more efficient stochastic optimisation algorithm. This improvement is achieved through the use of a minibatch of observations when sampling latent variables and constructing stochastic gradients, and an unadjusted Langevin sampler that utilises the gradient of the negative complete-data log-likelihood to sample latent variables. Theoretical results are established for the proposed algorithm, showing that the iterative parameter update converges to the marginal maximum likelihood estimate as the number of iterations goes to infinity. Furthermore, the proposed algorithm is shown to scale well to high-dimensional settings through simulation studies and a personality test application with 30,000 respondents, 300 items, and 30 latent dimensions.
|
stat-05.zip/2406.09311.pdf
|
|
2410.18243
|
Saddlepoint Monte Carlo and its Application to Exact Ecological Inference
|
[
"Théo Voldoire",
"Nicolas Chopin",
"Guillaume Rateau",
"Robin J. Ryder"
] |
23 Oct 2024
|
27 pages, 9 figures, 3 tables
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.18243
|
Assuming X is a random vector and A a non-invertible matrix, one sometimes need to perform inference while only having access to samples of Y = AX. The corresponding likelihood is typically intractable. One may still be able to perform exact Bayesian inference using a pseudo-marginal sampler, but this requires an unbiased estimator of the intractable likelihood. <br>We propose saddlepoint Monte Carlo, a method for obtaining an unbiased estimate of the density of Y with very low variance, for any model belonging to an exponential family. Our method relies on importance sampling of the characteristic function, with insights brought by the standard saddlepoint approximation scheme with exponential tilting. We show that saddlepoint Monte Carlo makes it possible to perform exact inference on particularly challenging problems and datasets. We focus on the ecological inference problem, where one observes only aggregates at a fine level. We present in particular a study of the carryover of votes between the two rounds of various French elections, using the finest available data (number of votes for each candidate in about 60,000 polling stations over most of the French territory). <br>We show that existing, popular approximate methods for ecological inference can lead to substantial bias, which saddlepoint Monte Carlo is immune from. We also present original results for the 2024 legislative elections on political centre-to-left and left-to-centre conversion rates when the far-right is present in the second round. Finally, we discuss other exciting applications for saddlepoint Monte Carlo, such as dealing with aggregate data in privacy or inverse problems.
|
stat-05.zip/2410.18243.pdf
|
2410.02050
|
A fast, flexible simulation framework for Bayesian adaptive designs -- the R package BATSS
|
[
"Dominique-Laurent Couturier",
"Elizabeth G Ryan",
"Rainer Puhr",
"Thomas Jaki",
"Stephane Heritier"
] |
2 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.02050
|
The use of Bayesian adaptive designs for randomised controlled trials has been hindered by the lack of software readily available to statisticians. We have developed a new software package (Bayesian Adaptive Trials Simulator Software - BATSS for the statistical software R, which provides a flexible structure for the fast simulation of Bayesian adaptive designs for clinical trials. We illustrate how the BATSS package can be used to define and evaluate the operating characteristics of Bayesian adaptive designs for various different types of primary outcomes (e.g., those that follow a normal, binary, Poisson or negative binomial distribution) and can incorporate the most common types of adaptations: stopping treatments (or the entire trial) for efficacy or futility, and Bayesian response adaptive randomisation - based on user-defined adaptation rules. Other important features of this highly modular package include: the use of (Integrated Nested) Laplace approximations to compute posterior distributions, parallel processing on a computer or a cluster, customisability, adjustment for covariates and a wide range of available conditional distributions for the response.
|
stat-05.zip/2410.02050.pdf
|
|
2410.17793
|
A fresh view on Least Quantile of Squares Regression based on new optimization approaches
|
[
"Justo Puerto",
"Alberto Torrejon"
] |
23 Oct 2024 (<a href="https://arxiv.org/abs/2410.17793v1">v1</a>), last revised 8 Feb 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.17793
|
Regression analysis is an important instrument to determine the effect of the explanatory variables on response variables. When outliers and bias errors are present, the standard weighted least squares estimator may perform poorly. For this reason, many alternative robust techniques have been studied in literature. In these terms, the Least Squares Quantile (LQS), and in particular the Least Squares Median, are among the regression estimators that exhibit better robustness properties. However, the accurate computation of this estimators is computationally demanding, resulting in a difficult estimator to obtain. In this paper, new novel approaches to compute a global optimal solution for the LQS estimator based on single-level and bilevel optimization methods are proposed. An extensive computational study is provided to support the efficiency of the methods considered, and an ad hoc procedure to address the scalability of the problem to larger instances is proposed.
|
stat-05.zip/2410.17793.pdf
|
|
2407.12608
|
Quantile Slice Sampling
|
[
"Matthew J. Heiner",
"Samuel B. Johnson",
"Joshua R. Christensen",
"David B. Dahl"
] |
17 Jul 2024 (<a href="https://arxiv.org/abs/2407.12608v1">v1</a>), last revised 13 Jun 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.12608
|
We propose and demonstrate a novel, effective approach to slice sampling. Using the probability integral transform, we first generalize Neal's shrinkage algorithm, standardizing the procedure to an automatic and universal starting point: the unit interval. This enables the introduction of approximate (pseudo-) targets through the factorization used in importance sampling, a technique that popularized elliptical slice sampling, while still sampling from the correct target distribution. Accurate pseudo-targets can boost sampler efficiency by requiring fewer rejections and by reducing skewness in the transformed target. This strategy is effective when a natural, possibly crude approximation to the target exists. Alternatively, obtaining a marginal pseudo-target from initial samples provides an intuitive and automatic tuning procedure. We consider two metrics for evaluating the quality of approximation; each can be used as a criterion to find an optimal pseudo-target or as an interpretable diagnostic. We examine performance of the proposed sampler relative to other popular, easily implemented MCMC samplers on standard targets in isolation, and as steps within a Gibbs sampler in a Bayesian modeling context. We extend the transformation method to multivariate slice samplers and demonstrate with a constrained state-space model for which a readily available forward-backward algorithm provides the target approximation. Supplemental materials and accompanying R package qslice are available online.
|
stat-05.zip/2407.12608.pdf
|
|
2410.20895
|
Valid Bootstraps for Network Embeddings with Applications to Network Visualisation
|
[
"Emerald Dilworth",
"Ed Davis",
"Daniel J. Lawson"
] |
28 Oct 2024 (<a href="https://arxiv.org/abs/2410.20895v1">v1</a>), last revised 15 May 2025 (this version, v4)
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.20895
|
Quantifying uncertainty in networks is an important step in modelling relationships and interactions between entities. We consider the challenge of bootstrapping an inhomogeneous random graph when only a single observation of the network is made and the underlying data generating function is unknown. We address this problem by considering embeddings of the observed and bootstrapped network that are statistically indistinguishable. We utilise an exchangeable network test that can empirically validate bootstrap samples generated by any method. Existing methods fail this test, so we propose a principled, distribution-free network bootstrap using k-nearest neighbour smoothing, that can pass this exchangeable network test in many synthetic and real-data scenarios. We demonstrate the utility of this work in combination with the popular data visualisation method t-SNE, where uncertainty estimates from bootstrapping are used to explain whether visible structures represent real statistically sound structures.
|
stat-05.zip/2410.20895.pdf
|
|
2406.09887
|
Split-Apply-Combine with Dynamic Grouping
|
[
"Mark P.J. van der Loo"
] |
14 Jun 2024
|
Accepted for publication
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2406.09887
|
Partitioning a data set by one or more of its attributes and computing an aggregate for each part is one of the most common operations in data analyses. There are use cases where the partitioning is determined dynamically by collapsing smaller subsets into larger ones, to ensure sufficient support for the computed aggregate. These use cases are not supported by software implementing split-apply-combine types of operations. This paper presents the \texttt{R} package \texttt{accumulate} that offers convenient interfaces for defining grouped aggregation where the grouping itself is dynamically determined, based on user-defined conditions on subsets, and a user-defined subset collapsing scheme. The formal underlying algorithm is described and analyzed as well.
|
stat-05.zip/2406.09887.pdf
|
2410.01223
|
Statistical Taylor Expansion
|
[
"Chengpu Wang"
] |
2 Oct 2024 (<a href="https://arxiv.org/abs/2410.01223v1">v1</a>), last revised 23 Jun 2025 (this version, v10)
|
66 pages, 54 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG)
|
https://doi.org/10.48550/arXiv.2410.01223
|
Statistical Taylor expansion replaces the input precise variables in a conventional Taylor expansion with random variables each with known distribution, to calculate the result mean and deviation. It is based on the uncorrelated uncertainty assumption: Each input variable is measured independently with fine enough statistical precision, so that their uncertainties are independent of each other. It requires each sampling count to be sufficiently large for accurate results. Statistical Taylor expansion reviews that the intermediate analytic expressions can no longer be regarded as independent of each other, and the result of analytic expression should be path independent. This conclusion differs fundamentally from the conventional common approach in applied mathematics to find the best execution path for a result. This paper also presents an implementation of statistical Taylor expansion called variance arithmetic, and the tests on variance arithmetic.
|
stat-05.zip/2410.01223.pdf
|
2410.21587
|
ATLAS: Adapting Trajectory Lengths and Step-Size for Hamiltonian Monte Carlo
|
[
"Chirag Modi"
] |
28 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.21587
|
Hamiltonian Monte-Carlo (HMC) and its auto-tuned variant, the No U-Turn Sampler (NUTS) can struggle to accurately sample distributions with complex geometries, e.g., varying curvature, due to their constant step size for leapfrog integration and fixed mass matrix. In this work, we develop a strategy to locally adapt the step size parameter of HMC at every iteration by evaluating a low-rank approximation of the local Hessian and estimating its largest eigenvalue. We combine it with a strategy to similarly adapt the trajectory length by monitoring the no U-turn condition, resulting in an adaptive sampler, ATLAS: adapting trajectory length and step-size. We further use a delayed rejection framework for making multiple proposals that improves the computational efficiency of ATLAS, and develop an approach for automatically tuning its hyperparameters during warmup. We compare ATLAS with state-of-the-art samplers like NUTS on a suite of synthetic and real world examples, and show that i) unlike NUTS, ATLAS is able to accurately sample difficult distributions with complex geometries, ii) it is computationally competitive to NUTS for simpler distributions, and iii) it is more robust to the tuning of hyperparamters.
|
stat-05.zip/2410.21587.pdf
|
|
2407.13474
|
Examining inverse generative social science to study targets of interest
|
[
"Thomas Chesney",
"Asif Jaffer",
"Robert Pasley"
] |
18 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.13474
|
We assess an emerging simulation research method -- Inverse Generative Social Science (IGSS) \citep{Epstein23a} -- that harnesses the power of evolution by natural selection to model and explain complex targets. <br>Drawing on a review of recent papers that use IGSS, and by applying it in two different studies of conflict, we here assess its potential both as a modelling approach and as formal theory. <br>We find that IGSS has potential for research in studies of organistions. IGSS offers two huge advantages over most other approaches to modelling. 1) IGSS has the potential to fit complex non-linear models to a target and 2) the models have the potential to be interpreted as social theory. <br>The paper presents IGSS to a new audience, illustrates how it can contribute, and provides software that can be used as a basis of an IGSS study.
|
stat-05.zip/2407.13474.pdf
|
|
2410.04554
|
Fast algorithm for sparse least trimmed squares via trimmed-regularized reformulation
|
[
"Shotaro Yagishita"
] |
6 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Optimization and Control (math.OC); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.04554
|
The least trimmed squares (LTS) is a reasonable formulation of robust regression whereas it suffers from high computational cost due to the nonconvexity and nonsmoothness of its objective function. The most frequently used FAST-LTS algorithm is particularly slow when a sparsity-inducing penalty such as the $\ell_1$ norm is added. This paper proposes a computationally inexpensive algorithm for the sparse LTS, which is based on the proximal gradient method with a reformulation technique. Proposed method is equipped with theoretical convergence preferred over existing methods. Numerical experiments show that our method efficiently yields small objective value.
|
stat-05.zip/2410.04554.pdf
|
|
2406.10464
|
The data augmentation algorithm
|
[
"Vivekananda Roy",
"Kshitij Khare",
"James P. Hobert"
] |
15 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2406.10464
|
The data augmentation (DA) algorithms are popular Markov chain Monte Carlo (MCMC) algorithms often used for sampling from intractable probability distributions. This review article comprehensively surveys DA MCMC algorithms, highlighting their theoretical foundations, methodological implementations, and diverse applications in frequentist and Bayesian statistics. The article discusses tools for studying the convergence properties of DA algorithms. Furthermore, it contains various strategies for accelerating the speed of convergence of the DA algorithms, different extensions of DA algorithms and outlines promising directions for future research. This paper aims to serve as a resource for researchers and practitioners seeking to leverage data augmentation techniques in MCMC algorithms by providing key insights and synthesizing recent developments.
|
stat-05.zip/2406.10464.pdf
|
|
2410.00627
|
Parallel state estimation for systems with integrated measurements
|
[
"Fatemeh Yaghoobi",
"Simo Särkkä"
] |
1 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Distributed, Parallel, and Cluster Computing (cs.DC)
|
https://doi.org/10.48550/arXiv.2410.00627
|
This paper presents parallel-in-time state estimation methods for systems with Slow-Rate inTegrated Measurements (SRTM). Integrated measurements are common in various applications, and they appear in analysis of data resulting from processes that require material collection or integration over the sampling period. Current state estimation methods for SRTM are inherently sequential, preventing temporal parallelization in their standard form. This paper proposes parallel Bayesian filters and smoothers for linear Gaussian SRTM models. For that purpose, we develop a novel smoother for SRTM models and develop parallel-in-time filters and smoother for them using an associative scan-based parallel formulation. Empirical experiments ran on a GPU demonstrate the superior time complexity of the proposed methods over traditional sequential approaches.
|
stat-05.zip/2410.00627.pdf
|
|
2406.19974
|
Generalizing self-normalized importance sampling with couplings
|
[
"Nicola Branchini",
"Víctor Elvira"
] |
28 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2406.19974
|
An essential problem in statistics and machine learning is the estimation of expectations involving PDFs with intractable normalizing constants. The self-normalized importance sampling (SNIS) estimator, which normalizes the IS weights, has become the standard approach due to its simplicity. However, the SNIS has been shown to exhibit high variance in challenging estimation problems, e.g, involving rare events or posterior predictive distributions in Bayesian statistics. Further, most of the state-of-the-art adaptive importance sampling (AIS) methods adapt the proposal as if the weights had not been normalized. In this paper, we propose a framework that considers the original task as estimation of a ratio of two integrals. In our new formulation, we obtain samples from a joint proposal distribution in an extended space, with two of its marginals playing the role of proposals used to estimate each integral. Importantly, the framework allows us to induce and control a dependency between both estimators. We propose a construction of the joint proposal that decomposes in two (multivariate) marginals and a coupling. This leads to a two-stage framework suitable to be integrated with existing or new AIS and/or variational inference (VI) algorithms. The marginals are adapted in the first stage, while the coupling can be chosen and adapted in the second stage. We show in several examples the benefits of the proposed methodology, including an application to Bayesian prediction with misspecified models.
|
stat-05.zip/2406.19974.pdf
|
|
2410.08939
|
Linear-cost unbiased posterior estimates for crossed effects and matrix factorization models via couplings
|
[
"Paolo Maria Ceriani",
"Giacomo Zanella"
] |
11 Oct 2024
|
48 pages, 10 figures, 1 table
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.08939
|
We design and analyze unbiased Markov chain Monte Carlo (MCMC) schemes based on couplings of blocked Gibbs samplers (BGSs), whose total computational costs scale linearly with the number of parameters and data points. Our methodology is designed for and applicable to high-dimensional BGS with conditionally independent blocks, which are often encountered in Bayesian modeling. We provide bounds on the expected number of iterations needed for coalescence for Gaussian targets, which imply that practical two-step coupling strategies achieve coalescence times that match the relaxation times of the original BGS scheme up to a logarithmic factor. To illustrate the practical relevance of our methodology, we apply it to high-dimensional crossed random effect and probabilistic matrix factorization models, for which we develop a novel BGS scheme with improved convergence speed. Our methodology provides unbiased posterior estimates at linear cost (usually requiring only a few BGS iterations for problems with thousands of parameters), matching state-of-the-art procedures for both frequentist and Bayesian estimation of those models.
|
stat-05.zip/2410.08939.pdf
|
2410.19990
|
Dimension reduction via score ratio matching
|
[
"Ricardo Baptista",
"Michael Brennan",
"Youssef Marzouk"
] |
25 Oct 2024 (<a href="https://arxiv.org/abs/2410.19990v1">v1</a>), last revised 29 May 2025 (this version, v2)
|
23 pages, 9 figures, 1 table
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.19990
|
Gradient-based dimension reduction decreases the cost of Bayesian inference and probabilistic modeling by identifying maximally informative (and informed) low-dimensional projections of the data and parameters, allowing high-dimensional problems to be reformulated as cheaper low-dimensional problems. A broad family of such techniques identify these projections and provide error bounds on the resulting posterior approximations, via eigendecompositions of certain diagnostic matrices. Yet these matrices require gradients or even Hessians of the log-likelihood, excluding the purely data-driven setting and many problems of simulation-based inference. We propose a framework, derived from score-matching, to extend gradient-based dimension reduction to problems where gradients are unavailable. Specifically, we formulate an objective function to directly learn the score ratio function needed to compute the diagnostic matrices, propose a tailored parameterization for the score ratio network, and introduce regularization methods that capitalize on the hypothesized low-dimensional structure. We also introduce a novel algorithm to iteratively identify the low-dimensional reduced basis vectors more accurately with limited data based on eigenvalue deflation methods. We show that our approach outperforms standard score-matching for problems with low-dimensional structure, and demonstrate its effectiveness for PDE-constrained Bayesian inverse problems and conditional generative modeling.
|
stat-05.zip/2410.19990.pdf
|
2410.08378
|
Deep Generative Quantile Bayes
|
[
"Jungeum Kim",
"Percy S. Zhai",
"Veronika Ročková"
] |
10 Oct 2024 (<a href="https://arxiv.org/abs/2410.08378v1">v1</a>), last revised 29 Apr 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2410.08378
|
We develop a multivariate posterior sampling procedure through deep generative quantile learning. Simulation proceeds implicitly through a push-forward mapping that can transform i.i.d. random vector samples from the posterior. We utilize Monge-Kantorovich depth in multivariate quantiles to directly sample from Bayesian credible sets, a unique feature not offered by typical posterior sampling methods. To enhance the training of the quantile mapping, we design a neural network that automatically performs summary statistic extraction. This additional neural network structure has performance benefits, including support shrinkage (i.e., contraction of our posterior approximation) as the observation sample size increases. We demonstrate the usefulness of our approach on several examples where the absence of likelihood renders classical MCMC infeasible. Finally, we provide the following frequentist theoretical justifications for our quantile learning framework: {consistency of the estimated vector quantile, of the recovered posterior distribution, and of the corresponding Bayesian credible sets.
|
stat-05.zip/2410.08378.pdf
|
|
2406.17307
|
Scalable Sampling of Truncated Multivariate Normals Using Sequential Nearest-Neighbor Approximation
|
[
"Jian Cao",
"Matthias Katzfuss"
] |
25 Jun 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.17307
|
We propose a linear-complexity method for sampling from truncated multivariate normal (TMVN) distributions with high fidelity by applying nearest-neighbor approximations to a product-of-conditionals decomposition of the TMVN density. To make the sequential sampling based on the decomposition feasible, we introduce a novel method that avoids the intractable high-dimensional TMVN distribution by sampling sequentially from $m$-dimensional TMVN distributions, where $m$ is a tuning parameter controlling the fidelity. This allows us to overcome the existing methods' crucial problem of rapidly decreasing acceptance rates for increasing dimension. Throughout our experiments with up to tens of thousands of dimensions, we can produce high-fidelity samples with $m$ in the dozens, achieving superior scalability compared to existing state-of-the-art methods. We study a tetrachloroethylene concentration dataset that has $3{,}971$ observed responses and $20{,}730$ undetected responses, together modeled as a partially censored Gaussian process, where our method enables posterior inference for the censored responses through sampling a $20{,}730$-dimensional TMVN distribution.
|
stat-05.zip/2406.17307.pdf
|
|
2410.05280
|
Sampling Spiked Wishart Eigenvalues
|
[
"Thomas G. Brooks"
] |
25 Sep 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Statistics Theory (math.ST)
|
https://doi.org/10.48550/arXiv.2410.05280
|
Efficient schemes for sampling from the eigenvalues of the Wishart distribution have recently been described for both the uncorrelated central case (where the covariance matrix is $\mathbf{I}$) and the spiked Wishart with a single spike (where the covariance matrix differs from $\mathbf{I}$ in a single entry on the diagonal). Here, we generalize these schemes to the spiked Wishart with an arbitrary number of spikes. This approach also applies to the spiked pseudo-Wishart distribution. We describe how to differentiate this procedure for the purposes of stochastic gradient descent, allowing the fitting of the eigenvalue distribution to some target distribution.
|
stat-05.zip/2410.05280.pdf
|
|
2410.08310
|
Identifiability and Sensitivity Analysis of Kriging Weights for the Matern Kernel
|
[
"Amanda Muyskens",
"Benjamin W. Priest",
"Imene R. Goumiri",
"Michael D. Schneider"
] |
10 Oct 2024
|
13 pages, 5 figures
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.08310
|
Gaussian process (GP) models are effective non-linear models for numerous scientific applications. However, computation of their hyperparameters can be difficult when there is a large number of training observations (n) due to the O(n^3) cost of evaluating the likelihood function. Furthermore, non-identifiable hyperparameter values can induce difficulty in parameter estimation. Because of this, maximum likelihood estimation or Bayesian calibration is sometimes omitted and the hyperparameters are estimated with prediction-based methods such as a grid search using cross validation. Kriging, or prediction using a Gaussian process model, amounts to a weighted mean of the data, where training data close to the prediction location as determined by the form and hyperparameters of the kernel matrix are more highly weighted. Our analysis focuses on examination of the commonly utilized Matern covariance function, of which the radial basis function (RBF) kernel function is the infinity limit of the smoothness parameter. We first perform a collinearity analysis to motivate identifiability issues between the parameters of the Matern covariance function. We also demonstrate which of its parameters can be estimated using only the predictions. Considering the kriging weights for a fixed training data and prediction location as a function of the hyperparameters, we evaluate their sensitivities - as well as those of the predicted variance - with respect to said hyperparameters. We demonstrate the smoothness parameter nu is the most sensitive parameter in determining the kriging weights, particularly when the nugget parameter is small, indicating this is the most important parameter to estimate. Finally, we demonstrate the impact of our conclusions on performance and accuracy in a classification problem using a latent Gaussian process model with the hyperparameters selected via a grid search.
|
stat-05.zip/2410.08310.pdf
|
2410.04477
|
Block Vecchia Approximation for Scalable and Efficient Gaussian Process Computations
|
[
"Qilong Pan",
"Sameh Abdulah",
"Marc G. Genton",
"Ying Sun"
] |
6 Oct 2024 (<a href="https://arxiv.org/abs/2410.04477v1">v1</a>), last revised 23 Jan 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Computational Engineering, Finance, and Science (cs.CE)
|
https://doi.org/10.48550/arXiv.2410.04477
|
Gaussian Processes (GPs) are vital for modeling and predicting irregularly-spaced, large geospatial datasets. However, their computations often pose significant challenges in large-scale applications. One popular method to approximate GPs is the Vecchia approximation, which approximates the full likelihood via a series of conditional probabilities. The classical Vecchia approximation uses univariate conditional distributions, which leads to redundant evaluations and memory burdens. To address this challenge, our study introduces block Vecchia, which evaluates each multivariate conditional distribution of a block of observations, with blocks formed using the K-means algorithm. The proposed GPU framework for the block Vecchia uses varying batched linear algebra operations to compute multivariate conditional distributions concurrently, notably diminishing the frequent likelihood evaluations. Diving into the factor affecting the accuracy of the block Vecchia, the neighbor selection criterion is investigated, where we found that the random ordering markedly enhances the approximated quality as the block count becomes large. To verify the scalability and efficiency of the algorithm, we conduct a series of numerical studies and simulations, demonstrating their practical utility and effectiveness compared to the exact GP. Moreover, we tackle large-scale real datasets using the block Vecchia method, i.e., high-resolution 3D profile wind speed with a million points.
|
stat-05.zip/2410.04477.pdf
|
|
2410.09559
|
The Gibbs sampler revisited from the perspective of conditional modeling
|
[
"Kun-Lin Kuo",
"Yuchung J. Wang"
] |
12 Oct 2024
|
16 pages
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.09559
|
The Gibbs sampler (GS) is a crucial algorithm for approximating complex calculations, and it is justified by Markov chain theory, the alternating projection theorem, and $I$-projection, separately. We explore the equivalence between these three operators. Partially collapsed Gibbs sampler (PCGS) and pseudo-Gibbs sampler (PGS) are two generalizations of GS. For PCGS, the associated Markov chain is heterogeneous with varying state spaces, and we propose the iterative conditional replacement algorithm (ICR) to prove its convergence. In addition, ICR can approximate the multiple stationary distributions modeled by a PGS. Our approach highlights the benefit of using one operator for one conditional distribution, rather than lumping all the conditionals into one operator. Because no Markov chain theory is required, this approach simplifies the understanding of convergence.
|
stat-05.zip/2410.09559.pdf
|
2406.19082
|
Gratia: An R package for exploring generalized additive models
|
[
"Gavin L. Simpson"
] |
27 Jun 2024
|
9 pages, 4 figures, submitted to Journal of Open Source Software
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2406.19082
|
Generalized additive models (GAMs, Hastie & Tibshirani, 1990; Wood, 2017) are an extension of the generalized linear model that allows the effects of covariates to be modelled as smooth functions. GAMs are increasingly used in many areas of science (e.g. Pedersen, Miller, Simpson, & Ross, 2019; Simpson, 2018) because the smooth functions allow nonlinear relationships between covariates and the response to be learned from the data through the use of penalized splines. Within the R (R Core Team, 2024) ecosystem, Simon Wood's mgcv package (Wood, 2017) is widely used to fit GAMs and is a Recommended package that ships with R as part of the default install. A growing number of other R packages build upon mgcv, for example as an engine to fit specialised models not handled by mgcv itself (e.g. GJMR, Marra & Radice, 2023), or to make use of the wide range of splines available in mgcv (e.g. brms, Bürkner, 2017). <br>The gratia package builds upon mgcv by providing functions that make working with GAMs easier. gratia takes a tidy approach (Wickham, 2014) providing ggplot2 (Wickham, 2016) replacements for mgcv's base graphics-based plots, functions for model diagnostics and exploration of fitted models, and a family of functions for drawing samples from the posterior distribution of a fitted GAM. Additional functionality is provided to facilitate the teaching and understanding of GAMs.
|
stat-05.zip/2406.19082.pdf
|
2406.19141
|
Improved small-sample inference for functions of parameters in the k-sample multinomial problem
|
[
"Michael C Sachs",
"Erin E Gabriel",
"Michael P Fay"
] |
27 Jun 2024 (<a href="https://arxiv.org/abs/2406.19141v1">v1</a>), last revised 10 May 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.19141
|
When the target parameter for inference is a real-valued, continuous function of probabilities in the $k$-sample multinomial problem, variance estimation may be challenging. In small samples or when the function is nondifferentiable at the true parameter, methods like the nonparametric bootstrap or delta method may perform poorly. We develop an exact inference method that applies to this general situation. We prove that our proposed exact p-value correctly bounds the type I error rate and the associated confidence intervals provide at least nominal coverage; however, they are generally difficult to implement. Thus, we propose a Monte Carlo implementation to estimate the exact p-value and confidence intervals that we show to be consistent as the number of iterations grows. Our approach is general in that it applies to any real-valued continuous function of multinomial probabilities from an arbitrary number of samples and with different numbers of categories.
|
stat-05.zip/2406.19141.pdf
|
|
2406.11246
|
Parallelizing MCMC with Machine Learning Classifier and Its Criterion Based on Kullback-Leibler Divergence
|
[
"Tomoki Matsumoto"
] |
17 Jun 2024 (<a href="https://arxiv.org/abs/2406.11246v1">v1</a>), last revised 7 Nov 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2406.11246
|
In the era of Big Data, Markov chain Monte Carlo (MCMC) methods, which are currently essential for Bayesian estimation, face significant computational challenges owing to their sequential nature. To achieve a faster and more effective parallel computation, we emphasize the critical role of the overlapped area of the posterior distributions based on partitioned data, which we term the reconstructable area. We propose a method that utilizes machine learning classifiers to effectively identify and extract MCMC draws obtained by parallel computations from the area based on posteriors based on partitioned sub-datasets, approximating the target posterior distribution based on the full dataset. This study also develops a Kullback-Leibler (KL) divergence-based criterion. It does not require calculating the full-posterior density and can be calculated using only information from the sub-posterior densities, which are generally obtained after implementing MCMC. This simplifies the hyperparameter tuning in training classifiers. The simulation studies validated the efficacy of the proposed method. This approach contributes to ongoing research on parallelizing MCMC methods and may offer insights for future developments in Bayesian computation for large-scale data analyses.
|
stat-05.zip/2406.11246.pdf
|
|
2407.01483
|
A General Purpose Approximation to the Ferguson-Klass Algorithm for Sampling from Lévy Processes Without Gaussian Components
|
[
"Dawid Bernaciak",
"Jim E. Griffin"
] |
1 Jul 2024 (<a href="https://arxiv.org/abs/2407.01483v1">v1</a>), last revised 12 May 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2407.01483
|
We propose a general-purpose approximation to the Ferguson-Klass algorithm for generating samples from Lévy processes without Gaussian components. We show that the proposed method is more than 1000 times faster than the standard Ferguson-Klass algorithm without a significant loss of precision. This method can open an avenue for computationally efficient and scalable Bayesian nonparametric models which go beyond conjugacy assumptions, as demonstrated in the examples section.
|
stat-05.zip/2407.01483.pdf
|
|
2407.02128
|
Scalable expectation propagation for generalized linear models
|
[
"Niccolò Anceschi",
"Augusto Fasano",
"Beatrice Franzolini",
"Giovanni Rebaudo"
] |
2 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2407.02128
|
Generalized linear models (GLMs) arguably represent the standard approach for statistical regression beyond the Gaussian likelihood scenario. When Bayesian formulations are employed, the general absence of a tractable posterior distribution has motivated the development of deterministic approximations, which are generally more scalable than sampling techniques. Among them, expectation propagation (EP) showed extreme accuracy, usually higher than many variational Bayes solutions. However, the higher computational cost of EP posed concerns about its practical feasibility, especially in high-dimensional settings. We address these concerns by deriving a novel efficient formulation of EP for GLMs, whose cost scales linearly in the number of covariates p. This reduces the state-of-the-art O(p^2 n) per-iteration computational cost of the EP routine for GLMs to O(p n min{p,n}), with n being the sample size. We also show that, for binary models and log-linear GLMs approximate predictive means can be obtained at no additional cost. To preserve efficient moment matching for count data, we propose employing a combination of log-normal Laplace transform approximations, avoiding numerical integration. These novel results open the possibility of employing EP in settings that were believed to be practically impossible. Improvements over state-of-the-art approaches are illustrated both for simulated and real data. The efficient EP implementation is available at <a href="https://github.com/niccoloanceschi/EPglm" rel="external noopener nofollow" class="link-external link-https">this https URL</a>.
|
stat-05.zip/2407.02128.pdf
|
|
2410.17976
|
metasnf: Meta Clustering with Similarity Network Fusion in R
|
[
"Prashanth S Velayudhan",
"Xiaoqiao Xu",
"Prajkta Kallurkar",
"Ana Patricia Balbon",
"Maria T Secara",
"Adam Taback",
"Denise Sabac",
"Nicholas Chan",
"Shihao Ma",
"Bo Wang",
"Daniel Felsky",
"Stephanie H Ameis",
"Brian Cox",
"Colin Hawco",
"Lauren Erdman",
"Anne L Wheeler"
] |
23 Oct 2024
|
72 pages, 22 figures, submitted to Journal of Statistical Software
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG)
|
https://doi.org/10.48550/arXiv.2410.17976
|
metasnf is an R package that enables users to apply meta clustering, a method for efficiently searching a broad space of cluster solutions by clustering the solutions themselves, to clustering workflows based on similarity network fusion (SNF). SNF is a multi-modal data integration algorithm commonly used for biomedical subtype discovery. The package also contains functions to assist with cluster visualization, characterization, and validation. This package can help researchers identify SNF-derived cluster solutions that are guided by context-specific utility over context-agnostic measures of quality.
|
stat-05.zip/2410.17976.pdf
|
2407.04138
|
Online Bayesian changepoint detection for network Poisson processes with community structure
|
[
"Joshua Corneck",
"Edward A. K. Cohen",
"James S. Martin",
"Francesco Sanna Passino"
] |
4 Jul 2024 (<a href="https://arxiv.org/abs/2407.04138v1">v1</a>), last revised 11 Apr 2025 (this version, v2)
|
36 pages, 19 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2407.04138
|
Network point processes often exhibit latent structure that govern the behaviour of the sub-processes. It is not always reasonable to assume that this latent structure is static, and detecting when and how this driving structure changes is often of interest. In this paper, we introduce a novel online methodology for detecting changes within the latent structure of a network point process. We focus on block-homogeneous Poisson processes, where latent node memberships determine the rates of the edge processes. We propose a scalable variational procedure which can be applied on large networks in an online fashion via a Bayesian forgetting factor applied to sequential variational approximations to the posterior distribution. The proposed framework is tested on simulated and real-world data, and it rapidly and accurately detects changes to the latent edge process rates, and to the latent node group memberships, both in an online manner. In particular, in an application on the Santander Cycles bike-sharing network in central London, we detect changes within the network related to holiday periods and lockdown restrictions between 2019 and 2020.
|
stat-05.zip/2407.04138.pdf
|
2407.02740
|
Implementation and Analysis of GPU Algorithms for Vecchia Approximation
|
[
"Zachary James",
"Joseph Guinness"
] |
3 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Artificial Intelligence (cs.AI); Machine Learning (cs.LG); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2407.02740
|
Gaussian Processes have become an indispensable part of the spatial statistician's toolbox but are unsuitable for analyzing large dataset because of the significant time and memory needed to fit the associated model exactly. Vecchia Approximation is widely used to reduce the computational complexity and can be calculated with embarrassingly parallel algorithms. While multi-core software has been developed for Vecchia Approximation, such as the GpGp R package, software designed to run on graphics processing units (GPU) is lacking, despite the tremendous success GPUs have had in statistics and machine learning. We compare three different ways to implement Vecchia Approximation on a GPU: two of which are similar to methods used for other Gaussian Process approximations and one that is new. The impact of memory type on performance is investigated and the final method is optimized accordingly. We show that our new method outperforms the other two and then present it in the GpGpU R package. We compare GpGpU to existing multi-core and GPU-accelerated software by fitting Gaussian Process models on various datasets, including a large spatial-temporal dataset of $n>10^6$ points collected from an earth-observing satellite. Our results show that GpGpU achieves faster runtimes and better predictive accuracy.
|
stat-05.zip/2407.02740.pdf
|
|
2410.17398
|
Sacred and Profane: from the Involutive Theory of MCMC to Helpful Hamiltonian Hacks
|
[
"Nathan E. Glatt-Holtz",
"Andrew J. Holbrook",
"Justin A. Krometis",
"Cecilia F. Mondaini",
"Ami Sheth"
] |
22 Oct 2024 (<a href="https://arxiv.org/abs/2410.17398v1">v1</a>), last revised 29 Oct 2024 (this version, v2)
|
To appear in the Handbook of MCMC, 2nd Edition
|
Computation (stat.CO)
|
Computation (stat.CO); Probability (math.PR); Statistics Theory (math.ST); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2410.17398
|
In the first edition of this Handbook, two remarkable chapters consider seemingly distinct yet deeply connected subjects ...
|
stat-05.zip/2410.17398.pdf
|
2410.20606
|
CDsampling: An R Package for Constrained D-Optimal Sampling in Paid Research Studies
|
[
"Yifei Huang",
"Liping Tong",
"Jie Yang"
] |
27 Oct 2024 (<a href="https://arxiv.org/abs/2410.20606v1">v1</a>), last revised 31 Aug 2025 (this version, v4)
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2410.20606
|
In the context of paid research studies and clinical trials, budget considerations often require patient sampling from available populations which comes with inherent constraints. We introduce the R package CDsampling, which is the first to our knowledge to integrate optimal design theories within the framework of constrained sampling. This package offers the possibility to find both D-optimal approximate and exact allocations for samplings with or without constraints. Additionally, it provides functions to find constrained uniform sampling as a robust sampling strategy when the model information is limited. To demonstrate its efficacy, we provide simulated examples and a real-data example with datasets embedded in the package and compare them with classical sampling methods. Furthermore, the package revisits the theoretical results of the Fisher information matrix for generalized linear models (including regular linear regression model) and multinomial logistic models, offering functions for its computation.
|
stat-05.zip/2410.20606.pdf
|
|
2410.18730
|
Nonparametric Clustering Stopping Rule Based on Multivariate Median
|
[
"Hend Gabr",
"Brian H Willis",
"Mohammed Baragilly"
] |
24 Oct 2024 (<a href="https://arxiv.org/abs/2410.18730v1">v1</a>), last revised 24 Sep 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2410.18730
|
This paper introduces a novel nonparametric criterion for determining the appropriate number of clusters, which is derived from the spatial median. The method is constructed to reconcile two competing objectives of cluster analysis: the preservation of internal homogeneity within clusters and the maximization of heterogeneity across clusters. To this end, the proposed algorithm optimizes the ratio of inter-cluster to intra-cluster variability, incorporating adjustments for both the sample size and the number of clusters. Unlike conventional techniques, the method is distribution-free and demonstrates robustness in the presence of outliers. Its properties were first examined through extensive simulation studies, followed by empirical evaluations on three applied datasets. To further assess comparative performance, the proposed procedure was benchmarked against 13 established algorithms for cluster number determination. In 11 of these comparisons, the proposed criterion exhibited superior performance, thereby underscoring its utility as a reliable and rigorous alternative for multivariate clustering applications.
|
stat-05.zip/2410.18730.pdf
|
|
2407.11349
|
Scaling Hawkes processes to one million COVID-19 cases
|
[
"Seyoon Ko",
"Marc A. Suchard",
"Andrew J. Holbrook"
] |
16 Jul 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2407.11349
|
Hawkes stochastic point process models have emerged as valuable statistical tools for analyzing viral contagion. The spatiotemporal Hawkes process characterizes the speeds at which viruses spread within human populations. Unfortunately, likelihood-based inference using these models requires $O(N^2)$ floating-point operations, for $N$ the number of observed cases. Recent work responds to the Hawkes likelihood's computational burden by developing efficient graphics processing unit (GPU)-based routines that enable Bayesian analysis of tens-of-thousands of observations. We build on this work and develop a high-performance computing (HPC) strategy that divides 30 Markov chains between 4 GPU nodes, each of which uses multiple GPUs to accelerate its chain's likelihood computations. We use this framework to apply two spatiotemporal Hawkes models to the analysis of one million COVID-19 cases in the United States between March 2020 and June 2023. In addition to brute-force HPC, we advocate for two simple strategies as scalable alternatives to successful approaches proposed for small data settings. First, we use known county-specific population densities to build a spatially varying triggering kernel in a manner that avoids computationally costly nearest neighbors search. Second, we use a cut-posterior inference routine that accounts for infections' spatial location uncertainty by iteratively sampling latent locations uniformly within their respective counties of occurrence, thereby avoiding full-blown latent variable inference for 1,000,000 infection locations.
|
stat-05.zip/2407.11349.pdf
|
|
2407.07781
|
Sequential Kalman Tuning of the $t$-preconditioned Crank-Nicolson algorithm: efficient, adaptive and gradient-free inference for Bayesian inverse problems
|
[
"Richard D.P. Grumitt",
"Minas Karamanis",
"Uroš Seljak"
] |
10 Jul 2024 (<a href="https://arxiv.org/abs/2407.07781v1">v1</a>), last revised 18 Nov 2024 (this version, v2)
|
58 pages, 22 figures, accepted in Inverse Problems
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2407.07781
|
Ensemble Kalman Inversion (EKI) has been proposed as an efficient method for the approximate solution of Bayesian inverse problems with expensive forward models. However, when applied to the Bayesian inverse problem EKI is only exact in the regime of Gaussian target measures and linear forward models. In this work we propose embedding EKI and Flow Annealed Kalman Inversion (FAKI), its normalizing flow (NF) preconditioned variant, within a Bayesian annealing scheme as part of an adaptive implementation of the $t$-preconditioned Crank-Nicolson (tpCN) sampler. The tpCN sampler differs from standard pCN in that its proposal is reversible with respect to the multivariate $t$-distribution. The more flexible tail behaviour allows for better adaptation to sampling from non-Gaussian targets. Within our Sequential Kalman Tuning (SKT) adaptation scheme, EKI is used to initialize and precondition the tpCN sampler for each annealed target. The subsequent tpCN iterations ensure particles are correctly distributed according to each annealed target, avoiding the accumulation of errors that would otherwise impact EKI. We demonstrate the performance of SKT for tpCN on three challenging numerical benchmarks, showing significant improvements in the rate of convergence compared to adaptation within standard SMC with importance weighted resampling at each temperature level, and compared to similar adaptive implementations of standard pCN. The SKT scheme applied to tpCN offers an efficient, practical solution for solving the Bayesian inverse problem when gradients of the forward model are not available. Code implementing the SKT schemes for tpCN is available at \url{<a href="https://github.com/RichardGrumitt/KalmanMC" rel="external noopener nofollow" class="link-external link-https">this https URL</a>}.
|
stat-05.zip/2407.07781.pdf
|
2407.06945
|
Adaptively Robust and Sparse K-means Clustering
|
[
"Hao Li",
"Shonosuke Sugasawa",
"Shota Katayama"
] |
9 Jul 2024 (<a href="https://arxiv.org/abs/2407.06945v1">v1</a>), last revised 7 Nov 2024 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2407.06945
|
While K-means is known to be a standard clustering algorithm, its performance may be compromised due to the presence of outliers and high-dimensional noisy variables. This paper proposes adaptively robust and sparse K-means clustering (ARSK) to address these practical limitations of the standard K-means algorithm. For robustness, we introduce a redundant error component for each observation, and this additional parameter is penalized using a group sparse penalty. To accommodate the impact of high-dimensional noisy variables, the objective function is modified by incorporating weights and implementing a penalty to control the sparsity of the weight vector. The tuning parameters to control the robustness and sparsity are selected by Gap statistics. Through simulation experiments and real data analysis, we demonstrate the proposed method's superiority to existing algorithms in identifying clusters without outliers and informative variables simultaneously.
|
stat-05.zip/2407.06945.pdf
|
|
2410.16071
|
Stochastic Exploration of Real Varieties via Variety Distributions
|
[
"David Kahle",
"Jonathan D Hauenstein"
] |
21 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Algebraic Geometry (math.AG)
|
https://doi.org/10.48550/arXiv.2410.16071
|
Nonlinear systems of polynomial equations arise naturally in many applied settings, for example loglinear models on contingency tables and Gaussian graphical models. The solution sets to these systems over the reals are often positive dimensional spaces that in general may be very complicated yet have very nice local behavior almost everywhere. Standard methods in real algebraic geometry for describing positive dimensional real solution sets include cylindrical algebraic decomposition and numerical cell decomposition, both of which can be costly to compute in many practical applications. In this work we communicate recent progress towards a Monte Carlo framework for exploring such real solution sets. After describing how to construct probability distributions whose mass focuses on a variety of interest, we describe how Hamiltonian Monte Carlo methods can be used to sample points near the variety that may then be moved to the variety using endgames. We conclude by showcasing trial experiments using practical implementations of the method in the Bayesian engine Stan.
|
stat-05.zip/2410.16071.pdf
|
|
2410.05811
|
lintsampler: Easy random sampling via linear interpolation
|
[
"Aneesh P. Naik",
"Michael S. Petersen"
] |
8 Oct 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Instrumentation and Methods for Astrophysics (astro-ph.IM); Mathematical Software (cs.MS); Probability (math.PR)
|
https://doi.org/10.48550/arXiv.2410.05811
|
'lintsampler' provides a Python implementation of a technique we term 'linear interpolant sampling': an algorithm to efficiently draw pseudo-random samples from an arbitrary probability density function (PDF). First, the PDF is evaluated on a grid-like structure. Then, it is assumed that the PDF can be approximated between grid vertices by the (multidimensional) linear interpolant. With this assumption, random samples can be efficiently drawn via inverse transform sampling. lintsampler is primarily written with 'numpy', drawing some additional functionality from 'scipy'. Under the most basic usage of lintsampler, the user provides a Python function defining the target PDF and some parameters describing a grid-like structure to the 'LintSampler' class, and is then able to draw samples via the 'sample' method. Additionally, there is functionality for the user to set the random seed, employ quasi-Monte Carlo sampling, or sample within a premade grid ('DensityGrid') or tree ('DensityTree') structure.
|
stat-05.zip/2410.05811.pdf
|
|
2409.04387
|
Best Linear Unbiased Estimate from Privatized Contingency Tables
|
[
"Jordan Awan",
"Adam Edwards",
"Paul Bartholomew",
"Andrew Sillers"
] |
6 Sep 2024 (<a href="https://arxiv.org/abs/2409.04387v1">v1</a>), last revised 15 Jul 2025 (this version, v6)
|
25 pages before references and appendices, 41 pages total, 2 figures and 7 tables
|
Computation (stat.CO)
|
Computation (stat.CO); Cryptography and Security (cs.CR); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2409.04387
|
In differential privacy (DP) mechanisms, it can be beneficial to release "redundant" outputs, where some quantities can be estimated in multiple ways by combining different privatized values. Indeed, the DP 2020 Decennial Census products published by the U.S. Census Bureau consist of such redundant noisy counts. When redundancy is present, the DP output can be improved by enforcing self-consistency (i.e., estimators obtained using different noisy counts result in the same value), and we show that the minimum variance processing is a linear projection. However, standard projection algorithms require excessive computation and memory, making them impractical for large-scale applications such as the Decennial Census. We propose the Scalable Efficient Algorithm for Best Linear Unbiased Estimate (SEA BLUE), based on a two-step process of aggregation and differencing that 1) enforces self-consistency through a linear and unbiased procedure, 2) is computationally and memory efficient, 3) achieves the minimum variance solution under certain structural assumptions, and 4) is empirically shown to be robust to violations of these structural assumptions. We propose three methods of calculating confidence intervals from our estimates, under various assumptions. Finally, we apply SEA BLUE to two 2010 Census demonstration products, illustrating its scalability and validity.
|
stat-05.zip/2409.04387.pdf
|
2412.19576
|
Hybrid Population Monte Carlo
|
[
"Ali Mousavi",
"Víctor Elvira"
] |
27 Dec 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2412.19576
|
Importance sampling (IS) is a powerful Monte Carlo (MC) technique for approximating intractable integrals, for instance in Bayesian inference. The performance of IS relies heavily on the appropriate choice of the so-called proposal distribution. Adaptive IS (AIS) methods iteratively improve target estimates by adapting the proposal distribution. Recent AIS research focuses on enhancing proposal adaptation for high-dimensional problems, while addressing the challenge of multi-modal targets. In this paper, a new class of AIS methods is presented, utilizing a hybrid approach that incorporates weighted samples and proposal distributions to enhance performance. This approach belongs to the family of population Monte Carlo (PMC) algorithms, where a population of proposals is adapted to better approximate the target distribution. The proposed hybrid population Monte Carlo (HPMC) implements a novel two-step adaptation mechanism. In the first step, a hybrid method is used to generate the population of the preliminary proposal locations based on both weighted samples and location parameters. We use Hamiltonian Monte Carlo (HMC) to generate the preliminary proposal locations. HMC has a good exploratory behavior, especially in high dimension scenarios. In the second step, the novel cooperation algorithms are performing to find the final proposals for the next iteration. HPMC achieves a significant performance improvement in high-dimensional problems when compared to the state-of-the-art algorithms. We discuss the statistical properties of HPMC and show its high performance in two challenging benchmarks.
|
stat-05.zip/2412.19576.pdf
|
|
2501.00565
|
Polynomial time sampling from log-smooth distributions in fixed dimension under semi-log-concavity of the forward diffusion with application to strongly dissipative distributions
|
[
"Adrien Vacher",
"Omar Chehab",
"Anna Korba"
] |
31 Dec 2024 (<a href="https://arxiv.org/abs/2501.00565v1">v1</a>), last revised 27 Jan 2025 (this version, v2)
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Statistics Theory (math.ST)
|
https://doi.org/10.48550/arXiv.2501.00565
|
In this article, we provide a stochastic sampling algorithm with polynomial complexity in fixed dimension that leverages the recent advances on diffusion models where it is shown that under mild conditions, sampling can be achieved via an accurate estimation of intermediate scores across the marginals $(p_t)_{t\ge 0}$ of the standard Ornstein-Uhlenbeck process started at $\mu$, the density we wish to sample from. The heart of our method consists into approaching these scores via a computationally cheap estimator and relating the variance of this estimator to the smoothness properties of the forward process. Under the assumption that the density to sample from is $L$-log-smooth and that the forward process is semi-log-concave: $-\nabla^2 \log(p_t) \succeq -\beta I_d$ for some $\beta \geq 0$, we prove that our algorithm achieves an expected $\epsilon$ error in $\text{KL}$ divergence in $O(d^7(L+\beta)^2L^{d+2}\epsilon^{-2(d+3)}(d+m_2(\mu))^{2(d+1)})$ time with $m_2(\mu)$ the second order moment of $\mu$. In particular, our result allows to fully transfer the problem of sampling from a log-smooth distribution into a regularity estimate problem. As an application, we derive an exponential complexity improvement for the problem of sampling from an $L$-log-smooth distribution that is $\alpha$-strongly log-concave outside some ball of radius $R$: after proving that such distributions verify the semi-log-concavity assumption, a result which might be of independent interest, we recover a $poly(R, L, \alpha^{-1}, \epsilon^{-1})$ complexity in fixed dimension which exponentially improves upon the previously known $poly(e^{LR^2}, L,\alpha^{-1}, \log(\epsilon^{-1}))$ complexity in the low precision regime.
|
stat-05.zip/2501.00565.pdf
|
|
2409.00407
|
Response probability distribution estimation of expensive computer simulators: A Bayesian active learning perspective using Gaussian process regression
|
[
"Chao Dang",
"Marcos A. Valdebenito",
"Nataly A. Manque",
"Jun Xu",
"Matthias G.R. Faes"
] |
31 Aug 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2409.00407
|
Estimation of the response probability distributions of computer simulators in the presence of randomness is a crucial task in many fields. However, achieving this task with guaranteed accuracy remains an open computational challenge, especially for expensive-to-evaluate computer simulators. In this work, a Bayesian active learning perspective is presented to address the challenge, which is based on the use of the Gaussian process (GP) regression. First, estimation of the response probability distributions is conceptually interpreted as a Bayesian inference problem, as opposed to frequentist inference. This interpretation provides several important benefits: (1) it quantifies and propagates discretization error probabilistically; (2) it incorporates prior knowledge of the computer simulator, and (3) it enables the effective reduction of numerical uncertainty in the solution to a prescribed level. The conceptual Bayesian idea is then realized by using the GP regression, where we derive the posterior statistics of the response probability distributions in semi-analytical form and also provide a numerical solution scheme. Based on the practical Bayesian approach, a Bayesian active learning (BAL) method is further proposed for estimating the response probability distributions. In this context, the key contribution lies in the development of two crucial components for active learning, i.e., stopping criterion and learning function, by taking advantage of posterior statistics. It is empirically demonstrated by five numerical examples that the proposed BAL method can efficiently estimate the response probability distributions with desired accuracy.
|
stat-05.zip/2409.00407.pdf
|
|
2501.01376
|
Deep P-Spline: Theory, Fast Tuning, and Application
|
[
"Noah Yi-Ting Hung",
"Li-Hsiang Lin",
"Vince D. Calhoun"
] |
2 Jan 2025
|
35 pages with 3 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2501.01376
|
Deep neural networks (DNNs) have been widely applied to solve real-world regression problems. However, selecting optimal network structures remains a significant challenge. This study addresses this issue by linking neuron selection in DNNs to knot placement in basis expansion techniques. We introduce a difference penalty that automates knot selection, thereby simplifying the complexities of neuron selection. We name this method Deep P-Spline (DPS). This approach extends the class of models considered in conventional DNN modeling and forms the basis for a latent variable modeling framework using the Expectation-Conditional Maximization (ECM) algorithm for efficient network structure tuning with theoretical guarantees. From a nonparametric regression perspective, DPS is proven to overcome the curse of dimensionality, enabling the effective handling of datasets with a large number of input variable, a scenario where conventional nonparametric regression methods typically underperform. This capability motivates the application of the proposed methodology to computer experiments and image data analyses, where the associated regression problems involving numerous inputs are common. Numerical results validate the effectiveness of the model, underscoring its potential for advanced nonlinear regression tasks.
|
stat-05.zip/2501.01376.pdf
|
2409.01293
|
Extracting Signal out of Chaos: Advancements on MAGI for Bayesian Analysis of Dynamical Systems
|
[
"Skyler Wu"
] |
20 Aug 2024
|
An honors thesis presented to the Harvard University Departments of Statistics and Mathematics. Advised by Professor Samuel Kou, Department of Statistics
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Dynamical Systems (math.DS); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2409.01293
|
This work builds off the manifold-constrained Gaussian process inference (MAGI) method for Bayesian parameter inference and trajectory reconstruction of ODE-based dynamical systems, focusing primarily on sparse and noisy data conditions. First, we introduce Pilot MAGI (pMAGI), a novel methodological upgrade on the base MAGI method that confers significantly-improved numerical stability, parameter inference, and trajectory reconstruction. Second, we demonstrate, for the first time to our knowledge, how one can combine MAGI-based methods with dynamical systems theory to provide probabilistic classifications of whether a system is stable or chaotic. Third, we demonstrate how pMAGI performs favorably in many settings against much more computationally-expensive and overparameterized methods. Fourth, we introduce Pilot MAGI Sequential Prediction (PMSP), a novel method building upon pMAGI that allows one to predict the trajectory of ODE-based dynamical systems multiple time steps into the future, given only sparse and noisy observations. We show that PMSP can output accurate future predictions even on chaotic dynamical systems and significantly outperform PINN-based methods. Overall, we contribute to the literature two novel methods, pMAGI and PMSP, that serve as Bayesian, uncertainty-quantified competitors to the Physics-Informed Neural Network.
|
stat-05.zip/2409.01293.pdf
|
2409.01547
|
The R package psvmSDR: A Unified Algorithm for Sufficient Dimension Reduction via Principal Machines
|
[
"Jungmin Shin",
"Seung Jun Shin",
"Andreas Artemiou"
] |
3 Sep 2024 (<a href="https://arxiv.org/abs/2409.01547v1">v1</a>), last revised 5 Sep 2024 (this version, v2)
|
version 2.0
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2409.01547
|
Sufficient dimension reduction (SDR), which seeks a lower-dimensional subspace of the predictors containing regression or classification information has been popular in a machine learning community. In this work, we present a new R software package psvmSDR that implements a new class of SDR estimators, which we call the principal machine (PM) generalized from the principal support vector machine (PSVM). The package covers both linear and nonlinear SDR and provides a function applicable to realtime update scenarios. The package implements the descent algorithm for the PMs to efficiently compute the SDR estimators in various situations. This easy-to-use package will be an attractive alternative to the dr R package that implements classical SDR methods.
|
stat-05.zip/2409.01547.pdf
|
2501.01324
|
Fast data inversion for high-dimensional dynamical systems from noisy measurements
|
[
"Yizi Lin",
"Xubo Liu",
"Paul Segall",
"Mengyang Gu"
] |
2 Jan 2025 (<a href="https://arxiv.org/abs/2501.01324v1">v1</a>), last revised 19 Jun 2025 (this version, v3)
|
Computation (stat.CO)
|
Computation (stat.CO); Statistics Theory (math.ST); Applications (stat.AP); Methodology (stat.ME); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2501.01324
|
In this work, we develop a scalable approach for a flexible latent factor model for high-dimensional dynamical systems. Each latent factor process has its own correlation and variance parameters, and the orthogonal factor loading matrix can be either fixed or estimated. We utilize an orthogonal factor loading matrix that avoids computing the inversion of the posterior covariance matrix at each time of the Kalman filter, and derive closed-form expressions in an expectation-maximization algorithm for parameter estimation, which substantially reduces the computational complexity without approximation. Our study is motivated by inversely estimating slow slip events from geodetic data, such as continuous GPS measurements. Extensive simulated studies illustrate higher accuracy and scalability of our approach compared to alternatives. By applying our method to geodetic measurements in the Cascadia region, our estimated slip better agrees with independently measured seismic data of tremor events. The substantial acceleration from our method enables the use of massive noisy data for geological hazard quantification and other applications.
|
stat-05.zip/2501.01324.pdf
|
|
2409.01574
|
Policy Gradients for Optimal Parallel Tempering MCMC
|
[
"Daniel Zhao",
"Natesh S. Pillai"
] |
3 Sep 2024 (<a href="https://arxiv.org/abs/2409.01574v1">v1</a>), last revised 26 Dec 2024 (this version, v2)
|
12 pages, 5 figures, accepted to ICML 2024 Workshop on Structured Probabilistic Inference & Generative Modeling
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2409.01574
|
Parallel tempering is a meta-algorithm for Markov Chain Monte Carlo that uses multiple chains to sample from tempered versions of the target distribution, enhancing mixing in multi-modal distributions that are challenging for traditional methods. The effectiveness of parallel tempering is heavily influenced by the selection of chain temperatures. Here, we present an adaptive temperature selection algorithm that dynamically adjusts temperatures during sampling using a policy gradient approach. Experiments demonstrate that our method can achieve lower integrated autocorrelation times compared to traditional geometrically spaced temperatures and uniform acceptance rate schemes on benchmark distributions.
|
stat-05.zip/2409.01574.pdf
|
2501.01061
|
An Efficient Outlier Detection Algorithm for Data Streaming
|
[
"Rui Hu",
"Chen",
"Yiwei Wang"
] |
2 Jan 2025
|
12 pages, 10 figures
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (cs.LG); Applications (stat.AP)
|
https://doi.org/10.48550/arXiv.2501.01061
|
The nature of modern data is increasingly real-time, making outlier detection crucial in any data-related field, such as finance for fraud detection and healthcare for monitoring patient vitals. Traditional outlier detection methods, such as the Local Outlier Factor (LOF) algorithm, struggle with real-time data due to the need for extensive recalculations with each new data point, limiting their application in real-time environments. While the Incremental LOF (ILOF) algorithm has been developed to tackle the challenges of online anomaly detection, it remains computationally expensive when processing large streams of data points, and its detection performance may degrade after a certain threshold of points have streamed in. In this paper, we propose a novel approach to enhance the efficiency of LOF algorithms for online anomaly detection, named the Efficient Incremental LOF (EILOF) algorithm. The EILOF algorithm only computes the LOF scores of new points without altering the LOF scores of existing data points. Although exact LOF scores have not yet been computed for the existing points in the new algorithm, datasets often contain noise, and minor deviations in LOF score calculations do not necessarily degrade detection performance. In fact, such deviations can sometimes enhance outlier detection. We systematically tested this approach on both simulated and real-world datasets, demonstrating that EILOF outperforms ILOF as the volume of streaming data increases across various scenarios. The EILOF algorithm not only significantly reduces computational costs, but also systematically improves detection accuracy when the number of additional points increases compared to the ILOF algorithm.
|
stat-05.zip/2501.01061.pdf
|
2501.02390
|
Various approaches to solving nonlinear equations
|
[
"John C. Nash",
"Ravi Varadhan"
] |
4 Jan 2025
|
Computation (stat.CO)
|
Computation (stat.CO); Numerical Analysis (math.NA)
|
https://doi.org/10.48550/arXiv.2501.02390
|
Modelling real world systems frequently requires the solution of systems of nonlinear equations. A number of approaches have been suggested and developed for this computational problem. However, it is also possible to attempt solutions using more general nonlinear least squares or function minimization techniques. There are concerns, nonetheless, that we may fail to find solutions, or that the process will be inefficient. Examples are presented with R with the goal of providing guidance on the solution of nonlinear equations problems.
|
stat-05.zip/2501.02390.pdf
|
|
2412.20509
|
Stochastic gradient descent estimation of generalized matrix factorization models with application to single-cell RNA sequencing data
|
[
"Cristian Castiglione",
"Alexandre Segers",
"Lieven Clement",
"Davide Risso"
] |
29 Dec 2024
|
40 pages, 7 figures, 4 algorithms
|
Computation (stat.CO)
|
Computation (stat.CO); Machine Learning (stat.ML)
|
https://doi.org/10.48550/arXiv.2412.20509
|
Single-cell RNA sequencing allows the quantitation of gene expression at the individual cell level, enabling the study of cellular heterogeneity and gene expression dynamics. Dimensionality reduction is a common preprocessing step to simplify the visualization, clustering, and phenotypic characterization of samples. This step, often performed using principal component analysis or closely related methods, is challenging because of the size and complexity of the data. In this work, we present a generalized matrix factorization model assuming a general exponential dispersion family distribution and we show that many of the proposed approaches in the single-cell dimensionality reduction literature can be seen as special cases of this model. Furthermore, we propose a scalable adaptive stochastic gradient descent algorithm that allows us to estimate the model efficiently, enabling the analysis of millions of cells. Our contribution extends to introducing a novel warm start initialization method, designed to accelerate algorithm convergence and increase the precision of final estimates. Moreover, we discuss strategies for dealing with missing values and model selection. We benchmark the proposed algorithm through extensive numerical experiments against state-of-the-art methods and showcase its use in real-world biological applications. The proposed method systematically outperforms existing methods of both generalized and non-negative matrix factorization, demonstrating faster execution times while maintaining, or even enhancing, matrix reconstruction fidelity and accuracy in biological signal extraction. Finally, all the methods discussed here are implemented in an efficient open-source R package, sgdGMF, available at github/CristianCastiglione/sgdGMF
|
stat-05.zip/2412.20509.pdf
|
2409.03876
|
A tutorial on panel data analysis using partially observed Markov processes via the R package panelPomp
|
[
"Carles Breto",
"Jesse Wheeler",
"Aaron A. King",
"Edward L. Ionides"
] |
5 Sep 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Methodology (stat.ME)
|
https://doi.org/10.48550/arXiv.2409.03876
|
The R package panelPomp supports analysis of panel data via a general class of partially observed Markov process models (PanelPOMP). This package tutorial describes how the mathematical concept of a PanelPOMP is represented in the software and demonstrates typical use-cases of panelPomp. Monte Carlo methods used for POMP models require adaptation for PanelPOMP models due to the higher dimensionality of panel data. The package takes advantage of recent advances for PanelPOMP, including an iterated filtering algorithm, Monte Carlo adjusted profile methodology and block optimization methodology to assist with the large parameter spaces that can arise with panel models. In addition, tools for manipulation of models and data are provided that take advantage of the panel structure.
|
stat-05.zip/2409.03876.pdf
|
|
2409.03094
|
A Bayesian Optimization through Sequential Monte Carlo and Statistical Physics-Inspired Techniques
|
[
"Anton Lebedev",
"Thomas Warford",
"M. Emre Şahin"
] |
4 Sep 2024
|
8 pages, 7 figures, accepted to the International Conference on Computer Science 2023
|
Computation (stat.CO)
|
Computation (stat.CO); Distributed, Parallel, and Cluster Computing (cs.DC); Data Analysis, Statistics and Probability (physics.data-an)
|
https://doi.org/10.48550/arXiv.2409.03094
|
In this paper, we propose an approach for an application of Bayesian optimization using Sequential Monte Carlo (SMC) and concepts from the statistical physics of classical systems. Our method leverages the power of modern machine learning libraries such as NumPyro and JAX, allowing us to perform Bayesian optimization on multiple platforms, including CPUs, GPUs, TPUs, and in parallel. Our approach enables a low entry level for exploration of the methods while maintaining high performance. We present a promising direction for developing more efficient and effective techniques for a wide range of optimization problems in diverse fields.
|
stat-05.zip/2409.03094.pdf
|
2409.02353
|
Conditional logistic individual-level models of spatial infectious disease dynamics
|
[
"Tahmina Akter",
"Rob Deardon"
] |
4 Sep 2024
|
Computation (stat.CO)
|
Computation (stat.CO)
|
https://doi.org/10.48550/arXiv.2409.02353
|
Here, we introduce a novel framework for modelling the spatiotemporal dynamics of disease spread known as conditional logistic individual-level models (CL-ILM's). This framework alleviates much of the computational burden associated with traditional spatiotemporal individual-level models for epidemics, and facilitates the use of standard software for fitting logistic models when analysing spatiotemporal disease patterns. The models can be fitted in either a frequentist or Bayesian framework. Here, we apply the new spatial CL-ILM to both simulated and semi-real data from the UK 2001 foot-and-mouth disease epidemic.
|
stat-05.zip/2409.02353.pdf
|
|
2409.02399
|
Guidance for twisted particle filter: a continuous-time perspective
|
[
"Jianfeng Lu",
"Yuliang Wang"
] |
4 Sep 2024
|
Computation (stat.CO)
|
Computation (stat.CO); Optimization and Control (math.OC)
|
https://doi.org/10.48550/arXiv.2409.02399
|
The particle filter (PF), also known as the sequential Monte Carlo (SMC), is designed to approximate high-dimensional probability distributions and their normalizing constants in the discrete-time setting. To reduce the variance of the Monte Carlo approximation, several twisted particle filters (TPF) have been proposed by researchers, where one chooses or learns a twisting function that modifies the Markov transition kernel. In this paper, we study the TPF from a continuous-time perspective. Under suitable settings, we show that the discrete-time model converges to a continuous-time limit, which can be solved through a series of well-studied control-based importance sampling algorithms. This discrete-continuous connection allows the design of new TPF algorithms inspired by established continuous-time algorithms. As a concrete example, guided by existing importance sampling algorithms in the continuous-time setting, we propose a novel algorithm called ``Twisted-Path Particle Filter" (TPPF), where the twist function, parameterized by neural networks, minimizes specific KL-divergence between path measures. Some numerical experiments are given to illustrate the capability of the proposed algorithm.
|
stat-05.zip/2409.02399.pdf
|
Subsets and Splits
CS Papers Since 2025
The query filters and organizes computer science papers submitted on or after January 1, 2025, providing a structured view of their metadata, which is useful for exploring recent trends in computer science research.
CS Papers from 2013 Onwards
Retrieves detailed information about computer science papers submitted after 2013, providing insights into the volume and subjects of research over time.
Quantitative Finance Papers Query
Retrieves recent papers related to quantitative finance and trading from arXiv, providing insights into recent research trends in these fields.
Quant Finance Papers
Retrieves the latest 100 papers related to quantitative finance, trading, or algorithmic trading from the arXiv dataset, providing titles, authors, submission dates, and abstracts.
Recent ArXiv Papers Filtered
Filters and retrieves papers submitted after January 1, 2025, with submission dates in a specific format, providing a basic overview of recent submissions.
ArXiv Papers by Year 202
The query filters records based on a specific date format and year range, providing a basic subset of the data for further analysis.
Papers Submitted in 2025
Retrieves all records from the train dataset where the submission date is in the year 2025, providing a basic filter on the data.