Being Bayesian About Categorical Probability

Total Page:16

File Type:pdf, Size:1020Kb

Being Bayesian About Categorical Probability Being Bayesian about Categorical Probability Taejong Joo 1 Uijung Chung 1 Min-Gwan Seo 1 Abstract Bayesian NNs (BNNs; MacKay, 1992) can address the aforementioned issues of softmax. BNNs provide quan- Neural networks utilize the softmax as a building tifiable measures of uncertainty such as predictive entropy block in classification tasks, which contains an and mutual information (Gal, 2016) and enable automatic overconfidence problem and lacks an uncertainty embodiment of Occam’s razor (MacKay, 1995). However, representation ability. As a Bayesian alternative some practical obstacles have impeded the wide adoption of to the softmax, we consider a random variable BNNs. First, the intractable posterior inference in BNNs de- of a categorical probability over class labels. In mands approximate methods such as variation inference (VI; this framework, the prior distribution explicitly Graves, 2011; Blundell et al., 2015) and Monte Carlo (MC) models the presumed noise inherent in the ob- dropout (Gal & Ghahramani, 2016). Even with such novel served label, which provides consistent gains in approximation methods, concerns arise regarding both the generalization performance in multiple challeng- degree of approximation and the computational expensive ing tasks. The proposed method inherits advan- posterior inference (Wu et al., 2019a; Osawa et al., 2019). In tages of Bayesian approaches that achieve bet- addition, under extreme non-linearity between parameters ter uncertainty estimation and model calibration. and outputs in the NNs, determining a meaningful weight Our method can be implemented as a plug-and- prior distribution is challenging (Sun et al., 2019). Last but play loss function with negligible computational not least, BNNs often require considerable modifications to overhead compared to the softmax with the cross- existing baselines, or they result in performance degradation entropy loss function. (Lakshminarayanan et al., 2017). In this paper, we apply the Bayesian principle to construct 1. Introduction the target distribution for learning classifiers. Specifically, we regard a categorical probability as a random variable, Softmax (Bridle, 1990) is the de facto standard for post pro- and construct the target distribution over the categorical cessing of logits of neural networks (NNs) for classification. probability by means of the Bayesian inference, which is When combined with the maximum likelihood objective, it approximated by NNs. The resulting target distribution can enables efficient gradient computation with respect to log- be thought of as being regularized via the prior belief whose its and has achieved state-of-the-art performances on many impact is controlled by the number of observations. By benchmark datasets. However, softmax lacks the ability considering only the random variable of categorical proba- to represent the uncertainty of predictions (Blundell et al., bility, the Bayesian principle can be efficiently adopted to 2015; Gal & Ghahramani, 2016) and has poorly calibrated existing deep learning building blocks without huge modifi- behavior (Guo et al., 2017). For instance, the NN with cations. Our extensive experiments show effectiveness of softmax can easily be fooled to confidently produce wrong being Bayesian about the categorical probability in improv- outputs; when rotating digit 3, it will predict it as the digit ing generalization performances, uncertainty estimation, 8 or 4 with high confidence (Louizos & Welling, 2017). and calibration property. Another concern of the softmax is its confident predictive Our contributions can be summarized as follows: 1) we behavior makes NNs to be subject to overfitting (Xie et al., show the importance of considering categorical probabil- 2016; Pereyra et al., 2017). This issue raises the need for ity as a random variable instead of being determined by effective regularization techniques for improving general- the label; 2) we provide experimental results showing the ization performance. usefulness of the Bayesian principle in improving general- 1ESTsoft, Republic of Korea. Correspondence to: Taejong Joo ization performance of large models on standard benchmark <[email protected]>. datasets, e.g., ResNext-101 on ImageNet; 3) we enable NNs th to inherit the advantages of the Bayesian methods in better Proceedings of the 37 International Conference on Machine uncertainty representation and well-calibrated behavior with Learning, Online, PMLR 119, 2020. Copyright 2020 by the au- thor(s). a negligible increase in computational complexity. Being Bayesian about Categorical Probability Neural Neural Network Network Minimize Minimize KL-Divergence “cat” KL-Divergence One-Hot Bayes’ Rule “cat” Encoding Prior Posterior (a) Softmax cross-entropy loss (b) Belief matching framework Figure 1. Illustration of the difference between softmax cross-entropy loss and belief matching framework when each image is unique in the training set. In softmax cross-entropy loss, the label “cat” is directly transformed into the target categorical distribution. In belief matching framework, the label “cat” is combined with the prior Dirichlet distribution over the categorical probability. Then, the Bayes’ rule updates the belief about categorical probability, which produces the target distribution. 2. Preliminary x 2 A and 0 otherwise. Then, the empirical risk on D can be expressed as follows: This paper focuses on classification problems in which, (i) (i) N N given i.i.d. training samples D = x ; y i=1 2 1 X W (i) L^ (W ) = − log φ (i) (f (x )) (X × Y)N , we construct a classifier F : X!Y. Here, X D N y is an input space and Y = f1; ··· ;Kg is a set of labels. We i=1 X P cD(x) denote x and y as random variables whose unknown proba- = i i lD(W ) + C (3) N x bility distributions generate inputs and labels, respectively. x2G(D) Also, we let y~ be a one-hot representation of y. where G(D) is a set of unique values in D, e.g., Let f W : X!X 0 be a NN with parameters W where G(f1; 2; 2g) = f1; 2g, and C is a constant with respect X 0 = K D R is a logit space. In this paper, we assume to W ; lx (W ) measures the KL divergence between the W W arg maxj fj ⊆ F is the classification model where fj empirical target distribution and the categorical distribution denotes the j-th output basis of f W , and we concentrate modeled by the NN at location x, which is given by: W ((x; y) 2 D; f W ) on the problem of learning . Given , cD(x) a standard minimization loss function is the softmax cross- lD(W ) = KL PC k PC φ(f W (x)) x P cD(x) entropy loss, which applies the softmax to logit and then i i (4) computes the cross-entropy between a one-hot encoded la- Therefore, the normalized value of cD(x) becomes the esti- bel and a softmax output (Figure 1(a)). Specifically, the mator of a categorical probability of the target distribution softmax, denoted by φ : X 0 ! 4K−1, transforms a logit at location x. However, directly approximating this target f W (x) into a normalized exponential form: distribution can be problematic. This is because the estima- exp(f W (x)) tor uses single or very few samples since most of the inputs φ (f W (x)) = k (1) k P W are unique or very rare in the training set. j exp(fj (x)) , and then the cross-entropy loss can be computed by One simple heuristic to handle this problem is label smooth- W P W ing (Szegedy et al., 2016) that constructs a regularized lCE(y~; φ(f (x))) = − k y~k log φk(f (x)). Here, note that the softmax output can be viewed as a parame- target estimator, in which a one-hot encoded label y~ is λ ter of the categorical distribution, which can be denoted by relaxed by (1 − λ)y~ + K 1 with hyperparameter λ. Un- PC (φ(f W (x))). der the smoothing operation, the target estimator is regu- larized by a mixture of the empirical counts and the pa- We can formulate the minimization of the softmax cross- rameter of the discrete uniform distribution PU such that D entropy loss over D into a collection of distribution match- C c (x) U (1 − λ)P P cD (x) + λP . One concern is that the ing problems. To this end, let cD(x) be a vector-valued i i mixing coefficient is constant with respect to the number of function that counts label frequency at x 2 X in D, which observations, which can possibly prevent the exploitation of is defined as: the empirical counting information when it is needed. X cD(x) = y~01 (x0) (2) fxg Another more principled approach is BNNs, which pre- 0 0 (x ;y )2D vents full exploitation of the noisy estimation by bal- where 1A(x) is an indicator function that takes 1 when ancing the distance to the target distribution with model Being Bayesian about Categorical Probability complexity and maintaining the weight ensemble instead which the prior distribution acts as adding pseudo counts. of choosing a single best configuration. Specifically, in We note that the relative strength between the prior belief BNNs with the Gaussian weight prior N (0; τ −1I), the and the empirical count information becomes adaptive with score of configuration W is measured by the posterior respect to each data point. density pW(W jD) / p(DjW )pW(W ) where we have 2 log pW(W ) / −τ k W k2. Therefore, the complexity 3.2. Representing Approximate Distribution penalty term induced by the prior prevents the softmax out- put from exactly matching a one-hot encoded target. In Now, we specify the approximate posterior distribution mod- 2 eled by the NNs, which aims to approximate pzjx;y. In this modern deep NNs, however, k W k2 may be poor proxy for the model complexity due to extreme non-linear relation- paper, we model the approximate posterior as the Dirichlet ship between weights and outputs (Hafner et al., 2018; Sun distribution.
Recommended publications
  • Hyperprior on Symmetric Dirichlet Distribution
    Hyperprior on symmetric Dirichlet distribution Jun Lu Computer Science, EPFL, Lausanne [email protected] November 5, 2018 Abstract In this article we introduce how to put vague hyperprior on Dirichlet distribution, and we update the parameter of it by adaptive rejection sampling (ARS). Finally we analyze this hyperprior in an over-fitted mixture model by some synthetic experiments. 1 Introduction It has become popular to use over-fitted mixture models in which number of cluster K is chosen as a conservative upper bound on the number of components under the expectation that only relatively few of the components K0 will be occupied by data points in the samples X . This kind of over-fitted mixture models has been successfully due to the ease in computation. Previously Rousseau & Mengersen(2011) proved that quite generally, the posterior behaviour of overfitted mixtures depends on the chosen prior on the weights, and on the number of free parameters in the emission distributions (here D, i.e. the dimension of data). Specifically, they have proved that (a) If α=min(αk; k ≤ K)>D=2 and if the number of components is larger than it should be, asymptotically two or more components in an overfitted mixture model will tend to merge with non-negligible weights. (b) −1=2 In contrast, if α=max(αk; k 6 K) < D=2, the extra components are emptied at a rate of N . Hence, if none of the components are small, it implies that K is probably not larger than K0. In the intermediate case, if min(αk; k ≤ K) ≤ D=2 ≤ max(αk; k 6 K), then the situation varies depending on the αk’s and on the difference between K and K0.
    [Show full text]
  • A Dirichlet Process Mixture Model of Discrete Choice Arxiv:1801.06296V1
    A Dirichlet Process Mixture Model of Discrete Choice 19 January, 2018 Rico Krueger (corresponding author) Research Centre for Integrated Transport Innovation, School of Civil and Environmental Engineering, UNSW Australia, Sydney NSW 2052, Australia [email protected] Akshay Vij Institute for Choice, University of South Australia 140 Arthur Street, North Sydney NSW 2060, Australia [email protected] Taha H. Rashidi Research Centre for Integrated Transport Innovation, School of Civil and Environmental Engineering, UNSW Australia, Sydney NSW 2052, Australia [email protected] arXiv:1801.06296v1 [stat.AP] 19 Jan 2018 1 Abstract We present a mixed multinomial logit (MNL) model, which leverages the truncated stick- breaking process representation of the Dirichlet process as a flexible nonparametric mixing distribution. The proposed model is a Dirichlet process mixture model and accommodates discrete representations of heterogeneity, like a latent class MNL model. Yet, unlike a latent class MNL model, the proposed discrete choice model does not require the analyst to fix the number of mixture components prior to estimation, as the complexity of the discrete mixing distribution is inferred from the evidence. For posterior inference in the proposed Dirichlet process mixture model of discrete choice, we derive an expectation maximisation algorithm. In a simulation study, we demonstrate that the proposed model framework can flexibly capture differently-shaped taste parameter distributions. Furthermore, we empirically validate the model framework in a case study on motorists’ route choice preferences and find that the proposed Dirichlet process mixture model of discrete choice outperforms a latent class MNL model and mixed MNL models with common parametric mixing distributions in terms of both in-sample fit and out-of-sample predictive ability.
    [Show full text]
  • Part 2: Basics of Dirichlet Processes 2.1 Motivation
    CS547Q Statistical Modeling with Stochastic Processes Winter 2011 Part 2: Basics of Dirichlet processes Lecturer: Alexandre Bouchard-Cˆot´e Scribe(s): Liangliang Wang Disclaimer: These notes have not been subjected to the usual scrutiny reserved for formal publications. They may be distributed outside this class only with the permission of the Instructor. Last update: May 17, 2011 2.1 Motivation To motivate the Dirichlet process, let us consider a simple density estimation problem: modeling the height of UBC students. We are going to take a Bayesian approach to this problem, considering the parameters as random variables. In one of the most basic models, one would define a mean and variance random parameter θ = (µ, σ2), and a height random variable normally distributed conditionally on θ, with parameters θ.1 Using a single normal distribution is clearly a defective approach, since for example the male/female sub- populations create a skewness in the distribution, which cannot be capture by normal distributions: The solution suggested by this figure is to use a mixture of two normal distributions, with one set of parameters θc for each sub-population or cluster c ∈ {1, 2}. Pictorially, the model can be described as follows: 1- Generate a male/female relative frequence " " ~ Beta(male prior pseudo counts, female P.C) Mean height 2- Generate the sex of each student for each i for men Mult( ) !(1) x1 x2 x3 xi | " ~ " 3- Generate the mean height of each cluster c !(2) Mean height !(c) ~ N(prior height, how confident prior) for women y1 y2 y3 4- Generate student heights for each i yi | xi, !(1), !(2) ~ N(!(xi) ,variance) 1Yes, this has many problems (heights cannot be negative, normal assumption broken, etc).
    [Show full text]
  • Maximum Likelihood Estimation of Dirichlet Distribution Parameters
    Maximum Likelihood Estimation of Dirichlet Distribution Parameters Jonathan Huang Abstract. Dirichlet distributions are commonly used as priors over propor- tional data. In this paper, I will introduce this distribution, discuss why it is useful, and compare implementations of 4 different methods for estimating its parameters from observed data. 1. Introduction The Dirichlet distribution is one that has often been turned to in Bayesian statistical inference as a convenient prior distribution to place over proportional data. To properly motivate its study, we will begin with a simple coin toss example, where the task will be to find a suitable distribution P which summarizes our beliefs about the probability that the toss will result in heads, based on all prior such experiments. 16 14 12 10 8 6 4 2 0 0 0.2 0.4 0.6 0.8 1 H/(H+T) Figure 1. A distribution over possible probabilities of obtaining heads We will want to convey several things via such a distribution. First, if we have an idea of what the odds of heads are, then we will want P to reflect this. For example, if we associate P with the experiment of flipping a penny, we would hope that P gives strong probability to 50-50 odds. Second, we will want the distribution to somehow reflect confidence by expressing how many coin flips we have witnessed 1 2 JONATHAN HUANG in the past, the idea being that the more coin flips one has seen, the more confident one is about how a coin must behave. In the case where we have never seen a coin flip experiment, then P should assign uniform probability to all odds.
    [Show full text]
  • A Dirichlet Process Model for Detecting Positive Selection in Protein-Coding DNA Sequences
    A Dirichlet process model for detecting positive selection in protein-coding DNA sequences John P. Huelsenbeck*†, Sonia Jain‡, Simon W. D. Frost§, and Sergei L. Kosakovsky Pond§ *Section of Ecology, Behavior, and Evolution, Division of Biological Sciences, University of California at San Diego, La Jolla, CA 92093-0116; ‡Division of Biostatistics and Bioinformatics, Department of Family and Preventive Medicine, University of California at San Diego, La Jolla, CA 92093-0717; and §Antiviral Research Center, University of California at San Diego, 150 West Washington Street, La Jolla, CA 92103 Edited by Joseph Felsenstein, University of Washington, Seattle, WA, and approved March 1, 2006 (received for review September 21, 2005) Most methods for detecting Darwinian natural selection at the natural selection that is present at only a few positions in the molecular level rely on estimating the rates or numbers of non- alignment (21). In cases where such methods have been successful, synonymous and synonymous changes in an alignment of protein- many sites are typically under strong positive selection (e.g., MHC). coding DNA sequences. In some of these methods, the nonsyn- More recently, Nielsen and Yang (2) developed a method that onymous rate of substitution is allowed to vary across the allows the rate of nonsynonymous substitution to vary across the sequence, permitting the identification of single amino acid posi- sequence. The method of Nielsen and Yang has proven useful for tions that are under positive natural selection. However, it is detecting positive natural selection in sequences where only a few unclear which probability distribution should be used to describe sites are under directional selection.
    [Show full text]
  • Variability in Encoding Precision Accounts for Visual Short-Term Memory Limitations
    Variability in encoding precision accounts for visual short-term memory limitations Ronald van den Berga,1, Hongsup Shina,1, Wen-Chuang Choua,2, Ryan Georgea,b, and Wei Ji Maa,3 aDepartment of Neuroscience, Baylor College of Medicine, Houston, TX 77030; and bDepartment of Computational and Applied Mathematics, Rice University, Houston TX 77005 Edited by Richard M. Shiffrin, Indiana University, Bloomington, IN, and approved April 11, 2012 (received for review October 24, 2011) It is commonly believed that visual short-term memory (VSTM) than chunks, an item might get encoded using multiple chunks and consists of a fixed number of “slots” in which items can be stored. thus with higher precision. To compare the four models, we used An alternative theory in which memory resource is a continuous two visual short-term memory (VSTM) paradigms, namely de- quantity distributed over all items seems to be refuted by the ap- layed estimation (7) and change localization, each of which we pearance of guessing in human responses. Here, we introduce a applied to two feature dimensions, color and orientation (Fig. 2). model in which resource is not only continuous but also variable We found that the VP model outperforms the previous models across items and trials, causing random fluctuations in encoding in each of the four experiments and accounts, at each set size, for precision. We tested this model against previous models using two the frequency that observers appear to be guessing. Thus, the VP VSTM paradigms and two feature dimensions. Our model accu- model poses a serious challenge to models in which VSTM re- rately accounts for all aspects of the data, including apparent source is assumed to be discrete and fixed.
    [Show full text]
  • Kernel Analysis Based on Dirichlet Processes Mixture Models
    entropy Article Kernel Analysis Based on Dirichlet Processes Mixture Models Jinkai Tian 1,2, Peifeng Yan 1,2 and Da Huang 1,2,* 1 State Key Laboratory of High Performance Computing, National University of Defense Technology, Changsha 410073, China 2 College of Computer, National University of Defense Technology, Changsha 410073, China * Correspondence: [email protected] Received: 22 July 2019; Accepted: 29 August 2019; Published: 2 September 2019 Abstract: Kernels play a crucial role in Gaussian process regression. Analyzing kernels from their spectral domain has attracted extensive attention in recent years. Gaussian mixture models (GMM) are used to model the spectrum of kernels. However, the number of components in a GMM is fixed. Thus, this model suffers from overfitting or underfitting. In this paper, we try to combine the spectral domain of kernels with nonparametric Bayesian models. Dirichlet processes mixture models are used to resolve this problem by changing the number of components according to the data size. Multiple experiments have been conducted on this model and it shows competitive performance. Keywords: Dirichlet processes; Dirichlet processes mixture models; Gaussian mixture models; kernel; spectral analysis 1. Introduction Probabilistic models are essential for machine learning to have a correct understanding of problems. While frequentist models are considered a traditional method for statisticians, Bayesian models are more widely used in machine learning fields. A Bayesian model is a statistical model where probability is used to represent all uncertainties in the model. Uncertainty of both input and output are under consideration in a Bayesian model. A parametric Bayesian model assumes a finite set of parameters which is not flexible because the complexity of the model is bounded while the amount of data is unbounded.
    [Show full text]
  • Estimating the Mutual Information Between Two Discrete, Asymmetric Variables with Limited Samples
    entropy Article Estimating the Mutual Information between Two Discrete, Asymmetric Variables with Limited Samples Damián G. Hernández * and Inés Samengo Department of Medical Physics, Centro Atómico Bariloche and Instituto Balseiro, 8400 San Carlos de Bariloche, Argentina; [email protected] * Correspondence: [email protected] Received: 3 May 2019; Accepted: 13 June 2019; Published: 25 June 2019 Abstract: Determining the strength of nonlinear, statistical dependencies between two variables is a crucial matter in many research fields. The established measure for quantifying such relations is the mutual information. However, estimating mutual information from limited samples is a challenging task. Since the mutual information is the difference of two entropies, the existing Bayesian estimators of entropy may be used to estimate information. This procedure, however, is still biased in the severely under-sampled regime. Here, we propose an alternative estimator that is applicable to those cases in which the marginal distribution of one of the two variables—the one with minimal entropy—is well sampled. The other variable, as well as the joint and conditional distributions, can be severely undersampled. We obtain a consistent estimator that presents very low bias, outperforming previous methods even when the sampled data contain few coincidences. As with other Bayesian estimators, our proposal focuses on the strength of the interaction between the two variables, without seeking to model the specific way in which they are related. A distinctive property of our method is that the main data statistics determining the amount of mutual information is the inhomogeneity of the conditional distribution of the low-entropy variable in those states in which the large-entropy variable registers coincidences.
    [Show full text]
  • Nonparametric Density Estimation for Learning Noise Distributions in Mobile Robotics
    Nonparametric Density Estimation for Learning Noise Distributions in Mobile Robotics David M. Rosen and John J. Leonard Histogram of observations Abstract—By admitting an explicit representation of the uncer- 350 tainty associated with sensing and actuation in the real world, the probabilistic robotics paradigm has led to remarkable improve- 300 ments in the robustness and performance of autonomous systems. However, this approach generally requires that the sensing and 250 actuation noise acting upon an autonomous system be specified 200 in the form of probability density functions, thus necessitating Count that these densities themselves be estimated. To that end, in this 150 paper we present a general framework for directly estimating the probability density function of a noise distribution given only a 100 set of observations sampled from that distribution. Our approach is based upon Dirichlet process mixture models (DPMMs), a 50 class of infinite mixture models commonly used in Bayesian 0 −10 −5 0 5 10 15 20 25 nonparametric statistics. These models are very expressive and Observation enjoy good posterior consistency properties when used in density estimation, but the density estimates that they produce are often too computationally complex to be used in mobile robotics Fig. 1. A complicated noise distribution: This figure shows a histogram of applications, where computational resources are limited and 3000 observations sampled from a complicated noise distribution in simulation speed is crucial. We derive a straightforward yet principled (cf. equations (37)–(40)). The a priori identification of a parametric family capable of accurately characterizing complex or poorly-understood noise approximation method for simplifying the densities learned by distributions such as the one shown here is a challenging problem, which DPMMs in order to produce computationally tractable density renders parametric density estimation approaches vulnerable to model mis- estimates.
    [Show full text]
  • Dirichlet Process Gaussian Mixture Models: Choice of the Base Distribution
    GÄorÄurD, Rasmussen CE. Dirichlet process Gaussian mixture models: Choice of the base distribution. JOURNAL OF COMPUTER SCIENCE AND TECHNOLOGY 25(4): 615{626 July 2010/DOI 10.1007/s11390-010-1051-1 Dirichlet Process Gaussian Mixture Models: Choice of the Base Distribution Dilan GÄorÄur1 and Carl Edward Rasmussen2;3 1Gatsby Computational Neuroscience Unit, University College London, London WC1N 3AR, U.K. 2Department of Engineering, University of Cambridge, Cambridge CB2 1PZ, U.K. 3Max Planck Institute for Biological Cybernetics, D-72076 TÄubingen,Germany E-mail: [email protected]; [email protected] Received May 2, 2009; revised February 10, 2010. Abstract In the Bayesian mixture modeling framework it is possible to infer the necessary number of components to model the data and therefore it is unnecessary to explicitly restrict the number of components. Nonparametric mixture models sidestep the problem of ¯nding the \correct" number of mixture components by assuming in¯nitely many components. In this paper Dirichlet process mixture (DPM) models are cast as in¯nite mixture models and inference using Markov chain Monte Carlo is described. The speci¯cation of the priors on the model parameters is often guided by mathematical and practical convenience. The primary goal of this paper is to compare the choice of conjugate and non-conjugate base distributions on a particular class of DPM models which is widely used in applications, the Dirichlet process Gaussian mixture model (DPGMM). We compare computational e±ciency and modeling performance of DPGMM de¯ned using a conjugate and a conditionally conjugate base distribution. We show that better density models can result from using a wider class of priors with no or only a modest increase in computational e®ort.
    [Show full text]
  • Robust Estimation of Risks from Small Samples
    Robust estimation of risks from small samples Simon H. Tindemans∗ and Goran Strbac Department of Electrical and Electronic Engineering, Imperial College London, London SW7 2AZ, UK Data-driven risk analysis involves the inference of probability distributions from measured or simulated data. In the case of a highly reliable system, such as the electricity grid, the amount of relevant data is often exceedingly limited, but the impact of estimation errors may be very large. This paper presents a robust nonparametric Bayesian method to infer possible underlying distributions. The method obtains rigorous error bounds even for small samples taken from ill- behaved distributions. The approach taken has a natural interpretation in terms of the intervals between ordered observations, where allocation of probability mass across intervals is well-specified, but the location of that mass within each interval is unconstrained. This formulation gives rise to a straightforward computational resampling method: Bayesian Interval Sampling. In a comparison with common alternative approaches, it is shown to satisfy strict error bounds even for ill-behaved distributions. Keywords: Rare event analysis, Bayesian inference, nonparametric methods, Dirichlet process, imprecise probabilities, resampling methods I. MOTIVATION: RISK ANALYSIS FOR GRIDS Managing a critical infrastructure such as the electricity grid requires constant vigilance on the part of its operator. The system operator identifies threats, determines the risks associated with these threats and, where necessary, takes action to mitigate them. In the case of the electricity grid, these threats include sudden outages of lines and generators, misprediction of renewable generating capacity, and long-term investment shortages. Quantitative risk assessments often amounts to data analysis.
    [Show full text]
  • Paper: a Tutorial on Dirichlet Process Mixture Modeling
    Journal of Mathematical Psychology 91 (2019) 128–144 Contents lists available at ScienceDirect Journal of Mathematical Psychology journal homepage: www.elsevier.com/locate/jmp Tutorial A tutorial on Dirichlet process mixture modeling ∗ Yuelin Li a,b, , Elizabeth Schofield a, Mithat Gönen b a Department of Psychiatry & Behavioral Sciences, Memorial Sloan Kettering Cancer Center, New York, NY 10022, USA b Department of Epidemiology & Biostatistics, Memorial Sloan Kettering Cancer Center, New York, NY 10017, USA h i g h l i g h t s • Mathematical derivations essential to the development of Dirichlet Process are provided. • An accessible pedagogy for complex and abstract mathematics in DP modeling. • A publicly accessible computer program in R is explained line-by-line. article info a b s t r a c t Article history: Bayesian nonparametric (BNP) models are becoming increasingly important in psychology, both as Received 14 June 2018 theoretical models of cognition and as analytic tools. However, existing tutorials tend to be at a level of Received in revised form 21 March 2019 abstraction largely impenetrable by non-technicians. This tutorial aims to help beginners understand Available online xxxx key concepts by working through important but often omitted derivations carefully and explicitly, Keywords: with a focus on linking the mathematics with a practical computation solution for a Dirichlet Process Bayesian nonparametric Mixture Model (DPMM)—one of the most widely used BNP methods. Abstract concepts are made Dirichlet process explicit and concrete to non-technical readers by working through the theory that gives rise to them. Mixture model A publicly accessible computer program written in the statistical language R is explained line-by-line Gibbs sampling to help readers understand the computation algorithm.
    [Show full text]