title
stringlengths 6
244
| abstract
stringlengths 19
5.09k
| label
stringclasses 10
values |
---|---|---|
Waste-free Sequential Monte Carlo | A standard way to move particles in a SMC sampler is to apply several steps
of a MCMC (Markov chain Monte Carlo) kernel. Unfortunately, it is not clear how
many steps need to be performed for optimal performance. In addition, the
output of the intermediate steps are discarded and thus wasted somehow. We
propose a new, waste-free SMC algorithm which uses the outputs of all these
intermediate MCMC steps as particles. We establish that its output is
consistent and asymptotically normal. We use the expression of the asymptotic
variance to develop various insights on how to implement the algorithm in
practice. We develop in particular a method to estimate, from a single run of
the algorithm, the asymptotic variance of any particle estimate. We show
empirically, through a range of numerical examples, that waste-free SMC tends
to outperform standard SMC samplers, and especially so in situations where the
mixing of the considered MCMC kernels decreases across iterations (as in
tempering or rare event problems).
| stat |
Entropy methods for the confidence assessment of probabilistic
classification models | Many classification models produce a probability distribution as the outcome
of a prediction. This information is generally compressed down to the single
class with the highest associated probability. In this paper, we argue that
part of the information that is discarded in this process can be in fact used
to further evaluate the goodness of models, and in particular the confidence
with which each prediction is made. As an application of the ideas presented in
this paper, we provide a theoretical explanation of a confidence degradation
phenomenon observed in the complement approach to the (Bernoulli) Naive Bayes
generative model.
| stat |
On the complexity of logistic regression models | We investigate the complexity of logistic regression models which is defined
by counting the number of indistinguishable distributions that the model can
represent (Balasubramanian, 1997). We find that the complexity of logistic
models with binary inputs does not only depend on the number of parameters but
also on the distribution of inputs in a non-trivial way which standard
treatments of complexity do not address. In particular, we observe that
correlations among inputs induce effective dependencies among parameters thus
constraining the model and, consequently, reducing its complexity. We derive
simple relations for the upper and lower bounds of the complexity. Furthermore,
we show analytically that, defining the model parameters on a finite support
rather than the entire axis, decreases the complexity in a manner that
critically depends on the size of the domain. Based on our findings, we propose
a novel model selection criterion which takes into account the entropy of the
input distribution. We test our proposal on the problem of selecting the input
variables of a logistic regression model in a Bayesian Model Selection
framework. In our numerical tests, we find that, while the reconstruction
errors of standard model selection approaches (AIC, BIC, $\ell_1$
regularization) strongly depend on the sparsity of the ground truth, the
reconstruction error of our method is always close to the minimum in all
conditions of sparsity, data size and strength of input correlations. Finally,
we observe that, when considering categorical instead of binary inputs, in a
simple and mathematically tractable case, the contribution of the alphabet size
to the complexity is very small compared to that of parameter space dimension.
We further explore the issue by analysing the dataset of the "13 keys to the
White House" which is a method for forecasting the outcomes of US presidential
elections.
| stat |
The `how' matters: A simulation-based assessment of the potential
contributions of LFD tests for school reopening in England | During Covid-19 outbreaks, school closures are employed as part of
governments' non-pharmaceutical interventions around the world to reduce the
number of contacts and keep the reproduction number below 1. Yet, prolonged
school closures have profound negative impact on the future opportunities of
pupils, particularly from disadvantaged backgrounds, as well as additional
economic and social impacts by preventing their parents from returning to work.
Data on Covid-19 in children are sparse and policy frameworks are evolving
quickly. We compare a set of potential policies to accompany the reopening of
schools by means of an agent-based simulation tool. The policies and scenarios
we model reflect the public discussion and government guidelines in early March
2021 in England before the planned nationwide reopening of schools on the 8th
of March. A point of particular interest is the potential contribution of a
more wide-spread use of screening tests based on lateral flow devices. We
compare policies both with respect to their potential to contain new outbreaks
of Covid-19 in schools and the proportion of schooldays lost due to isolation
of pupils. We find that regular asymptomatic screening of the whole school as
an addition to a policy built around isolation of symptomatic pupils and their
closest contacts is beneficial across a wide range of scenarios, including when
screening tests with relatively low test sensitivity are used. Multiple
screening tests per week bring only small additional benefits in some
scenarios. These findings remain valid when test compliance is not enforced
although the effectiveness of outbreak control is reduced.
| stat |
Graphon Estimation from Partially Observed Network Data | We consider estimating the edge-probability matrix of a network generated
from a graphon model when the full network is not observed---only some
overlapping subgraphs are. We extend the neighbourhood smoothing (NBS)
algorithm of Zhang et al. (2017) to this missing-data set-up and show
experimentally that, for a wide range of graphons, the extended NBS algorithm
achieves significantly smaller error rates than standard graphon estimation
algorithms such as vanilla neighbourhood smoothing (NBS), universal singular
value thresholding (USVT), blockmodel approximation, matrix completion, etc. We
also show that the extended NBS algorithm is much more robust to missing data.
| stat |
Sparse Cholesky covariance parametrization for recovering latent
structure in ordered data | The sparse Cholesky parametrization of the inverse covariance matrix can be
interpreted as a Gaussian Bayesian network; however its counterpart, the
covariance Cholesky factor, has received, with few notable exceptions, little
attention so far, despite having a natural interpretation as a hidden variable
model for ordered signal data. To fill this gap, in this paper we focus on
arbitrary zero patterns in the Cholesky factor of a covariance matrix. We
discuss how these models can also be extended, in analogy with Gaussian
Bayesian networks, to data where no apparent order is available. For the
ordered scenario, we propose a novel estimation method that is based on matrix
loss penalization, as opposed to the existing regression-based approaches. The
performance of this sparse model for the Cholesky factor, together with our
novel estimator, is assessed in a simulation setting, as well as over spatial
and temporal real data where a natural ordering arises among the variables. We
give guidelines, based on the empirical results, about which of the methods
analysed is more appropriate for each setting.
| stat |
Beyond Trees: Classification with Sparse Pairwise Dependencies | Several classification methods assume that the underlying distributions
follow tree-structured graphical models. Indeed, trees capture statistical
dependencies between pairs of variables, which may be crucial to attain low
classification errors. The resulting classifier is linear in the
log-transformed univariate and bivariate densities that correspond to the tree
edges. In practice, however, observed data may not be well approximated by
trees. Yet, motivated by the importance of pairwise dependencies for accurate
classification, here we propose to approximate the optimal decision boundary by
a sparse linear combination of the univariate and bivariate log-transformed
densities. Our proposed approach is semi-parametric in nature: we
non-parametrically estimate the univariate and bivariate densities, remove
pairs of variables that are nearly independent using the Hilbert-Schmidt
independence criteria, and finally construct a linear SVM on the retained
log-transformed densities. We demonstrate using both synthetic and real data
that our resulting classifier, denoted SLB (Sparse Log-Bivariate density), is
competitive with popular classification methods.
| stat |
Contextual Multi-armed Bandit Algorithm for Semiparametric Reward Model | Contextual multi-armed bandit (MAB) algorithms have been shown promising for
maximizing cumulative rewards in sequential decision tasks such as news article
recommendation systems, web page ad placement algorithms, and mobile health.
However, most of the proposed contextual MAB algorithms assume linear
relationships between the reward and the context of the action. This paper
proposes a new contextual MAB algorithm for a relaxed, semiparametric reward
model that supports nonstationarity. The proposed method is less restrictive,
easier to implement and faster than two alternative algorithms that consider
the same model, while achieving a tight regret upper bound. We prove that the
high-probability upper bound of the regret incurred by the proposed algorithm
has the same order as the Thompson sampling algorithm for linear reward models.
The proposed and existing algorithms are evaluated via simulation and also
applied to Yahoo! news article recommendation log data.
| stat |
Ordinal Trees and Random Forests: Score-Free Recursive Partitioning and
Improved Ensembles | Existing ordinal trees and random forests typically use scores that are
assigned to the ordered categories, which implies that a higher scale level is
used. Versions of ordinal trees are proposed that take the scale level
seriously and avoid the assignment of artificial scores. The basic construction
principle is based on an investigation of the binary models that are implicitly
used in parametric ordinal regression. These building blocks can be fitted by
trees and combined in a similar way as in parametric models. The obtained trees
use the ordinal scale level only. Since binary trees and random forests are
constituent elements of the trees one can exploit the wide range of binary
trees that have already been developed. A further topic is the potentially poor
performance of random forests, which seems to have ignored in the literature.
Ensembles that include parametric models are proposed to obtain prediction
methods that tend to perform well in a wide range of settings. The performance
of the methods is evaluated empirically by using several data sets.
| stat |
Unsupervised Functional Data Analysis via Nonlinear Dimension Reduction | In recent years, manifold methods have moved into focus as tools for
dimension reduction. Assuming that the high-dimensional data actually lie on or
close to a low-dimensional nonlinear manifold, these methods have shown
convincing results in several settings. This manifold assumption is often
reasonable for functional data, i.e., data representing continuously observed
functions, as well. However, the performance of manifold methods recently
proposed for tabular or image data has not been systematically assessed in the
case of functional data yet. Moreover, it is unclear how to evaluate the
quality of learned embeddings that do not yield invertible mappings, since the
reconstruction error cannot be used as a performance measure for such
representations. In this work, we describe and investigate the specific
challenges for nonlinear dimension reduction posed by the functional data
setting. The contributions of the paper are three-fold: First of all, we define
a theoretical framework which allows to systematically assess specific
challenges that arise in the functional data context, transfer several
nonlinear dimension reduction methods for tabular and image data to functional
data, and show that manifold methods can be used successfully in this setting.
Secondly, we subject performance assessment and tuning strategies to a thorough
and systematic evaluation based on several different functional data settings
and point out some previously undescribed weaknesses and pitfalls which can
jeopardize reliable judgment of embedding quality. Thirdly, we propose a
nuanced approach to make trustworthy decisions for or against competing
nonconforming embeddings more objectively.
| stat |
MAGMA: Inference and Prediction with Multi-Task Gaussian Processes | We investigate the problem of multiple time series forecasting, with the
objective to improve multiple-step-ahead predictions. We propose a multi-task
Gaussian process framework to simultaneously model batches of individuals with
a common mean function and a specific covariance structure. This common mean is
defined as a Gaussian process for which the hyper-posterior distribution is
tractable. Therefore an EM algorithm can be derived for simultaneous
hyper-parameters optimisation and hyper-posterior computation. Unlike previous
approaches in the literature, we account for uncertainty and handle uncommon
grids of observations while maintaining explicit formulations, by modelling the
mean process in a non-parametric probabilistic framework. We also provide
predictive formulas integrating this common mean process. This approach greatly
improves the predictive performance far from observations, where information
shared across individuals provides a relevant prior mean. Our overall algorithm
is called \textsc{Magma} (standing for Multi tAsk Gaussian processes with
common MeAn), and publicly available as a R package. The quality of the mean
process estimation, predictive performances, and comparisons to alternatives
are assessed in various simulated scenarios and on real datasets.
| stat |
Differentiable Model Compression via Pseudo Quantization Noise | We propose to add independent pseudo quantization noise to model parameters
during training to approximate the effect of a quantization operator. This
method, DiffQ, is differentiable both with respect to the unquantized
parameters, and the number of bits used. Given a single hyper-parameter
expressing the desired balance between the quantized model size and accuracy,
DiffQ can optimize the number of bits used per individual weight or groups of
weights, in a single training. We experimentally verify that our method
outperforms state-of-the-art quantization techniques on several benchmarks and
architectures for image classification, language modeling, and audio source
separation. For instance, on the Wikitext-103 language modeling benchmark,
DiffQ compresses a 16 layers transformer model by a factor of 8, equivalent to
4 bits precision, while losing only 0.5 points of perplexity. Code is available
at: https://github.com/facebookresearch/diffq
| stat |
Identification of causal direct-indirect effects without untestable
assumptions | In causal mediation analysis, identification of existing causal direct or
indirect effects requires untestable assumptions in which potential outcomes
and potential mediators are independent. This paper defines a new causal direct
and indirect effect that does not require the untestable assumptions. We show
that the proposed measure is identifiable from the observed data, even if
potential outcomes and potential mediators are dependent, while the existing
natural direct or indirect effects may find a pseudo-indirect effect when the
untestable assumptions are violated.
| stat |
Plots of the cumulative differences between observed and expected values
of ordered Bernoulli variates | Many predictions are probabilistic in nature; for example, a prediction could
be for precipitation tomorrow, but with only a 30 percent chance. Given both
the predictions and the actual outcomes, "reliability diagrams" (also known as
"calibration plots") help detect and diagnose statistically significant
discrepancies between the predictions and the outcomes. The canonical
reliability diagrams are based on histogramming the observed and expected
values of the predictions; several variants of the standard reliability
diagrams propose to replace the hard histogram binning with soft kernel density
estimation using smooth convolutional kernels of widths similar to the widths
of the bins. In all cases, an important question naturally arises: which widths
are best (or are multiple plots with different widths better)? Rather than
answering this question, plots of the cumulative differences between the
observed and expected values largely avoid the question, by displaying
miscalibration directly as the slopes of secant lines for the graphs. Slope is
easy to perceive with quantitative precision even when the constant offsets of
the secant lines are irrelevant. There is no need to bin or perform kernel
density estimation with a somewhat arbitrary kernel.
| stat |
A weighted FDR procedure under discrete and heterogeneous null
distributions | Multiple testing with false discovery rate (FDR) control has been widely
conducted in the ``discrete paradigm" where p-values have discrete and
heterogeneous null distributions. However, in this scenario existing FDR
procedures often lose some power and may yield unreliable inference, and for
this scenario there does not seem to be an FDR procedure that partitions
hypotheses into groups, employs data-adaptive weights and is non-asymptotically
conservative. We propose a weighted FDR procedure for multiple testing in the
discrete paradigm that efficiently adapts to both the heterogeneity and
discreteness of p-value distributions. We theoretically justify the
non-asymptotic conservativeness of the weighted FDR procedure under
independence, and show via simulation studies that, for multiple testing based
on p-values of Binomial test or Fisher's exact test, it is more powerful than
six other procedures. The weighted FDR procedure is applied to a drug safety
study and a differential methylation study based on discrete data, where it
makes more discoveries than two existing methods.
| stat |
Randomization inference with general interference and censoring | Interference occurs between individuals when the treatment (or exposure) of
one individual affects the outcome of another individual. Previous work on
causal inference methods in the presence of interference has focused on the
setting where a priori it is assumed there is 'partial interference,' in the
sense that individuals can be partitioned into groups wherein there is no
interference between individuals in different groups. Bowers, Fredrickson, and
Panagopoulos (2012) and Bowers, Fredrickson, and Aronow (2016) consider
randomization-based inferential methods that allow for more general
interference structures in the context of randomized experiments. In this
paper, extensions of Bowers et al. which allow for failure time outcomes
subject to right censoring are proposed. Permitting right censored outcomes is
challenging because standard randomization-based tests of the null hypothesis
of no treatment effect assume that whether an individual is censored does not
depend on treatment. The proposed extension of Bowers et al. to allow for
censoring entails adapting the method of Wang, Lagakos, and Gray (2010) for two
sample survival comparisons in the presence of unequal censoring. The methods
are examined via simulation studies and utilized to assess the effects of
cholera vaccination in an individually-randomized trial of 73,000 children and
women in Matlab, Bangladesh.
| stat |
Randomized Allocation with Nonparametric Estimation for Contextual
Multi-Armed Bandits with Delayed Rewards | We study a multi-armed bandit problem with covariates in a setting where
there is a possible delay in observing the rewards. Under some mild assumptions
on the probability distributions for the delays and using an appropriate
randomization to select the arms, the proposed strategy is shown to be strongly
consistent.
| stat |
Flows for simultaneous manifold learning and density estimation | We introduce manifold-learning flows (M-flows), a new class of generative
models that simultaneously learn the data manifold as well as a tractable
probability density on that manifold. Combining aspects of normalizing flows,
GANs, autoencoders, and energy-based models, they have the potential to
represent datasets with a manifold structure more faithfully and provide
handles on dimensionality reduction, denoising, and out-of-distribution
detection. We argue why such models should not be trained by maximum likelihood
alone and present a new training algorithm that separates manifold and density
updates. In a range of experiments we demonstrate how M-flows learn the data
manifold and allow for better inference than standard flows in the ambient data
space.
| stat |
Understanding Hormonal Crosstalk in Arabidopsis Root Development via
Emulation and History Matching | A major challenge in plant developmental biology is to understand how plant
growth is coordinated by interacting hormones and genes. To meet this
challenge, it is important to not only use experimental data, but also
formulate a mathematical model. For the mathematical model to best describe the
true biological system, it is necessary to understand the parameter space of
the model, along with the links between the model, the parameter space and
experimental observations. We develop sequential history matching methodology,
using Bayesian emulation, to gain substantial insight into biological model
parameter spaces. This is achieved by finding sets of acceptable parameters in
accordance with successive sets of physical observations. These methods are
then applied to a complex hormonal crosstalk model for Arabidopsis root growth.
In this application, we demonstrate how an initial set of 22 observed trends
reduce the volume of the set of acceptable inputs to a proportion of 6.1 x
10^(-7) of the original space. Additional sets of biologically relevant
experimental data, each of size 5, reduce the size of this space by a further
three and two orders of magnitude respectively. Hence, we provide insight into
the constraints placed upon the model structure by, and the biological
consequences of, measuring subsets of observations.
| stat |
The Projected Belief Network Classfier : both Generative and
Discriminative | The projected belief network (PBN) is a layered generative network with
tractable likelihood function, and is based on a feed-forward neural network
(FF-NN). It can therefore share an embodiment with a discriminative classifier
and can inherit the best qualities of both types of network. In this paper, a
convolutional PBN is constructed that is both fully discriminative and fully
generative and is tested on spectrograms of spoken commands. It is shown that
the network displays excellent qualities from either the discriminative or
generative viewpoint. Random data synthesis and visible data reconstruction
from low-dimensional hidden variables are shown, while classifier performance
approaches that of a regularized discriminative network. Combination with a
conventional discriminative CNN is also demonstrated.
| stat |
netgwas: An R Package for Network-Based Genome-Wide Association Studies | Graphical models are powerful tools for modeling and making statistical
inferences regarding complex associations among variables in multivariate data.
In this paper we introduce the R package netgwas, which is designed based on
undirected graphical models to accomplish three important and interrelated
goals in genetics: constructing linkage map, reconstructing linkage
disequilibrium (LD) networks from multi-loci genotype data, and detecting
high-dimensional genotype-phenotype networks. The netgwas package deals with
species with any chromosome copy number in a unified way, unlike other
software. It implements recent improvements in both linkage map construction
(Behrouzi and Wit, 2018), and reconstructing conditional independence network
for non-Gaussian continuous data, discrete data, and mixed
discrete-and-continuous data (Behrouzi and Wit, 2017). Such datasets routinely
occur in genetics and genomics such as genotype data, and genotype-phenotype
data. We demonstrate the value of our package functionality by applying it to
various multivariate example datasets taken from the literature. We show, in
particular, that our package allows a more realistic analysis of data, as it
adjusts for the effect of all other variables while performing pairwise
associations. This feature controls for spurious associations between variables
that can arise from classical multiple testing approach. This paper includes a
brief overview of the statistical methods which have been implemented in the
package. The main body of the paper explains how to use the package. The
package uses a parallelization strategy on multi-core processors to speed-up
computations for large datasets. In addition, it contains several functions for
simulation and visualization. The netgwas package is freely available at
https://cran.r-project.org/web/packages/netgwas
| stat |
Contact Tracing Enhances the Efficiency of COVID-19 Group Testing | Group testing can save testing resources in the context of the ongoing
COVID-19 pandemic. In group testing, we are given $n$ samples, one per
individual, and arrange them into $m < n$ pooled samples, where each pool is
obtained by mixing a subset of the $n$ individual samples. Infected individuals
are then identified using a group testing algorithm. In this paper, we use side
information (SI) collected from contact tracing (CT) within
non-adaptive/single-stage group testing algorithms. We generate data by
incorporating CT SI and characteristics of disease spread between individuals.
These data are fed into two signal and measurement models for group testing,
where numerical results show that our algorithms provide improved sensitivity
and specificity. While Nikolopoulos et al. utilized family structure to improve
non-adaptive group testing, ours is the first work to explore and demonstrate
how CT SI can further improve group testing performance.
| stat |
Entropy Regularized Power k-Means Clustering | Despite its well-known shortcomings, $k$-means remains one of the most widely
used approaches to data clustering. Current research continues to tackle its
flaws while attempting to preserve its simplicity. Recently, the \textit{power
$k$-means} algorithm was proposed to avoid trapping in local minima by
annealing through a family of smoother surfaces. However, the approach lacks
theoretical justification and fails in high dimensions when many features are
irrelevant. This paper addresses these issues by introducing \textit{entropy
regularization} to learn feature relevance while annealing. We prove
consistency of the proposed approach and derive a scalable
majorization-minimization algorithm that enjoys closed-form updates and
convergence guarantees. In particular, our method retains the same
computational complexity of $k$-means and power $k$-means, but yields
significant improvements over both. Its merits are thoroughly assessed on a
suite of real and synthetic data experiments.
| stat |
Kernel Mean Embeddings of Von Neumann-Algebra-Valued Measures | Kernel mean embedding (KME) is a powerful tool to analyze probability
measures for data, where the measures are conventionally embedded into a
reproducing kernel Hilbert space (RKHS). In this paper, we generalize KME to
that of von Neumann-algebra-valued measures into reproducing kernel Hilbert
modules (RKHMs), which provides an inner product and distance between von
Neumann-algebra-valued measures. Von Neumann-algebra-valued measures can, for
example, encode relations between arbitrary pairs of variables in a
multivariate distribution or positive operator-valued measures for quantum
mechanics. Thus, this allows us to perform probabilistic analyses explicitly
reflected with higher-order interactions among variables, and provides a way of
applying machine learning frameworks to problems in quantum mechanics. We also
show that the injectivity of the existing KME and the universality of RKHS are
generalized to RKHM, which confirms many useful features of the existing KME
remain in our generalized KME. And, we investigate the empirical performance of
our methods using synthetic and real-world data.
| stat |
Certifying Global Optimality of Graph Cuts via Semidefinite Relaxation:
A Performance Guarantee for Spectral Clustering | Spectral clustering has become one of the most widely used clustering
techniques when the structure of the individual clusters is non-convex or
highly anisotropic. Yet, despite its immense popularity, there exists fairly
little theory about performance guarantees for spectral clustering. This issue
is partly due to the fact that spectral clustering typically involves two steps
which complicated its theoretical analysis: first, the eigenvectors of the
associated graph Laplacian are used to embed the dataset, and second, k-means
clustering algorithm is applied to the embedded dataset to get the labels. This
paper is devoted to the theoretical foundations of spectral clustering and
graph cuts. We consider a convex relaxation of graph cuts, namely ratio cuts
and normalized cuts, that makes the usual two-step approach of spectral
clustering obsolete and at the same time gives rise to a rigorous theoretical
analysis of graph cuts and spectral clustering. We derive deterministic bounds
for successful spectral clustering via a spectral proximity condition that
naturally depends on the algebraic connectivity of each cluster and the
inter-cluster connectivity. Moreover, we demonstrate by means of some popular
examples that our bounds can achieve near-optimality. Our findings are also
fundamental for the theoretical understanding of kernel k-means. Numerical
simulations confirm and complement our analysis.
| stat |
Gaussian Processes indexed on the symmetric group: prediction and
learning | In the framework of the supervised learning of a real function defined on a
space X , the so called Kriging method stands on a real Gaussian field defined
on X. The Euclidean case is well known and has been widely studied. In this
paper, we explore the less classical case where X is the non commutative finite
group of permutations. In this setting, we propose and study an harmonic
analysis of the covariance operators that enables to consider Gaussian
processes models and forecasting issues. Our theory is motivated by statistical
ranking problems.
| stat |
Causal Mediation Analysis with Hidden Confounders | An important problem in causal inference is to break down the total effect of
treatment into different causal pathways and quantify the causal effect in each
pathway. Causal mediation analysis (CMA) is a formal statistical approach for
identifying and estimating these causal effects. Central to CMA is the
sequential ignorability assumption that implies all pre-treatment confounders
are measured and they can capture different types of confounding, e.g.,
post-treatment confounders and hidden confounders. Typically unverifiable in
observational studies, this assumption restrains both the coverage and
practicality of conventional methods. This work, therefore, aims to circumvent
the stringent assumption by following a causal graph with a unified confounder
and its proxy variables. Our core contribution is an algorithm that combines
deep latent-variable models and proxy strategy to jointly infer a unified
surrogate confounder and estimate different causal effects in CMA from observed
variables. Empirical evaluations using both synthetic and semi-synthetic
datasets validate the effectiveness of the proposed method.
| stat |
On Unbiased Estimation for Discretized Models | In this article, we consider computing expectations w.r.t. probability
measures which are subject to discretization error. Examples include partially
observed diffusion processes or inverse problems, where one may have to
discretize time and/or space, in order to practically work with the probability
of interest. Given access only to these discretizations, we consider the
construction of unbiased Monte Carlo estimators of expectations w.r.t. such
target probability distributions. It is shown how to obtain such estimators
using a novel adaptation of randomization schemes and Markov simulation
methods. Under appropriate assumptions, these estimators possess finite
variance and finite expected cost. There are two important consequences of this
approach: (i) unbiased inference is achieved at the canonical complexity rate,
and (ii) the resulting estimators can be generated independently, thereby
allowing strong scaling to arbitrarily many parallel processors. Several
algorithms are presented, and applied to some examples of Bayesian inference
problems, with both simulated and real observed data.
| stat |
Lasso ANOVA Decompositions for Matrix and Tensor Data | Consider the problem of estimating the entries of an unknown mean matrix or
tensor given a single noisy realization. In the matrix case, this problem can
be addressed by decomposing the mean matrix into a component that is additive
in the rows and columns, i.e.\ the additive ANOVA decomposition of the mean
matrix, plus a matrix of elementwise effects, and assuming that the elementwise
effects may be sparse. Accordingly, the mean matrix can be estimated by solving
a penalized regression problem, applying a lasso penalty to the elementwise
effects. Although solving this penalized regression problem is straightforward,
specifying appropriate values of the penalty parameters is not. Leveraging the
posterior mode interpretation of the penalized regression problem, moment-based
empirical Bayes estimators of the penalty parameters can be defined. Estimation
of the mean matrix using these these moment-based empirical Bayes estimators
can be called LANOVA penalization, and the corresponding estimate of the mean
matrix can be called the LANOVA estimate. The empirical Bayes estimators are
shown to be consistent. Additionally, LANOVA penalization is extended to
accommodate sparsity of row and column effects and to estimate an unknown mean
tensor. The behavior of the LANOVA estimate is examined under misspecification
of the distribution of the elementwise effects, and LANOVA penalization is
applied to several datasets, including a matrix of microarray data, a three-way
tensor of fMRI data and a three-way tensor of wheat infection data.
| stat |
Structure Learning from Related Data Sets with a Hierarchical Bayesian
Score | Score functions for learning the structure of Bayesian networks in the
literature assume that data are a homogeneous set of observations; whereas it
is often the case that they comprise different related, but not homogeneous,
data sets collected in different ways. In this paper we propose a new Bayesian
Dirichlet score, which we call Bayesian Hierarchical Dirichlet (BHD). The
proposed score is based on a hierarchical model that pools information across
data sets to learn a single encompassing network structure, while taking into
account the differences in their probabilistic structures. We derive a
closed-form expression for BHD using a variational approximation of the
marginal likelihood and we study its performance using simulated data. We find
that, when data comprise multiple related data sets, BHD outperforms the
Bayesian Dirichlet equivalent uniform (BDeu) score in terms of reconstruction
accuracy as measured by the Structural Hamming distance, and that it is as
accurate as BDeu when data are homogeneous. Moreover, the estimated networks
are sparser and therefore more interpretable than those obtained with BDeu,
thanks to a lower number of false positive arcs.
| stat |
Density Estimation via Bayesian Inference Engines | We explain how effective automatic probability density function estimates can
be constructed using contemporary Bayesian inference engines such as those
based on no-U-turn sampling and expectation propagation. Extensive simulation
studies demonstrate that the proposed density estimates have excellent
comparative performance and scale well to very large sample sizes due a binning
strategy. Moreover, the approach is fully Bayesian and all estimates are
accompanied by pointwise credible intervals. An accompanying package in the R
language facilitates easy use of the new density estimates.
| stat |
Domain Adaptive Transfer Learning for Fault Diagnosis | Thanks to digitization of industrial assets in fleets, the ambitious goal of
transferring fault diagnosis models fromone machine to the other has raised
great interest. Solving these domain adaptive transfer learning tasks has the
potential to save large efforts on manually labeling data and modifying models
for new machines in the same fleet. Although data-driven methods have shown
great potential in fault diagnosis applications, their ability to generalize on
new machines and new working conditions are limited because of their tendency
to overfit to the training set in reality. One promising solution to this
problem is to use domain adaptation techniques. It aims to improve model
performance on the target new machine. Inspired by its successful
implementation in computer vision, we introduced Domain-Adversarial Neural
Networks (DANN) to our context, along with two other popular methods existing
in previous fault diagnosis research. We then carefully justify the
applicability of these methods in realistic fault diagnosis settings, and offer
a unified experimental protocol for a fair comparison between domain adaptation
methods for fault diagnosis problems.
| stat |
Hierarchical Multidimensional Scaling for the Comparison of Musical
Performance Styles | Quantification of stylistic differences between musical artists is of
academic interest to the music community, and is also useful for other
applications such as music information retrieval and recommendation systems.
Information about stylistic differences can be obtained by comparing the
performances of different artists across common musical pieces. In this
article, we develop a statistical methodology for identifying and quantifying
systematic stylistic differences among artists that are consistent across audio
recordings of a common set of pieces, in terms of several musical features. Our
focus is on a comparison of ten different orchestras, based on data from audio
recordings of the nine Beethoven symphonies. As generative or fully parametric
models of raw audio data can be highly complex, and more complex than necessary
for our goal of identifying differences between orchestras, we propose to
reduce the data from a set of audio recordings down to pairwise distances
between orchestras, based on different musical characteristics of the
recordings, such as tempo, dynamics, and timbre. For each of these
characteristics, we obtain multiple pairwise distance matrices, one for each
movement of each symphony. We develop a hierarchical multidimensional scaling
(HMDS) model to identify and quantify systematic differences between orchestras
in terms of these three musical characteristics, and interpret the results in
the context of known qualitative information about the orchestras. This
methodology is able to recover several expected systematic similarities between
orchestras, as well as to identify some more novel results. For example, we
find that modern recordings exhibit a high degree of similarity to each other,
as compared to older recordings.
| stat |
Structure Adaptive Lasso | Lasso is of fundamental importance in high-dimensional statistics and has
been routinely used to regress a response on a high-dimensional set of
predictors. In many scientific applications, there exists external information
that encodes the predictive power and sparsity structure of the predictors. In
this article, we develop a new method, called the Structure Adaptive Lasso
(SA-Lasso), to incorporate these potentially useful side information into a
penalized regression. The basic idea is to translate the external information
into different penalization strengths for the regression coefficients. We study
the risk properties of the resulting estimator. In particular, we generalize
the state evolution framework recently introduced for the analysis of the
approximate message-passing algorithm to the SA-Lasso setting. We show that the
finite sample risk of the SA-Lasso estimator is consistent with the theoretical
risk predicted by the state evolution equation. Our theory suggests that the
SA-Lasso with an informative group or covariate structure can significantly
outperform the Lasso, Adaptive Lasso, and Sparse Group Lasso. This evidence is
further confirmed in our numerical studies. We also demonstrate the usefulness
and the superiority of our method in a real data application.
| stat |
Similarity of multiple dose-response curves in interlaboratory studies
in regulatory toxicology | To claim similarity of multiple dose-response curves in interlaboratory
studies in regulatory toxicology is a relevant issue during the assay
validation process. Here we demonstrated the use of dose-by-laboratory
interaction contrasts, particularly Williams-type by total mean contrasts. With
the CRAN packages statint and multcomp in the open-source software R the
estimation of adjusted p-values or compatible simultaneous confidence intervals
is relatively easy. The interpretation in terms of global or partial
equivalence, i.e. similarity, is challenging, because thresholds are not
available a-priori. This approach is demonstrated by selected in-vitro Ames MPF
assay data.
| stat |
Estimating the number of communities by Stepwise Goodness-of-fit | Given a symmetric network with $n$ nodes, how to estimate the number of
communities $K$ is a fundamental problem. We propose Stepwise Goodness-of-Fit
(StGoF) as a new approach to estimating $K$. For $m = 1, 2, \ldots$, StGoF
alternately uses a community detection step (pretending $m$ is the correct
number of communities) and a goodness-of-fit step. We use SCORE \cite{SCORE}
for community detection, and propose a new goodness-of-fit measure. Denote the
goodness-of-fit statistic in step $m$ by $\psi_n^{(m)}$. We show that as $n
\rightarrow \infty$, $\psi_n^{(m)} \rightarrow N(0,1)$ when $m = K$ and
$\psi_n^{(m)} \rightarrow \infty$ in probability when $m < K$. Therefore, with
a proper threshold, StGoF terminates at $m = K$ as desired.
We consider a broad setting where we allow severe degree heterogeneity, a
wide range of sparsity, and especially weak signals. In particular, we propose
a measure for signal-to-noise ratio (SNR) and show that there is a phase
transition: when $\mathrm{SNR} \rightarrow 0$ as $n \rightarrow \infty$,
consistent estimates for $K$ do not exist, and when $\mathrm{SNR} \rightarrow
\infty$, StGoF is consistent, uniformly for a broad class of settings. In this
sense, StGoF achieves the optimal phase transition. Stepwise testing algorithms
of similar kind (e.g., \cite{wang2017likelihood, ma2018determining}) are known
to face analytical challenges. We overcome the challenges by using a different
design in the stepwise algorithm and by deriving sharp results in the
under-fitting case $(m < K)$ and the null case ($m = K$). The key to our
analysis is to show that SCORE has the {\it Non-Splitting Property (NSP)}. The
NSP is non-obvious, so additional to rigorous proofs, we also provide an
intuitive explanation.
| stat |
On a generalised form of subjective probability | This paper is motivated by the questions of how to give the concept of
probability an adequate real-world meaning, and how to explain a certain type
of phenomenon that can be found, for instance, in Ellsberg's paradox. It
attempts to answer these questions by constructing an alternative theory to one
that was proposed in earlier papers on the basis of various important
criticisms that were raised against this earlier theory. The conceptual
principles of the corresponding definition of probability are laid out and
explained in detail. In particular, what is required to fully specify a
probability distribution under this definition is not just the distribution
function of the variable concerned, but also an assessment of the internal
and/or the external strength of this function relative to other distribution
functions of interest. This way of defining probability is applied to various
examples and problems including, perhaps most notably, to a long-running
controversy concerning the distinction between Bayesian and fiducial inference.
The characteristics of this definition of probability are carefully evaluated
in terms of the issues that it sets out to address.
| stat |
Learning search spaces for Bayesian optimization: Another view of
hyperparameter transfer learning | Bayesian optimization (BO) is a successful methodology to optimize black-box
functions that are expensive to evaluate. While traditional methods optimize
each black-box function in isolation, there has been recent interest in
speeding up BO by transferring knowledge across multiple related black-box
functions. In this work, we introduce a method to automatically design the BO
search space by relying on evaluations of previous black-box functions. We
depart from the common practice of defining a set of arbitrary search ranges a
priori by considering search space geometries that are learned from historical
data. This simple, yet effective strategy can be used to endow many existing BO
methods with transfer learning properties. Despite its simplicity, we show that
our approach considerably boosts BO by reducing the size of the search space,
thus accelerating the optimization of a variety of black-box optimization
problems. In particular, the proposed approach combined with random search
results in a parameter-free, easy-to-implement, robust hyperparameter
optimization strategy. We hope it will constitute a natural baseline for
further research attempting to warm-start BO.
| stat |
Batched Multi-armed Bandits Problem | In this paper, we study the multi-armed bandit problem in the batched setting
where the employed policy must split data into a small number of batches. While
the minimax regret for the two-armed stochastic bandits has been completely
characterized in \cite{perchet2016batched}, the effect of the number of arms on
the regret for the multi-armed case is still open. Moreover, the question
whether adaptively chosen batch sizes will help to reduce the regret also
remains underexplored. In this paper, we propose the BaSE (batched successive
elimination) policy to achieve the rate-optimal regrets (within logarithmic
factors) for batched multi-armed bandits, with matching lower bounds even if
the batch sizes are determined in an adaptive manner.
| stat |
A multistate approach for mediation analysis in the presence of
semi-competing risks with application in cancer survival disparities | We propose a novel methodology to quantify the effect of stochastic
interventions on non-terminal time-to-events that lie on the pathway between an
exposure and a terminal time-to-event outcome. Investigating these effects is
particularly important in health disparities research when we seek to quantify
inequities in timely delivery of treatment and its impact on patients survival
time. Current approaches fail to account for semi-competing risks arising in
this setting. Under the potential outcome framework, we define and provide
identifiability conditions for causal estimands for stochastic direct and
indirect effects. Causal contrasts are estimated in continuous time within a
multistate modeling framework and analytic formulae for the estimators of the
causal contrasts are developed. We show via simulations that ignoring censoring
in mediator and or outcome time-to-event processes, or ignoring competing risks
may give misleading results. This work demonstrates that rigorous definition of
the direct and indirect effects and joint estimation of the outcome and
mediator time-to-event distributions in the presence of semi-competing risks
are crucial for valid investigation of mechanisms in continuous time. We employ
this novel methodology to investigate the role of delaying treatment uptake in
explaining racial disparities in cancer survival in a cohort study of colon
cancer patients.
| stat |
Model-based bias correction for short AR(1) and AR(2) processes | The class of autoregressive (AR) processes is extensively used to model
temporal dependence in observed time series. Such models are easily available
and routinely fitted using freely available statistical software like R. A
potential caveat in analyzing short time series is that commonly applied
estimators for the coefficients of AR processes are severely biased. This paper
suggests a model-based approach for bias correction of well-known estimators
for the coefficients of first and second-order stationary AR processes, taking
the sampling distribution of the original estimator into account. This is
achieved by modeling the relationship between the true and estimated AR
coefficients using weighted orthogonal polynomial regression, fitted to a huge
number of simulations. The finite-sample distributions of the new estimators
are approximated using transformations of skew-normal densities and their
properties are demonstrated by simulations and in the analysis of a real
ecological data set. The new estimators are easily available in our
accompanying R-package ARbiascorrect for time series of length n = 10, 11, ...
, 50, where original estimates are found using exact or conditional maximum
likelihood, Burg's method or the Yule-Walker equations.
| stat |
A History Matching Approach for Calibrating Hydrological Models | Calibration of hydrological time-series models is a challenging task since
these models give a wide spectrum of output series and calibration procedures
require significant amount of time. From a statistical standpoint, this model
parameter estimation problem simplifies to finding an inverse solution of a
computer model that generates pre-specified time-series output (i.e., realistic
output series). In this paper, we propose a modified history matching approach
for calibrating the time-series rainfall-runoff models with respect to the real
data collected from the state of Georgia, USA. We present the methodology and
illustrate the application of the algorithm by carrying a simulation study and
the two case studies. Several goodness-of-fit statistics were calculated to
assess the model performance. The results showed that the proposed history
matching algorithm led to a significant improvement, of 30% and 14% (in terms
of root mean squared error) and 26% and 118% (in terms of peak percent
threshold statistics), for the two case-studies with Matlab-Simulink and SWAT
models, respectively.
| stat |
Unfolding by Folding: a resampling approach to the problem of matrix
inversion without actually inverting any matrix | Matrix inversion problems are often encountered in experimental physics, and
in particular in high-energy particle physics, under the name of unfolding. The
true spectrum of a physical quantity is deformed by the presence of a detector,
resulting in an observed spectrum. If we discretize both the true and observed
spectra into histograms, we can model the detector response via a matrix.
Inferring a true spectrum starting from an observed spectrum requires therefore
inverting the response matrix. Many methods exist in literature for this task,
all starting from the observed spectrum and using a simulated true spectrum as
a guide to obtain a meaningful solution in cases where the response matrix is
not easily invertible.
In this Manuscript, I take a different approach to the unfolding problem.
Rather than inverting the response matrix and transforming the observed
distribution into the most likely parent distribution in generator space, I
sample many distributions in generator space, fold them through the original
response matrix, and pick the generator-level distribution that yields the
folded distribution closest to the data distribution. Regularization schemes
can be introduced to treat the case where non-diagonal response matrices result
in high-frequency oscillations of the solution in true space, and the
introduced bias is studied.
The algorithm performs as well as traditional unfolding algorithms in cases
where the inverse problem is well-defined in terms of the discretization of the
true and smeared space, and outperforms them in cases where the inverse problem
is ill-defined---when the number of truth-space bins is larger than that of
smeared-space bins. These advantages stem from the fact that the algorithm does
not technically invert any matrix and uses only the data distribution as a
guide to choose the best solution.
| stat |
Non-linear aggregation of filters to improve image denoising | We introduce a novel aggregation method to efficiently perform image
denoising. Preliminary filters are aggregated in a non-linear fashion, using a
new metric of pixel proximity based on how the pool of filters reaches a
consensus. We provide a theoretical bound to support our aggregation scheme,
its numerical performance is illustrated and we show that the aggregate
significantly outperforms each of the preliminary filters.
| stat |
Efficient Detection Of Infected Individuals using Two Stage Testing | Group testing is an efficient method for testing a large population to detect
infected individuals. In this paper, we consider an efficient adaptive two
stage group testing scheme. Using a straightforward analysis, we characterize
the efficiency of several two stage group testing algorithms. We determine how
to pick the parameters of the tests optimally for three schemes with different
types of randomization, and show that the performance of two stage testing
depends on the type of randomization employed. Seemingly similar randomization
procedures lead to different expected number of tests to detect all infected
individuals, we determine what kinds of randomization are necessary to achieve
optimal performance. We further show that in the optimal setting, our testing
scheme is robust to errors in the input parameters.
| stat |
Bayesian leveraging of historical control data for a clinical trial with
time-to-event endpoint | The recent 21st Century Cures Act propagates innovations to accelerate the
discovery, development, and delivery of 21st century cures. It includes the
broader application of Bayesian statistics and the use of evidence from
clinical expertise. An example of the latter is the use of trial-external (or
historical) data, which promises more efficient or ethical trial designs. We
propose a Bayesian meta-analytic approach to leveraging historical data for
time-to-event endpoints, which are common in oncology and cardiovascular
diseases. The approach is based on a robust hierarchical model for piecewise
exponential data. It allows for various degrees of between trial-heterogeneity
and for leveraging individual as well as aggregate data. An ovarian carcinoma
trial and a non-small-cell cancer trial illustrate methodological and practical
aspects of leveraging historical data for the analysis and design of
time-to-event trials.
| stat |
A unified view on Bayesian varying coefficient models | Varying coefficient models are useful in applications where the effect of the
covariate might depend on some other covariate such as time or location.
Various applications of these models often give rise to case-specific prior
distributions for the parameter(s) describing how much the coefficients vary.
In this work, we introduce a unified view of varying coefficients models,
arguing for a way of specifying these prior distributions that are coherent
across various applications, avoid overfitting and have a coherent
interpretation. We do this by considering varying coefficients models as a
flexible extension of the natural simpler model and capitalising on the
recently proposed framework of penalized complexity (PC) priors. We illustrate
our approach in two spatial examples where varying coefficient models are
relevant.
| stat |
Parametric Modeling of Quantile Regression Coefficient Functions with
Longitudinal Data | In ordinary quantile regression, quantiles of different order are estimated
one at a time. An alternative approach, which is referred to as quantile
regression coefficients modeling (QRCM), is to model quantile regression
coefficients as parametric functions of the order of the quantile. In this
paper, we describe how the QRCM paradigm can be applied to longitudinal data.
We introduce a two-level quantile function, in which two different quantile
regression models are used to describe the (conditional) distribution of the
within-subject response and that of the individual effects. We propose a novel
type of penalized fixed-effects estimator, and discuss its advantages over
standard methods based on $\ell_1$ and $\ell_2$ penalization. We provide model
identifiability conditions, derive asymptotic properties, describe
goodness-of-fit measures and model selection criteria, present simulation
results, and discuss an application. The proposed method has been implemented
in the R package qrcm.
| stat |
Expanding the scope of statistical computing: Training statisticians to
be software engineers | Traditionally, statistical computing courses have taught the syntax of a
particular programming language or specific statistical computation methods.
Since the publication of Nolan and Temple Lang (2010), we have seen a greater
emphasis on data wrangling, reproducible research, and visualization. This
shift better prepares students for careers working with complex datasets and
producing analyses for multiple audiences. But, we argue, statisticians are now
often called upon to develop statistical software, not just analyses, such as R
packages implementing new analysis methods or machine learning systems
integrated into commercial products. This demands different skills.
We describe a graduate course that we developed to meet this need by focusing
on four themes: programming practices; software design; important algorithms
and data structures; and essential tools and methods. Through code review and
revision, and a semester-long software project, students practice all the
skills of software engineering. The course allows students to expand their
understanding of computing as applied to statistical problems while building
expertise in the kind of software development that is increasingly the province
of the working statistician. We see this as a model for the future evolution of
the computing curriculum in statistics and data science.
| stat |
Conjugate Bayesian Unit-level Modeling of Count Data Under Informative
Sampling Designs | Unit-level models for survey data offer many advantages over their area-level
counterparts, such as potential for more precise estimates and a natural
benchmarking property. However two main challenges occur in this context:
accounting for an informative survey design and handling non-Gaussian data
types. The pseudo-likelihood approach is one solution to the former, and
conjugate multivariate distribution theory offers a solution to the latter. By
combining these approaches, we attain a unit-level model for count data that
accounts for informative sampling designs and includes fully Bayesian model
uncertainty propagation. Importantly, conjugate full conditional distributions
hold under the pseudo-likelihood, yielding an extremely computationally
efficient approach. Our method is illustrated via an empirical simulation study
using count data from the American Community Survey public-use microdata
sample.
| stat |
The Early Roots of Statistical Learning in the Psychometric Literature:
A review and two new results | Machine and Statistical learning techniques become more and more important
for the analysis of psychological data. Four core concepts of machine learning
are the bias variance trade-off, cross-validation, regularization, and basis
expansion. We present some early psychometric papers, from almost a century
ago, that dealt with cross-validation and regularization. From this review it
is safe to conclude that the origins of these lie partly in the field of
psychometrics. From our historical review, two new ideas arose which we
investigated further: The first is about the relationship between reliability
and predictive validity; the second is whether optimal regression weights
should be estimated by regularizing their values towards equality or shrinking
their values towards zero. In a simulation study we show that the reliability
of a test score does not influence the predictive validity as much as is
usually written in psychometric textbooks. Using an empirical example we show
that regularization towards equal regression coefficients is beneficial in
terms of prediction error.
| stat |
Hierarchical Bayesian state-space modeling of age- and sex-structured
wildlife population dynamics | Biodiversity is declining at alarming rates worldwide, including for large
wild mammals. It is therefore imperative to develop effective population
conservation and recovery strategies. Population dynamics models can provide
insights into processes driving declines of particular populations of a species
and their relative importance. We develop an integrated Bayesian state-space
population dynamics model for wildlife populations and illustrate it using a
topi population inhabiting the Masai Mara Ecosystem in Kenya. The model is
general and integrates ground demographic survey with aerial survey monitoring
data. It incorporates population age- and sex-structure and life-history traits
and relates birth rates, age-specific survival rates and sex ratio with
meteorological covariates, prior population density, environmental seasonality
and predation risk. The model runs on a monthly time step, enabling accurate
characterization of reproductive seasonality, phenology, synchrony and
prolificacy of births and juvenile recruitment. Model performance is evaluated
using balanced bootstrap sampling and comparing predictions with aerial
population size estimates. The model is implemented using MCMC methods and
reproduces several well-known features of the Mara topi population, including
striking and persistent population decline, seasonality of births and juvenile
recruitment. It can be readily adapted for other wildlife species and extended
to incorporate several additional useful features.
| stat |
Assessing Treatment Effect Variation in Observational Studies: Results
from a Data Challenge | A growing number of methods aim to assess the challenging question of
treatment effect variation in observational studies. This special section of
"Observational Studies" reports the results of a workshop conducted at the 2018
Atlantic Causal Inference Conference designed to understand the similarities
and differences across these methods. We invited eight groups of researchers to
analyze a synthetic observational data set that was generated using a recent
large-scale randomized trial in education. Overall, participants employed a
diverse set of methods, ranging from matching and flexible outcome modeling to
semiparametric estimation and ensemble approaches. While there was broad
consensus on the topline estimate, there were also large differences in
estimated treatment effect moderation. This highlights the fact that estimating
varying treatment effects in observational studies is often more challenging
than estimating the average treatment effect alone. We suggest several
directions for future work arising from this workshop.
| stat |
Bayesian Mean-parameterized Nonnegative Binary Matrix Factorization | Binary data matrices can represent many types of data such as social
networks, votes, or gene expression. In some cases, the analysis of binary
matrices can be tackled with nonnegative matrix factorization (NMF), where the
observed data matrix is approximated by the product of two smaller nonnegative
matrices. In this context, probabilistic NMF assumes a generative model where
the data is usually Bernoulli-distributed. Often, a link function is used to
map the factorization to the $[0,1]$ range, ensuring a valid Bernoulli mean
parameter. However, link functions have the potential disadvantage to lead to
uninterpretable models. Mean-parameterized NMF, on the contrary, overcomes this
problem. We propose a unified framework for Bayesian mean-parameterized
nonnegative binary matrix factorization models (NBMF). We analyze three models
which correspond to three possible constraints that respect the
mean-parametrization without the need for link functions. Furthermore, we
derive a novel collapsed Gibbs sampler and a collapsed variational algorithm to
infer the posterior distribution of the factors. Next, we extend the proposed
models to a nonparametric setting where the number of used latent dimensions is
automatically driven by the observed data. We analyze the performance of our
NBMF methods in multiple datasets for different tasks such as dictionary
learning and prediction of missing data. Experiments show that our methods
provide similar or superior results than the state of the art, while
automatically detecting the number of relevant components.
| stat |
Inference for natural mediation effects under case-cohort sampling with
applications in identifying COVID-19 vaccine correlates of protection | Combating the SARS-CoV2 pandemic will require the fast development of
effective preventive vaccines. Regulatory agencies may open accelerated
approval pathways for vaccines if an immunological marker can be established as
a mediator of a vaccine's protection. A rich source of information for
identifying such correlates are large-scale efficacy trials of COVID-19
vaccines, where immune responses are measured subject to a case-cohort sampling
design. We propose two approaches to estimation of mediation parameters in the
context of case-cohort sampling designs. We establish the theoretical
large-sample efficiency of our proposed estimators and evaluate them in a
realistic simulation to understand whether they can be employed in the analysis
of COVID-19 vaccine efficacy trials.
| stat |
Conformal Prediction Under Covariate Shift | We extend conformal prediction methodology beyond the case of exchangeable
data. In particular, we show that a weighted version of conformal prediction
can be used to compute distribution-free prediction intervals for problems in
which the test and training covariate distributions differ, but the likelihood
ratio between these two distributions is known---or, in practice, can be
estimated accurately with access to a large set of unlabeled data (test
covariate points). Our weighted extension of conformal prediction also applies
more generally, to settings in which the data satisfies a certain weighted
notion of exchangeability. We discuss other potential applications of our new
conformal methodology, including latent variable and missing data problems.
| stat |
Two Robust Tools for Inference about Causal Effects with Invalid
Instruments | Instrumental variables have been widely used to estimate the causal effect of
a treatment on an outcome. Existing confidence intervals for causal effects
based on instrumental variables assume that all of the putative instrumental
variables are valid; a valid instrumental variable is a variable that affects
the outcome only by affecting the treatment and is not related to unmeasured
confounders. However, in practice, some of the putative instrumental variables
are likely to be invalid. This paper presents two tools to conduct valid
inference and tests in the presence of invalid instruments. First, we propose a
simple and general approach to construct confidence intervals based on taking
unions of well-known confidence intervals. Second, we propose a novel test for
the null causal effect based on a collider bias. Our two proposals, especially
when fused together, outperform traditional instrumental variable confidence
intervals when invalid instruments are present, and can also be used as a
sensitivity analysis when there is concern that instrumental variables
assumptions are violated. The new approach is applied to a Mendelian
randomization study on the causal effect of low-density lipoprotein on the
incidence of cardiovascular diseases.
| stat |
Semblance: A Rank-Based Kernel on Probability Spaces for Niche Detection | In data science, determining proximity between observations is critical to
many downstream analyses such as clustering, information retrieval and
classification. However, when the underlying structure of the data probability
space is unclear, the function used to compute similarity between data points
is often arbitrarily chosen. Here, we present a novel concept of proximity,
Semblance, that uses the empirical distribution across all observations to
inform the similarity between each pair. The advantage of Semblance lies in its
distribution free formulation and its ability to detect niche features by
placing greater emphasis on similarity between observation pairs that fall at
the outskirts of the data distribution, as opposed to those that fall towards
the center. We prove that Semblance is a valid Mercer kernel, thus allowing its
principled use in kernel based learning machines. Semblance can be applied to
any data modality, and we demonstrate its consistently improved performance
against conventional methods through simulations and three real case studies
from very different applications, viz. cell type classification using single
cell RNA sequencing, selecting predictors of positive return on real estate
investments, and image compression.
| stat |
Max-Affine Regression: Provable, Tractable, and Near-Optimal Statistical
Estimation | Max-affine regression refers to a model where the unknown regression function
is modeled as a maximum of $k$ unknown affine functions for a fixed $k \geq 1$.
This generalizes linear regression and (real) phase retrieval, and is closely
related to convex regression. Working within a non-asymptotic framework, we
study this problem in the high-dimensional setting assuming that $k$ is a fixed
constant, and focus on estimation of the unknown coefficients of the affine
functions underlying the model. We analyze a natural alternating minimization
(AM) algorithm for the non-convex least squares objective when the design is
random. We show that the AM algorithm, when initialized suitably, converges
with high probability and at a geometric rate to a small ball around the
optimal coefficients. In order to initialize the algorithm, we propose and
analyze a combination of a spectral method and a random search scheme in a
low-dimensional space, which may be of independent interest. The final rate
that we obtain is near-parametric and minimax optimal (up to a poly-logarithmic
factor) as a function of the dimension, sample size, and noise variance. In
that sense, our approach should be viewed as a direct and implementable method
of enforcing regularization to alleviate the curse of dimensionality in
problems of the convex regression type. As a by-product of our analysis, we
also obtain guarantees on a classical algorithm for the phase retrieval problem
under considerably weaker assumptions on the design distribution than was
previously known. Numerical experiments illustrate the sharpness of our bounds
in the various problem parameters.
| stat |
Spherical data handling and analysis with R package rcosmo | The R package rcosmo was developed for handling and analysing Hierarchical
Equal Area isoLatitude Pixelation(HEALPix) and Cosmic Microwave Background(CMB)
radiation data. It has more than 100 functions. rcosmo was initially developed
for CMB, but also can be used for other spherical data. This paper discusses
transformations into rcosmo formats and handling of three types of non-CMB
data: continuous geographic, point pattern and star-shaped. For each type of
data we provide a brief description of the corresponding statistical model,
data example and ready-to-use R code. Some statistical functionality of rcosmo
is demonstrated for the example data converted into the HEALPix format. The
paper can serve as the first practical guideline to transforming data into the
HEALPix format and statistical analysis with rcosmo for geo-statisticians, GIS
and R users and researches dealing with spherical data in non-HEALPix formats.
| stat |
Detecting Suspected Epidemic Cases Using Trajectory Big Data | Emerging infectious diseases are existential threats to human health and
global stability. The recent outbreaks of the novel coronavirus COVID-19 have
rapidly formed a global pandemic, causing hundreds of thousands of infections
and huge economic loss. The WHO declares that more precise measures to track,
detect and isolate infected people are among the most effective means to
quickly contain the outbreak. Based on trajectory provided by the big data and
the mean field theory, we establish an aggregated risk mean field that contains
information of all risk-spreading particles by proposing a spatio-temporal
model named HiRES risk map. It has dynamic fine spatial resolution and high
computation efficiency enabling fast update. We then propose an objective
individual epidemic risk scoring model named HiRES-p based on HiRES risk maps,
and use it to develop statistical inference and machine learning methods for
detecting suspected epidemic-infected individuals. We conduct numerical
experiments by applying the proposed methods to study the early outbreak of
COVID-19 in China. Results show that the HiRES risk map has strong ability in
capturing global trend and local variability of the epidemic risk, thus can be
applied to monitor epidemic risk at country, province, city and community
levels, as well as at specific high-risk locations such as hospital and
station. HiRES-p score seems to be an effective measurement of personal
epidemic risk. The accuracy of both detecting methods are above 90\% when the
population infection rate is under 20\%, which indicates great application
potential in epidemic risk prevention and control practice.
| stat |
Computer Algebra in R with caracas | The capability of R to do symbolic mathematics is enhanced by the caracas
package. This package uses the Python computer algebra library SymPy as a
back-end but caracas is tightly integrated in the R environment, thereby
enabling the R user with symbolic mathematics within R. Key components of the
caracas package are illustrated in this paper. Examples are taken from
statistics and mathematics. The caracas package integrates well with e.g.
Rmarkdown, and as such creation of scientific reports and teaching is
supported.
| stat |
Few-shot Learning for Spatial Regression | We propose a few-shot learning method for spatial regression. Although
Gaussian processes (GPs) have been successfully used for spatial regression,
they require many observations in the target task to achieve a high predictive
performance. Our model is trained using spatial datasets on various attributes
in various regions, and predicts values on unseen attributes in unseen regions
given a few observed data. With our model, a task representation is inferred
from given small data using a neural network. Then, spatial values are
predicted by neural networks with a GP framework, in which task-specific
properties are controlled by the task representations. The GP framework allows
us to analytically obtain predictions that are adapted to small data. By using
the adapted predictions in the objective function, we can train our model
efficiently and effectively so that the test predictive performance improves
when adapted to newly given small data. In our experiments, we demonstrate that
the proposed method achieves better predictive performance than existing
meta-learning methods using spatial datasets.
| stat |
Travel Time Prediction using Tree-Based Ensembles | In this paper, we consider the task of predicting travel times between two
arbitrary points in an urban scenario. We view this problem from two temporal
perspectives: long-term forecasting with a horizon of several days and
short-term forecasting with a horizon of one hour. Both of these perspectives
are relevant for planning tasks in the context of urban mobility and
transportation services. We utilize tree-based ensemble methods that we train
and evaluate on a dataset of taxi trip records from New York City. Through
extensive data analysis, we identify relevant temporal and spatial features. We
also engineer additional features based on weather and routing data. The latter
is obtained via a routing solver operating on the road network. The
computational results show that the addition of this routing data can be
beneficial to the model performance. Moreover, employing different models for
short and long-term prediction is useful as short-term models are better suited
to mirror current traffic conditions. In fact, we show that accurate short-term
predictions may be obtained with only little training data.
| stat |
Inference for a generalised stochastic block model with unknown number
of blocks and non-conjugate edge models | The stochastic block model (SBM) is a popular model for capturing community
structure and interaction within a network. Network data with non-Boolean edge
weights is becoming commonplace; however, existing analysis methods convert
such data to a binary representation to apply the SBM, leading to a loss of
information. A generalisation of the SBM is considered, which allows edge
weights to be modelled in their recorded state. An effective reversible jump
Markov chain Monte Carlo sampler is proposed for estimating the parameters and
the number of blocks for this generalised SBM. The methodology permits
non-conjugate distributions for edge weights, which enable more flexible
modelling than current methods as illustrated on synthetic data, a network of
brain activity and an email communication network.
| stat |
Adversarial domain adaptation to reduce sample bias of a high energy
physics classifier | We apply adversarial domain adaptation to reduce sample bias in a
classification machine learning algorithm. We add a gradient reversal layer to
a neural network to simultaneously classify signal versus background events,
while minimising the difference of the classifier response to a background
sample using an alternative MC model. We show this on the example of simulated
events at the LHC with $t\bar{t}H$ signal versus $t\bar{t}b\bar{b}$ background
classification.
| stat |
Open Problem: Average-Case Hardness of Hypergraphic Planted Clique
Detection | We note the significance of hypergraphic planted clique (HPC) detection in
the investigation of computational hardness for a range of tensor problems. We
ask if more evidence for the computational hardness of HPC detection can be
developed. In particular, we conjecture if it is possible to establish the
equivalence of the computational hardness between HPC and PC detection.
| stat |
Robust inference with knockoffs | We consider the variable selection problem, which seeks to identify important
variables influencing a response $Y$ out of many candidate features $X_1,
\ldots, X_p$. We wish to do so while offering finite-sample guarantees about
the fraction of false positives - selected variables $X_j$ that in fact have no
effect on $Y$ after the other features are known. When the number of features
$p$ is large (perhaps even larger than the sample size $n$), and we have no
prior knowledge regarding the type of dependence between $Y$ and $X$, the
model-X knockoffs framework nonetheless allows us to select a model with a
guaranteed bound on the false discovery rate, as long as the distribution of
the feature vector $X=(X_1,\dots,X_p)$ is exactly known. This model selection
procedure operates by constructing "knockoff copies'" of each of the $p$
features, which are then used as a control group to ensure that the model
selection algorithm is not choosing too many irrelevant features. In this work,
we study the practical setting where the distribution of $X$ could only be
estimated, rather than known exactly, and the knockoff copies of the $X_j$'s
are therefore constructed somewhat incorrectly. Our results, which are free of
any modeling assumption whatsoever, show that the resulting model selection
procedure incurs an inflation of the false discovery rate that is proportional
to our errors in estimating the distribution of each feature $X_j$ conditional
on the remaining features $\{X_k:k\neq j\}$. The model-X knockoff framework is
therefore robust to errors in the underlying assumptions on the distribution of
$X$, making it an effective method for many practical applications, such as
genome-wide association studies, where the underlying distribution on the
features $X_1,\dots,X_p$ is estimated accurately but not known exactly.
| stat |
Accelerating Uncertainty Quantification of Groundwater Flow Modelling
Using a Deep Neural Network Proxy | Quantifying the uncertainty in model parameters and output is a critical
component in model-driven decision support systems for groundwater management.
This paper presents a novel algorithmic approach which fuses Markov Chain Monte
Carlo (MCMC) and Machine Learning methods to accelerate uncertainty
quantification for groundwater flow models. We formulate the governing
mathematical model as a Bayesian inverse problem, considering model parameters
as a random process with an underlying probability distribution. MCMC allows us
to sample from this distribution, but it comes with some limitations: it can be
prohibitively expensive when dealing with costly likelihood functions,
subsequent samples are often highly correlated, and the standard
Metropolis-Hastings algorithm suffers from the curse of dimensionality. This
paper designs a Metropolis-Hastings proposal which exploits a deep neural
network (DNN) approximation of a groundwater flow model, to significantly
accelerate MCMC sampling. We modify a delayed acceptance (DA) model hierarchy,
whereby proposals are generated by running short subchains using an inexpensive
DNN approximation, resulting in a decorrelation of subsequent fine model
proposals. Using a simple adaptive error model, we estimate and correct the
bias of the DNN approximation with respect to the posterior distribution
on-the-fly. The approach is tested on two synthetic examples; a isotropic
two-dimensional problem, and an anisotropic three-dimensional problem. The
results show that the cost of uncertainty quantification can be reduced by up
to 50% compared to single-level MCMC, depending on the precomputation cost and
accuracy of the employed DNN.
| stat |
Semiparametric Inference of the Youden Index and the Optimal Cutoff
Point under Density Ratio Models | The Youden index is a popular summary statistic for receiver operating
characteristic curve. It gives the optimal cutoff point of a biomarker to
distinguish the diseased and healthy individuals. In this paper, we propose to
model the distributions of a biomarker for individuals in the healthy and
diseased groups via a semiparametric density ratio model. Based on this model,
we use the maximum empirical likelihood method to estimate the Youden index and
the optimal cutoff point. We further establish the asymptotic normality of the
proposed estimators and construct valid confidence intervals for the Youden
index and the corresponding optimal cutoff point. The proposed method
automatically covers both cases when there is no lower limit of detection
(LLOD) and when there is a fixed and finite LLOD for the biomarker. Extensive
simulation studies and a real data example are used to illustrate the
effectiveness of the proposed method and its advantages over the existing
methods.
| stat |
Precision Annealing Monte Carlo Methods for Statistical Data
Assimilation: Metropolis-Hastings Procedures | Statistical Data Assimilation (SDA) is the transfer of information from field
or laboratory observations to a user selected model of the dynamical system
producing those observations. The data is noisy and the model has errors; the
information transfer addresses properties of the conditional probability
distribution of the states of the model conditioned on the observations. The
quantities of interest in SDA are the conditional expected values of functions
of the model state, and these require the approximate evaluation of high
dimensional integrals. We introduce a conditional probability distribution and
use the Laplace method with annealing to identify the maxima of the conditional
probability distribution. The annealing method slowly increases the precision
term of the model as it enters the Laplace method. In this paper, we extend the
idea of precision annealing (PA) to Monte Carlo calculations of conditional
expected values using Metropolis-Hastings methods.
| stat |
Combining Experimental and Observational Data to Estimate Treatment
Effects on Long Term Outcomes | There has been an increase in interest in experimental evaluations to
estimate causal effects, partly because their internal validity tends to be
high. At the same time, as part of the big data revolution, large, detailed,
and representative, administrative data sets have become more widely available.
However, the credibility of estimates of causal effects based on such data sets
alone can be low.
In this paper, we develop statistical methods for systematically combining
experimental and observational data to obtain credible estimates of the causal
effect of a binary treatment on a primary outcome that we only observe in the
observational sample. Both the observational and experimental samples contain
data about a treatment, observable individual characteristics, and a secondary
(often short term) outcome. To estimate the effect of a treatment on the
primary outcome while addressing the potential confounding in the observational
sample, we propose a method that makes use of estimates of the relationship
between the treatment and the secondary outcome from the experimental sample.
If assignment to the treatment in the observational sample were unconfounded,
we would expect the treatment effects on the secondary outcome in the two
samples to be similar. We interpret differences in the estimated causal effects
on the secondary outcome between the two samples as evidence of unobserved
confounders in the observational sample, and develop control function methods
for using those differences to adjust the estimates of the treatment effects on
the primary outcome.
We illustrate these ideas by combining data on class size and third grade
test scores from the Project STAR experiment with observational data on class
size and both third and eighth grade test scores from the New York school
system.
| stat |
Comparison of Deep Neural Networks and Deep Hierarchical Models for
Spatio-Temporal Data | Spatio-temporal data are ubiquitous in the agricultural, ecological, and
environmental sciences, and their study is important for understanding and
predicting a wide variety of processes. One of the difficulties with modeling
spatial processes that change in time is the complexity of the dependence
structures that must describe how such a process varies, and the presence of
high-dimensional complex data sets and large prediction domains. It is
particularly challenging to specify parameterizations for nonlinear dynamic
spatio-temporal models (DSTMs) that are simultaneously useful scientifically
and efficient computationally. Statisticians have developed deep hierarchical
models that can accommodate process complexity as well as the uncertainties in
the predictions and inference. However, these models can be expensive and are
typically application specific. On the other hand, the machine learning
community has developed alternative "deep learning" approaches for nonlinear
spatio-temporal modeling. These models are flexible yet are typically not
implemented in a probabilistic framework. The two paradigms have many things in
common and suggest hybrid approaches that can benefit from elements of each
framework. This overview paper presents a brief introduction to the deep
hierarchical DSTM (DH-DSTM) framework, and deep models in machine learning,
culminating with the deep neural DSTM (DN-DSTM). Recent approaches that combine
elements from DH-DSTMs and echo state network DN-DSTMs are presented as
illustrations.
| stat |
A New ECDF Two-Sample Test Statistic | Empirical cumulative distribution functions (ECDFs) have been used to test
the hypothesis that two samples come from the same distribution since the
seminal contribution by Kolmogorov and Smirnov. This paper describes a
statistic which is usable under the same conditions as Kolmogorov-Smirnov, but
provides more power than other extant tests in that vein. I demonstrate a valid
(conservative) procedure for producing finite-sample p-values. I outline the
close relationship between this statistic and its two main predecessors. I also
provide a public R package (CRAN: twosamples [2018]) implementing the testing
procedure in $O(N\log(N))$ time with $O(N)$ memory. Using the package's
functions, I perform several simulation studies showing the power improvements.
| stat |
Graphical Elastic Net and Target Matrices: Fast Algorithms and Software
for Sparse Precision Matrix Estimation | We consider estimation of undirected Gaussian graphical models and inverse
covariances in high-dimensional scenarios by penalizing the corresponding
precision matrix. While single $L_1$ (Graphical Lasso) and $L_2$ (Graphical
Ridge) penalties for the precision matrix have already been studied, we propose
the combination of both, yielding an Elastic Net type penalty. We enable
additional flexibility by allowing to include diagonal target matrices for the
precision matrix. We generalize existing algorithms for the Graphical Lasso and
provide corresponding software with an efficient implementation to facilitate
usage for practitioners. Our software borrows computationally favorable parts
from a number of existing packages for the Graphical Lasso, leading to an
overall fast(er) implementation and at the same time yielding also much more
methodological flexibility.
| stat |
Approximate leave-future-out cross-validation for Bayesian time series
models | One of the common goals of time series analysis is to use the observed series
to inform predictions for future observations. In the absence of any actual new
data to predict, cross-validation can be used to estimate a model's future
predictive accuracy, for instance, for the purpose of model comparison or
selection. Exact cross-validation for Bayesian models is often computationally
expensive, but approximate cross-validation methods have been developed, most
notably methods for leave-one-out cross-validation (LOO-CV). If the actual
prediction task is to predict the future given the past, LOO-CV provides an
overly optimistic estimate because the information from future observations is
available to influence predictions of the past. To properly account for the
time series structure, we can use leave-future-out cross-validation (LFO-CV).
Like exact LOO-CV, exact LFO-CV requires refitting the model many times to
different subsets of the data. Using Pareto smoothed importance sampling, we
propose a method for approximating exact LFO-CV that drastically reduces the
computational costs while also providing informative diagnostics about the
quality of the approximation.
| stat |
Monitoring multimode processes: a modified PCA algorithm with continual
learning ability | For multimode processes, one generally establishes local monitoring models
corresponding to local modes. However, the significant features of previous
modes may be catastrophically forgotten when a monitoring model for the current
mode is built. It would result in an abrupt performance decrease. It could be
an effective manner to make local monitoring model remember the features of
previous modes. Choosing the principal component analysis (PCA) as a basic
monitoring model, we try to resolve this problem. A modified PCA algorithm is
built with continual learning ability for monitoring multimode processes, which
adopts elastic weight consolidation (EWC) to overcome catastrophic forgetting
of PCA for successive modes. It is called PCA-EWC, where the significant
features of previous modes are preserved when a PCA model is established for
the current mode. The optimal parameters are acquired by differences of convex
functions. Moreover, the proposed PCA-EWC is extended to general multimode
processes and the procedure is presented. The computational complexity and key
parameters are discussed to further understand the relationship between PCA and
the proposed algorithm. Potential limitations and relevant solutions are
pointed to understand the algorithm further. Numerical case study and a
practical industrial system in China are employed to illustrate the
effectiveness of the proposed algorithm.
| stat |
Dynamic adaptive procedures that control the false discovery rate | In the multiple testing problem with independent tests, the classical linear
step-up procedure controls the false discovery rate (FDR) at level
$\pi_0\alpha$, where $\pi_0$ is the proportion of true null hypotheses and
$\alpha$ is the target FDR level. Adaptive procedures can improve power by
incorporating estimates of $\pi_0$, which typically rely on a tuning parameter.
Fixed adaptive procedures set their tuning parameters before seeing the data
and can be shown to control the FDR in finite samples. We develop theoretical
results for dynamic adaptive procedures whose tuning parameters are determined
by the data. We show that, if the tuning parameter is chosen according to a
left-to-right stopping time rule, the corresponding dynamic adaptive procedure
controls the FDR in finite samples. Examples include the recently proposed
right-boundary procedure and the widely used lowest-slope procedure, among
others. Simulation results show that the right-boundary procedure is more
powerful than other dynamic adaptive procedures under independence and mild
dependence conditions.
| stat |
Robust Estimation for Discrete-Time State Space Models | State space models (SSMs) are now ubiquitous in many fields and increasingly
complicated with observed and unobserved variables often interacting in
non-linear fashions. The crucial task of validating model assumptions thus
becomes difficult, particularly since some assumptions are formulated about
unobserved states and thus cannot be checked with data. Motivated by the
complex SSMs used for the assessment of fish stocks, we introduce a robust
estimation method for SSMs. We prove the Fisher consistency of our estimator
and propose an implementation based on automatic differentiation and the
Laplace approximation of integrals which yields fast computations. Simulation
studies demonstrate that our robust procedure performs well both with and
without deviations from model assumptions. Applying it to the stock assessment
model for pollock in the North Sea highlights the ability of our procedure to
identify years with atypical observations.
| stat |
Extreme Value Theory for Open Set Classification -- GPD and GEV
Classifiers | Classification tasks usually assume that all possible classes are present
during the training phase. This is restrictive if the algorithm is used over a
long time and possibly encounters samples from unknown classes. The recently
introduced extreme value machine, a classifier motivated by extreme value
theory, addresses this problem and achieves competitive performance in specific
cases. We show that this algorithm can fail when the geometries of known and
unknown classes differ. To overcome this problem, we propose two new algorithms
relying on approximations from extreme value theory. We show the effectiveness
of our classifiers in simulations and on the LETTER and MNIST data sets.
| stat |
Estimation of the Epidemic Branching Factor in Noisy Contact Networks | Many fundamental concepts in network-based epidemic modeling depend on the
branching factor, which captures a sense of dispersion in the network
connectivity and quantifies the rate of spreading across the network. Moreover,
contact network information generally is available only up to some level of
error. We study the propagation of such errors to the estimation of the
branching factor. Specifically, we characterize the impact of network noise on
the bias and variance of the observed branching factor for arbitrary true
networks, with examples in sparse, dense, homogeneous and inhomogeneous
networks. In addition, we propose a method-of-moments estimator for the true
branching factor. We illustrate the practical performance of our estimator
through simulation studies and with contact networks observed in British
secondary schools and a French hospital.
| stat |
A stochastic version of Stein Variational Gradient Descent for efficient
sampling | We propose in this work RBM-SVGD, a stochastic version of Stein Variational
Gradient Descent (SVGD) method for efficiently sampling from a given
probability measure and thus useful for Bayesian inference. The method is to
apply the Random Batch Method (RBM) for interacting particle systems proposed
by Jin et al to the interacting particle systems in SVGD. While keeping the
behaviors of SVGD, it reduces the computational cost, especially when the
interacting kernel has long range. Numerical examples verify the efficiency of
this new version of SVGD.
| stat |
A Proof of First Digit Law from Laplace Transform | The first digit law, also known as Benford's law or the significant digit
law, is an empirical phenomenon that the leading digit of numbers from real
world sources favors small ones in a form $\log(1+{1}/{d})$, where $d=1, 2,
..., 9$. Such a law keeps elusive for over one hundred years because it was
obscure whether this law is due to the logical consequence of the number system
or some mysterious mechanism of the nature. We provide a simple and elegant
proof of this law from the application of the Laplace transform, which is an
important tool of mathematical methods in physics. We reveal that the first
digit law is originated from the basic property of the number system, thus it
should be attributed as a basic mathematical knowledge for wide applications.
| stat |
Residual Analysis for Censored Regression via Randomized Survival
Probabilities | Residual analysis is extremely important in regression modelling. Residuals
are used to graphically and numerically check the overall goodness-of-fit of a
model, to discover the direction for improving the model, and to identify
outlier observations. Cox-Snell residuals, which are transformed from survival
probabilities (SPs), are typically used for checking survival regression models
for failure times. Survival probabilities are uniformly distributed under the
true model when there is no censored failure time. However, the SPs for
censored failure times are no longer uniformly distributed. Several non-random
methods have been proposed to modify CS residuals or SPs in the literature.
However, their sampling distributions under the true model are not
characterized, resulting in a lack of reference distributions for analysis with
these modified residuals. In this paper, we propose to use randomized survival
probabilities (RSP) to define residuals for censored data. We will show that
RSPs always have the uniform distribution under the true model even with
censored times. Therefore, they can be transformed into residuals with the
normal quantile function. We call such residuals by normally-transformed RSP
(NRSP) residuals. We conduct extensive simulation studies to demonstrate that
NRSP residuals are normally distributed when the fitted model is correctly
specified. Consequently, the GOF test method by applying Shapiro-Wilk normality
test to NRSP residuals (NRSP-SW) is well-calibrated. Our simulation studies
also show the great power of the NRSP-SW method in detecting three kinds of
model discrepancies. We also demonstrate the effectiveness of NRSP residuals in
assessing three AFT models for a breast-cancer recurrent-free failure times
dataset.
| stat |
Fast and Three-rious: Speeding Up Weak Supervision with Triplet Methods | Weak supervision is a popular method for building machine learning models
without relying on ground truth annotations. Instead, it generates
probabilistic training labels by estimating the accuracies of multiple noisy
labeling sources (e.g., heuristics, crowd workers). Existing approaches use
latent variable estimation to model the noisy sources, but these methods can be
computationally expensive, scaling superlinearly in the data. In this work, we
show that, for a class of latent variable models highly applicable to weak
supervision, we can find a closed-form solution to model parameters, obviating
the need for iterative solutions like stochastic gradient descent (SGD). We use
this insight to build FlyingSquid, a weak supervision framework that runs
orders of magnitude faster than previous weak supervision approaches and
requires fewer assumptions. In particular, we prove bounds on generalization
error without assuming that the latent variable model can exactly parameterize
the underlying data distribution. Empirically, we validate FlyingSquid on
benchmark weak supervision datasets and find that it achieves the same or
higher quality compared to previous approaches without the need to tune an SGD
procedure, recovers model parameters 170 times faster on average, and enables
new video analysis and online learning applications.
| stat |
On the Universality of the Double Descent Peak in Ridgeless Regression | We prove a non-asymptotic distribution-independent lower bound for the
expected mean squared generalization error caused by label noise in ridgeless
linear regression. Our lower bound generalizes a similar known result to the
overparameterized (interpolating) regime. In contrast to most previous works,
our analysis applies to a broad class of input distributions with almost surely
full-rank feature matrices, which allows us to cover various types of
deterministic or random feature maps. Our lower bound is asymptotically sharp
and implies that in the presence of label noise, ridgeless linear regression
does not perform well around the interpolation threshold for any of these
feature maps. We analyze the imposed assumptions in detail and provide a theory
for analytic (random) feature maps. Using this theory, we can show that our
assumptions are satisfied for input distributions with a (Lebesgue) density and
feature maps given by random deep neural networks with analytic activation
functions like sigmoid, tanh, softplus or GELU. As further examples, we show
that feature maps from random Fourier features and polynomial kernels also
satisfy our assumptions. We complement our theory with further experimental and
analytic results.
| stat |
Maximum likelihood estimation for a general mixture of Markov jump
processes | We estimate a general mixture of Markov jump processes. The key novel feature
of the proposed mixture is that the transition intensity matrices of the Markov
processes comprising the mixture are entirely unconstrained. The Markov
processes are mixed with distributions that depend on the initial state of the
mixture process. The new mixture is estimated from its continuously observed
realizations using the EM algorithm, which provides the maximum likelihood (ML)
estimates of the mixture's parameters. To obtain the standard errors of the
estimates of the mixture's parameters, we employ Louis' (1982) general formula
for the observed Fisher information matrix. We also derive the asymptotic
properties of the ML estimators. Simulation study verifies the estimates'
accuracy and confirms the consistency and asymptotic normality of the
estimators. The developed methods are applied to a medical dataset, for which
the likelihood ratio test rejects the constrained mixture in favor of the
proposed unconstrained one. This application exemplifies the usefulness of a
new unconstrained mixture for identification and characterization of
homogeneous subpopulations in a heterogeneous population.
| stat |
On-site surrogates for large-scale calibration | Motivated by a computer model calibration problem from the oil and gas
industry, involving the design of a honeycomb seal, we develop a new Bayesian
methodology to cope with limitations in the canonical apparatus stemming from
several factors. We propose a new strategy of on-site design and surrogate
modeling for a computer simulator acting on a high-dimensional input space
that, although relatively speedy, is prone to numerical instabilities, missing
data, and nonstationary dynamics. Our aim is to strike a balance between
data-faithful modeling and computational tractability in a calibration
framework--tailoring the computer model to a limited field experiment.
Situating our on-site surrogates within the canonical calibration apparatus
requires updates to that framework. We describe a novel yet intuitive Bayesian
setup that carefully decomposes otherwise prohibitively large matrices by
exploiting the sparse blockwise structure. Empirical illustrations demonstrate
that this approach performs well on toy data and our motivating honeycomb
example.
| stat |
Distributional (Single) Index Models | A Distributional (Single) Index Model (DIM) is a semi-parametric model for
distributional regression, that is, estimation of conditional distributions
given covariates. The method is a combination of classical single index models
for the estimation of the conditional mean of a response given covariates, and
isotonic distributional regression. The model for the index is parametric,
whereas the conditional distributions are estimated non-parametrically under a
stochastic ordering constraint. We show consistency of our estimators and apply
them to a highly challenging data set on the length of stay (LoS) of patients
in intensive care units. We use the model to provide skillful and calibrated
probabilistic predictions for the LoS of individual patients, that outperform
the available methods in the literature.
| stat |
A Quantile-based Approach for Hyperparameter Transfer Learning | Bayesian optimization (BO) is a popular methodology to tune the
hyperparameters of expensive black-box functions. Traditionally, BO focuses on
a single task at a time and is not designed to leverage information from
related functions, such as tuning performance objectives of the same algorithm
across multiple datasets. In this work, we introduce a novel approach to
achieve transfer learning across different \emph{datasets} as well as different
\emph{objectives}. The main idea is to regress the mapping from hyperparameter
to objective quantiles with a semi-parametric Gaussian Copula distribution,
which provides robustness against different scales or outliers that can occur
in different tasks. We introduce two methods to leverage this mapping: a
Thompson sampling strategy as well as a Gaussian Copula process using such
quantile estimate as a prior. We show that these strategies can combine the
estimation of multiple objectives such as latency and accuracy, steering the
hyperparameters optimization toward faster predictions for the same level of
accuracy. Extensive experiments demonstrate significant improvements over
state-of-the-art methods for both hyperparameter optimization and neural
architecture search.
| stat |
Least Angle Regression in Tangent Space and LASSO for Generalized Linear
Models | This study proposes sparse estimation methods for the generalized linear
models, which run one of least angle regression (LARS) and least absolute
shrinkage and selection operator (LASSO) in the tangent space of the manifold
of the statistical model. This study approximates the statistical model and
subsequently uses exact calculations. LARS was proposed as an efficient
algorithm for parameter estimation and variable selection for the normal linear
model. The LARS algorithm is described in terms of Euclidean geometry regarding
the correlation as the metric of the parameter space. Since the LARS algorithm
only works in Euclidean space, we transform a manifold of the statistical model
into the tangent space at the origin. In the generalized linear regression,
this transformation allows us to run the original LARS algorithm for the
generalized linear models. The proposed methods are efficient and perform well.
Real-data analysis indicates that the proposed methods output similar results
to that of the $l_1$-regularized maximum likelihood estimation for the
aforementioned models. Numerical experiments reveal that our methods work well
and they may be better than the $l_1$-regularization in generalization,
parameter estimation, and model selection.
| stat |
Using tours to visually investigate properties of new projection pursuit
indexes with application to problems in physics | Projection pursuit is used to find interesting low-dimensional projections of
high-dimensional data by optimizing an index over all possible projections.
Most indexes have been developed to detect departure from known distributions,
such as normality, or to find separations between known groups. Here, we are
interested in finding projections revealing potentially complex bivariate
patterns, using new indexes constructed from scagnostics and a maximum
information coefficient, with a purpose to detect unusual relationships between
model parameters describing physics phenomena. The performance of these indexes
is examined with respect to ideal behaviour, using simulated data, and then
applied to problems from gravitational wave astronomy. The implementation
builds upon the projection pursuit tools available in the R package, tourr,
with indexes constructed from code in the R packages, scagnostics, minerva and
mbgraphic.
| stat |
Applying Meta-Analytic-Predictive Priors with the R Bayesian evidence
synthesis tools | Use of historical data in clinical trial design and analysis has shown
various advantages such as reduction of within-study placebo-treated number of
subjects and increase of study power. The meta-analytic-predictive (MAP)
approach accounts with a hierarchical model for between-trial heterogeneity in
order to derive an informative prior from historical (often control) data. In
this paper, we introduce the package RBesT (R Bayesian Evidence Synthesis
Tools) which implements the MAP approach with normal (known sampling standard
deviation), binomial and Poisson endpoints. The hierarchical MAP model is
evaluated by MCMC. The numerical MCMC samples representing the MAP prior are
approximated with parametric mixture densities which are obtained with the
expectation maximization algorithm. The parametric mixture density
representation facilitates easy communication of the MAP prior and enables via
fast and accurate analytical procedures to evaluate properties of trial designs
with informative MAP priors. The paper first introduces the framework of robust
Bayesian evidence synthesis in this setting and then explains how RBesT
facilitates the derivation and evaluation of an informative MAP prior from
historical control data. In addition we describe how the meta-analytic
framework relates to further applications including probability of success
calculations.
| stat |
Model Selection With Graphical Neighbour Information | Accurate model selection is a fundamental requirement for statistical
analysis. In many real-world applications of graphical modelling, correct model
structure identification is the ultimate objective. Standard model validation
procedures such as information theoretic scores and cross validation have
demonstrated poor performance in the high dimensional setting. Specialised
methods such as EBIC, StARS and RIC have been developed for the explicit
purpose of high-dimensional Gaussian graphical model selection. We present a
novel model score criterion, Graphical Neighbour Information. This method
demonstrates oracle performance in high-dimensional model selection,
outperforming the current state-of-the-art in our simulations. The Graphical
Neighbour Information criterion has the additional advantage of efficient,
closed-form computability, sparing the costly inference of multiple models on
data subsamples. We provide a theoretical analysis of the method and benchmark
simulations versus the current state of the art.
| stat |
Generalized Penalty for Circular Coordinate Representation | Topological Data Analysis (TDA) provides novel approaches that allow us to
analyze the geometrical shapes and topological structures of a dataset. As one
important application, TDA can be used for data visualization and dimension
reduction. We follow the framework of circular coordinate representation, which
allows us to perform dimension reduction and visualization for high-dimensional
datasets on a torus using persistent cohomology. In this paper, we propose a
method to adapt the circular coordinate framework to take into account the
roughness of circular coordinates in change-point and high-dimensional
applications. We use a generalized penalty function instead of an $L_{2}$
penalty in the traditional circular coordinate algorithm. We provide simulation
experiments and real data analysis to support our claim that circular
coordinates with generalized penalty will detect the change in high-dimensional
datasets under different sampling schemes while preserving the topological
structures.
| stat |
Tessellated Wasserstein Auto-Encoders | Non-adversarial generative models such as variational auto-encoder (VAE),
Wasserstein auto-encoders with maximum mean discrepancy (WAE-MMD),
sliced-Wasserstein auto-encoder (SWAE) are relatively easy to train and have
less mode collapse compared to Wasserstein auto-encoder with generative
adversarial network (WAE-GAN). However, they are not very accurate in
approximating the target distribution in the latent space because they don't
have a discriminator to detect the minor difference between real and fake. To
this end, we develop a novel non-adversarial framework called Tessellated
Wasserstein Auto-encoders (TWAE) to tessellate the support of the target
distribution into a given number of regions by the centroidal Voronoi
tessellation (CVT) technique and design batches of data according to the
tessellation instead of random shuffling for accurate computation of
discrepancy. Theoretically, we demonstrate that the error of estimate to the
discrepancy decreases when the numbers of samples $n$ and regions $m$ of the
tessellation become larger with rates of $\mathcal{O}(\frac{1}{\sqrt{n}})$ and
$\mathcal{O}(\frac{1}{\sqrt{m}})$, respectively. Given fixed $n$ and $m$, a
necessary condition for the upper bound of measurement error to be minimized is
that the tessellation is the one determined by CVT. TWAE is very flexible to
different non-adversarial metrics and can substantially enhance their
generative performance in terms of Fr\'{e}chet inception distance (FID)
compared to VAE, WAE-MMD, SWAE. Moreover, numerical results indeed demonstrate
that TWAE is competitive to the adversarial model WAE-GAN, demonstrating its
powerful generative ability.
| stat |
On a Bernoulli Autoregression Framework for Link Discovery and
Prediction | We present a dynamic prediction framework for binary sequences that is based
on a Bernoulli generalization of the auto-regressive process. Our approach
lends itself easily to variants of the standard link prediction problem for a
sequence of time dependent networks. Focusing on this dynamic network link
prediction/recommendation task, we propose a novel problem that exploits
additional information via a much larger sequence of auxiliary networks and has
important real-world relevance. To allow discovery of links that do not exist
in the available data, our model estimation framework introduces a
regularization term that presents a trade-off between the conventional link
prediction and this discovery task. In contrast to existing work our stochastic
gradient based estimation approach is highly efficient and can scale to
networks with millions of nodes. We show extensive empirical results on both
actual product-usage based time dependent networks and also present results on
a Reddit based data set of time dependent sentiment sequences.
| stat |
Heritability curves: a local measure of heritability | This paper introduces a new measure of heritability which relaxes the
classical assumption that the degree of heritability of a continuous trait can
be summarized by a single number.This measure can be used in situations where
the trait dependence structure between family members is nonlinear, in which
case traditional mixed effects models and covariance (correlation) based
methods are inadequate. Our idea is to combine the notion of a correlation
curve with traditional correlation based measures of heritability, such as the
formula of Falconer. For estimation purposes, we use a multivariate Gaussian
mixture, which is able to capture non-linear dependence and respects certain
distributional constraints. We derive an analytical expression for the
associated correlation curve, and investigate its limiting behaviour when the
trait value becomes either large or small. The result is a measure of
heritability that varies with the trait value. When applied to birth weight
data on Norwegian mother father child trios, the conclusion is that low and
high birth weight are less heritable traits than medium birth weight. On the
other hand, we find no similar heterogeneity in the heritability of Body Mass
Index (BMI) when studying monozygotic and dizygotic twins.
| stat |
Minimum discrepancy principle strategy for choosing $k$ in $k$-NN
regression | We present a novel data-driven strategy to choose the hyperparameter $k$ in
the $k$-NN regression estimator. We treat the problem of choosing the
hyperparameter as an iterative procedure (over $k$) and propose using an easily
implemented in practice strategy based on the idea of early stopping and the
minimum discrepancy principle. This model selection strategy is proven to be
minimax-optimal, under the fixed-design assumption on covariates, over some
smoothness function classes, for instance, the Lipschitz functions class on a
bounded domain. The novel method often improves statistical performance on
artificial and real-world data sets in comparison to other model selection
strategies, such as the Hold-out method and 5-fold cross-validation. The
novelty of the strategy comes from reducing the computational time of the model
selection procedure while preserving the statistical (minimax) optimality of
the resulting estimator. More precisely, given a sample of size $n$, assuming
that the nearest neighbors are already precomputed, if one should choose $k$
among $\left\{ 1, \ldots, n \right\}$, the strategy reduces the computational
time of the generalized cross-validation or Akaike's AIC criteria from
$\mathcal{O}\left( n^3 \right)$ to $\mathcal{O}\left( n^2 (n - k) \right)$,
where $k$ is the proposed (minimum discrepancy principle) value of the nearest
neighbors. Code for the simulations is provided at
https://github.com/YaroslavAveryanov/Minimum-discrepancy-principle-for-choosing-k.
| stat |
High-dimensional unsupervised classification via parsimonious
contaminated mixtures | The contaminated Gaussian distribution represents a simple heavy-tailed
elliptical generalization of the Gaussian distribution; unlike the
often-considered t-distribution, it also allows for automatic detection of mild
outlying or "bad" points in the same way that observations are typically
assigned to the groups in the finite mixture model context. Starting from this
distribution, we propose the contaminated factor analysis model as a method for
dimensionality reduction and detection of bad points in higher dimensions. A
mixture of contaminated Gaussian factor analyzers (MCGFA) model follows
therefrom, and extends the recently proposed mixture of contaminated Gaussian
distributions to high-dimensional data. We introduce a family of 32
parsimonious models formed by introducing constraints on the covariance and
contamination structures of the general MCGFA model. We outline a variant of
the expectation-maximization algorithm for parameter estimation. Various
implementation issues are discussed, and the novel family of models is compared
to well-established approaches on both simulated and real data.
| stat |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.