CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation

Size: px
Start display at page:

Download "CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation"

Transcription

1 CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation University of Zürich May 27

2 Motivation Aim: Forecast the Value at Risk of a portfolio of d assets, i.e., the quantiles of R t = b r t, r t = (r i,1,..., r d,t ). Problem: Assets not independent, GARCH effects, heavy tails. Naive approach: Fit a univariate GARCH-type model to the time series of R t. Problem: need to re-estimate the model for each b. Solution: Multivariate (M-) GARCH models. But: Many parameters ( curse of dimensionality ), computationally demanding. We show how Conditional Heteroscedasticity-based Independent Component Analysis can be used to estimate a GO-GARCH model. Using Generalized Hyperbolic innovations and a saddlepoint approximation, we obtain fast and accurate portfolio VaR forecasts.

3 Outline

4 Outline

5 MGARCH-Models General Setup: r t = µ t + u t u t = Σ 1/2 t ɛ t ɛ t i.i.d.(, I) Most general rendition: VEC(p,q) (Bollerslev, Engle and Wooldridge, 1988): vech Σ t = c + O(d 4 ) parameters (!) p B vech Σ t p + i=1 q A vech u t q u t q i=1

6 The GO-Garch Model Need to imply restrictions to ensure Σ t >, and reduce number of parameters BEKK (Engel and Kroner, 1995), CCC (Bollerslev, 199), DCC (Engle, 21),... The GO-GARCH model (van der Weide, 22): innovations vector modelled as linear combination of d unobserved factors f t : u t = Af t, for some constant, invertible mixing matrix A. The unobserved factors are assumed to be independent of each other, and to have unit variance (identifying restriction).

7 The GO-Garch Model (2) Assuming a GARCH(1,1) process for each factor {f it }, this is similar to the Full Factor Model of Vrontos et. al. (23), and a special case of the Factor-GARCH (Engle et. al., 199) and BEKK (Engle and Kroner, 1995) models, with Σ t = AΩA + d α k λ k w kσ t 1 w k λ k + k=1 d β k λ k w ku t 1 u t 1w k λ k, Ω = d k=1 (1 α k β k )e k e k, λ k = Ae k, w k = A T e k, and e k is a d 1 vector with kth element 1 and zeros everywhere else. Provides a reasonable tradeoff between covariance flexibility and parsimony. i=1 Factors need not have a simple GARCH structure.

8 The GO-Garch Model (3) A polar decomposition uniquely factorizes the mixing matrix A into a symmetric positive definite matrix Σ 1/2 and a rotation matrix U: where A = Σ 1/2 U, AA = Σ 1/2 UU Σ 1/2 = Σ is the unconditional covariance matrix. The d(d + 1)/2 free parameters in Σ 1/2 can be consistently estimated from the (unconditional) sample covariance. Estimating the d(d 1)/2 parameters in U requires conditional information, because any orthogonal matrix U gives rise to the same unconditional covariance matrix Σ (because U U = I).

9 The GO-Garch Model (4) ( As U is a rotation matrix, it can be decomposed as the product of d ) 2 basic rotation matrices Ri (θ i ), where each R i is a rotation of angle θ i in the plane spanned by one pair of axes in R d. For example, in the d = 2 case, [ cos θ U = sin θ sin θ cos θ Thus, U can be fully parameterized in terms of the Euler angles θ i. ].

10 Related Literature Hyvärinen, Karhunen and Oja (21): monograph on ICA Fan, Wang and Yao (25): Conditionally Uncorrelated Components Chen, Härdle and Spokoiny (26): ICA in a nonparametric framework Boswijk and van der Weide (26): 2-Step estimation of GO-GARCH model

11 Outline

12 Estimation Estimation by ML is difficult, especially under non-normality. We would like to have a two-step approach (as in, e.g., the CCC and DCC models): Estimate A = Σ 1/2 U first, then fit d univariate GARCH models. Σ 1/2 can be estimated from unconditional information. Thus, consider the demeaned and whitened data z: z t = ˆΣ 1/2 û t, where û t (r t ˆµ t ) and ˆΣ (û t û t)/t. The goal is then to estimate U. We propose to use Independent Component Analysis.

13 Independent Component Analysis ICA is a relatively young technique used in signal processing. Assume we observe a d dimensional random vector u t. The u it are linear combinations of d independent random variables f it : u t = Af t. Only u t is observed. Aim: estimate A, i.e., find a matrix A such that the linear combinations y t = A 1 u t are independent. Naive approach of taking A = E [ (u t E[u t ])(u t E[u t ]) ] 1/2 yields uncorrelated components, but yields independent components only up to an orthogonal transformation: With U orthogonal, E[U y t y tu ] = U U = I, i.e., U ast y is also uncorrelated have to use more information Whitening is still useful, need to consider only orthogonal matrices.

14 Using Additional Information Which additional information to use depends on the problem at hand. Example: If the data are non-gaussian, that information can be exploited. Central Limit Theorem: Sums of independent r.v.s are more gaussian. The ICs are those linear combinations of the data that are least gaussian, as measured by, e.g., excess kurtosis. For financial data, it suggests itself to use the GARCH-effects as extra information: the sum of two (or more) garchy series will typically be less garchy. Thus, the independent components are those linear combinations of the data that have the most pronounced GARCH-effects, as measured by, e.g., autocorrelation of the squared series.

15 ICA using Variance Nonstationarity The algorithm of Hyvärinen, Karhunen and Oja (21, p.349) achieves this with cubic convergence. Given prewhitened data z t, the algorithm starts with U n = I and iterates U temp = z[z U n z U n z U n ]/T + z [z U n z U n z U n ]/T 2U n 4 CU n D n U n+1 = (U temp U temp) 1/2 U temp where z = [z 2,..., z T ], z = [z 1,..., z T 1 ], C = (zz + z z )/(2T ), D n = diag ( vecd ( U n CU n )), and denotes the Hadamard product. The iteration stops when 1 c < ɛ, where c is the minimum over the absolute values of the diagonal elements of U n+1 U n, and ɛ is a suitable convergence threshold (we use 1 12 ). In the rare cases that the algorithm fails to converge, one may fall back to the negentropy-based FastICA algorithm.

16 ICA Example

17 ICA Example

18 Alternative Method Boswijk and van der Weide (26) derive an estimator Û BW as the eigenvector matrix of ˆB, where 1 ˆB = argmin B:B=B T T t=1 which has to be solved numerically. ( [zt tr z t I d B ( z t 1 z ) ] ) 2 t 1 I d B, We compare the performance of the two methods with a small simulation study. We use d = 2, so only one parameter to estimate (rotation angle θ). T = 8, data are Normal-GARCH(1,1), with a 1 =.9, b 1 =.9, a 2 =.4, b 2 =.95,Σ = I.

19 Comparison of Estimators RMSE ICA BW MLE.15.1 BIAS ICA BW MLE.3.5 RMSE.25.2 BIAS θ θ Figure: Performance Comparison of MLE, ICA, and Boswijde and van der Weide (BW). Average computation time for each of the 1 replications: 8.87 sec for MLE, 1.68 for BW, and.3 sec for ICA, 297 and 56 times faster, respectively.

20 Outline

21 The Model Our aim is to obtain VaR forecasts for R t+1 = b Af t+1. Full specification of the model requires us to specify 1 the univariate factor dynamics and 2 the innovations distribution. Our two-step procedure allows us to keep these separate from the covariance specification.

22 Specification of IC Dynamics We model the ith IC as f i,t = σ it Z it. To capture the evolution of the scale parameters σ i,t, we use the A-PARCH model proposed by Ding, Granger and Engle (1993), given by σ δ i it = c i + r c ij ( f i,t j γ ij f i,t j ) δ i + j=1 s j=1 d ij σ δ i i,t j where z i,t = ɛ i,t σ i,t, c i,j >, d i,j, δ i >, and γ i,j < 1. We set r i = s i = 1 and δ i = 1, which was shown in Mittnik and Paolella (2) to produce very accurate VaR forecasts for fx data.

23 The Innovations Distribution We model the innovations as Generalized Hyperbolic: Z i,t GHyp(λ i, ω i, ρ i, σ i, µ i ), i.e., with λ R, ω >, ρ < 1, µ R and δ >, their density is f X (x; λ, ω, ρ, σ, µ) = ω λ ȳ λ 1 2 2πᾱ λ 1 2 σk λ (ω) K λ 1 2 (ᾱȳ) eρᾱz, where z x µ σ, ᾱ ω(1 ρ2 ) 1/2, ȳ 1 + z 2, and K ν (x) is the the modified Bessel function of the third kind with index ν, defined as K ν (x) = 1 2 t ν 1 e 1 2 x(t+t 1) dt.

24 Moments of GHyp The expected value and variance of the GH distribution are given by ρ E[X ] = µ + σ k 1(ω) 1 ρ 2 and [ ] V(X ) = σ 2 ω 1 k 1 (ω) + ρ2 1 ρ 2 k 2(ω), where k 1 (ω) K λ+1 (ω)/k λ (ω) and k 2 (ω) [K λ (ω)k λ+2 (ω) K λ+1 (ω) 2 ]/K λ (ω) 2. We standardize the generalized hyperbolic to have zero mean and unit variance and denote the standardized distribution as SGH: f SGH (x, λ, ω, ρ) = f GHyp (x, λ, ω, ρ, ˆδ, ˆµ), where ˆδ = [ω 1 k 1 (ω) + ρ 2 (1 ρ 2 ) 1 k 2 (ω)] 1/2 and ˆµ = ρ(1 ρ 2 ) 1/2ˆδk1 (ω).

25 Remarks GHyp is an extremely flexible distribution: It nests, among others, the Laplace, Student s t, Normal,... It possesses semi-heavy tails, i.e., its log-density decays roughly linearly, a common feature in financial data. δ and µ are location and scale parameters, respectively. ρ is a skewness parameter. ω dictates the tail-heaviness. The shape parameter λ is notoriously difficult to estimate. Solution: consider special cases 1 λ = 1 (Normal Inverse Gaussian (NIG)) 2 2 λ = 1 (Hyperbolic)

26 Cumulant Generating Function The cumulant generating function of X is K X (t) = µt + ln K λ (ωq) ln K λ (ω) λ ln (Q), where Q = Q (t) 1 (2βt + t 2 ) /ψ, β ωδ 1 ρ(1 ρ 2 ) 1/2, and ψ ω 2 δ 2. The convergence strip K of K X is β β 2 + ψ < t < β + β 2 + ψ.

27 Outline

28 CDF of GHyp Convolutions In order to compute VaR, we require the (conditional) inverse cdf of R t+1 = b Af t+1, i.e., a weighted sum of independent GHyp random variables. Simulation is one straightforward possibility, but because tail values are required, an extremely large number of replications will be required to obtain reasonable and reliable accuracy. Numerical inversion of the cf is another option, but the requisite integrand is oscillatory, rendering numerical quadrature difficult. We therefore propose use of a Saddlepoint Approximation.

29 Saddlepoint Approximations: Introduction The SPA can be thought of as 1 approximate inversion of the characteristic function, but without requiring integration 2 an Edgeworth expansion, but vastly more accurate and without the problems associated with the latter, such as negative values of the density and poor accuracy in the tails. Its accuracy for d > 1 will be similar, if not higher, than for the d = 1 case, because, as assets are summed, a central limit effect takes place, drawing the distribution of S closer to normality for which the SPA is exact.

30 PDF Saddlepoint Approximation The saddlepoint approximation to the density is given by 1 ˆf X (x) = 2π K X (ˆt ) exp { K X (ˆt ) xˆt }, x = K X(ˆt ), where ˆt = ˆt (x) is the solution to the saddlepoint equation and is referred to as the saddlepoint at x. Remarks 1 The saddlepoint equation must be solved (numerically) anew for each value of x. 2 The approximate pdf will not, in general, integrate to one, but can be renormalized. 3 SPA requires derivatives of the cgf see above.

31 CDF Saddlepoint Approximation The approximate cdf of X could be obtained by numerically integrating ˆf. In a celebrated paper, Lugannani and Rice (198) derived a simple expression for the SPA to the cdf, given for continuous r.v.s by { 1 ˆF X (x) = Pr (X < x) = Φ (ŵ) + φ (ŵ) ŵ 1 }, x E [X ], û where Φ and φ are the cdf and pdf of the standard normal distribution, respectively, ŵ = sgn (ˆt ) 2ˆtx 2K X (ˆt ) and û = ˆt K X(ˆt ).

32 Application to the GHyp Application to Ghyp is straightforward; requires only derivatives of the cgf (see above). In the special case of the NIG distribution, the SPA is in closed form! Specifically, K X (t) = µt ωq+ω, K X (t) = µ+ω β + t Qψ, K X = ω ω(β + t)2 + Qψ Q 3 ψ 2, and the saddlepoint is given by ˆt = (x µ) ᾱ ȳδ 2 β. The d > 1 case is straightforward: From independence, the cgf of S = n i=1 a ix i, a i, is n K S (t) = K Xi (a i t). i=1

33 Illustration of Accuracy Density Function Exact SPA RPE x x Figure: Left: The exact pdf (solid) and renormalized spa (dashed) for a GHyp with λ = 3, ω = 8, ρ = 1/3, σ = 1 and µ =. Right: The relative percentage error (RPE) of the cdf saddlepoint approximation

34 Illustration of Accuracy (2) 4 Quantiles of GHyp 3 QQ Plot x q 1 1 True Quantiles q SPA Quantiles Figure: Quantiles of X 1 + X 2, X i GHyp(λ, ω i, ρ i, δ i, µ i ), λ =.5, ω 1 = 1.93, ω 2 =.9, ρ 1 =.2, ρ 2 =.6, δ 1 = 1.22, δ 1 =.81, µ 1 =.6, µ 2 =.3. Exact numbers (solid) took 8s to compute, SPA (dotted) 1s.

35 Outline

36 Application to VaR Forecasting (1) d = 1 dimensional time series of Dow Jones stock returns (3M, Alcoa, Altria, American Express, American International Group, AT&T, Boeing, Caterpillar, Citigroup, Coca-Cola) Daily returns (9/23/92 to 3/23/7), T = 3, 29. Equally weighted portfolio: b i = 1/1. Using a moving estimation window of 1, observations, we compute 1-day ahead VaR forecasts.

37 Application to VaR Forecasting (2) 8 NIG Innovations R t t Figure: Returns, 1-day-ahead 1% and 5% VaR forecasts, and VaR violations, using NIG innovations. Empirical VaR:.95% and 3.85%

38 Application to VaR Forecasting (3).5 NIG.5 NIG f(f t ).25 f(f t ) f t f t Figure: Kernel density (solid) of filtered residuals and fitted NIG densities (dashes) for two ICs.

39 Application to VaR Forecasting (4) 8 Hyperbolic Innovations R t t Figure: Returns, 1-day-ahead 1% and 5% VaR forecasts, and VaR violations, using hyperbolic innovations. Empirical VaR:.91% and 3.4%

40 Application to VaR Forecasting (5).5 Hyperbolic.5 Hyperbolic f(f t ).25 f(f t ) f t f t Figure: Kernel density (solid) of filtered residuals and fitted HYP densities (dashes) for two ICs.

41 Outline

42 Conclusions CHICAGO method is capable of producing fast and accurate portfolio VaR forecasts. Modular approach: Estimation of factor loadings independent of specification of IC dynamics and distribution of innovations. After parameter estimates have been computed, SPA allows VaR forecasts to be evaluated extremely quickly for different portfolio weights, while maintaining outstanding accuracy, and thus allows the procedure to be used in, e.g., real-time portfolio optimization.

43 Future Research Use of Shrinkage / Bayesian estimators for µ t and Σ Use of weighted ICA to account for parameter changes / misspecification Use of marginal models with better predictive power (mixture models with pseudo long memory, better leverage effect modelling, and time-varying skewness and kurtosis) Use of several variations of CHICAGO and other easily estimated models for use with optimal combinations of density forecasts

CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation

CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation CHICAGO: A Fast and Accurate Method for Portfolio Risk Calculation University of Zürich April 28 Motivation Aim: Forecast the Value at Risk of a portfolio of d assets, i.e., the quantiles of R t = b r

More information

Intro VEC and BEKK Example Factor Models Cond Var and Cor Application Ref 4. MGARCH

Intro VEC and BEKK Example Factor Models Cond Var and Cor Application Ref 4. MGARCH ntro VEC and BEKK Example Factor Models Cond Var and Cor Application Ref 4. MGARCH JEM 140: Quantitative Multivariate Finance ES, Charles University, Prague Summer 2018 JEM 140 () 4. MGARCH Summer 2018

More information

Multivariate Distributions

Multivariate Distributions IEOR E4602: Quantitative Risk Management Spring 2016 c 2016 by Martin Haugh Multivariate Distributions We will study multivariate distributions in these notes, focusing 1 in particular on multivariate

More information

Lecture 8: Multivariate GARCH and Conditional Correlation Models

Lecture 8: Multivariate GARCH and Conditional Correlation Models Lecture 8: Multivariate GARCH and Conditional Correlation Models Prof. Massimo Guidolin 20192 Financial Econometrics Winter/Spring 2018 Overview Three issues in multivariate modelling of CH covariances

More information

Multivariate Asset Return Prediction with Mixture Models

Multivariate Asset Return Prediction with Mixture Models Multivariate Asset Return Prediction with Mixture Models Swiss Banking Institute, University of Zürich Introduction The leptokurtic nature of asset returns has spawned an enormous amount of research into

More information

Financial Times Series. Lecture 12

Financial Times Series. Lecture 12 Financial Times Series Lecture 12 Multivariate Volatility Models Here our aim is to generalize the previously presented univariate volatility models to their multivariate counterparts We assume that returns

More information

Time Series Models for Measuring Market Risk

Time Series Models for Measuring Market Risk Time Series Models for Measuring Market Risk José Miguel Hernández Lobato Universidad Autónoma de Madrid, Computer Science Department June 28, 2007 1/ 32 Outline 1 Introduction 2 Competitive and collaborative

More information

GARCH Models. Eduardo Rossi University of Pavia. December Rossi GARCH Financial Econometrics / 50

GARCH Models. Eduardo Rossi University of Pavia. December Rossi GARCH Financial Econometrics / 50 GARCH Models Eduardo Rossi University of Pavia December 013 Rossi GARCH Financial Econometrics - 013 1 / 50 Outline 1 Stylized Facts ARCH model: definition 3 GARCH model 4 EGARCH 5 Asymmetric Models 6

More information

Time Series Modeling of Financial Data. Prof. Daniel P. Palomar

Time Series Modeling of Financial Data. Prof. Daniel P. Palomar Time Series Modeling of Financial Data Prof. Daniel P. Palomar The Hong Kong University of Science and Technology (HKUST) MAFS6010R- Portfolio Optimization with R MSc in Financial Mathematics Fall 2018-19,

More information

Multivariate GARCH models.

Multivariate GARCH models. Multivariate GARCH models. Financial market volatility moves together over time across assets and markets. Recognizing this commonality through a multivariate modeling framework leads to obvious gains

More information

Portfolio Value at Risk Based On Independent Components Analysis

Portfolio Value at Risk Based On Independent Components Analysis Portfolio Value at Risk Based On Independent Components Analysis Ying Chen 1,2, Wolfgang Härdle 1 and Vladimir Spokoiny 1,2 1 CASE - Center for Applied Statistics and Economics Humboldt-Universität zu

More information

Multivariate Statistics

Multivariate Statistics Multivariate Statistics Chapter 2: Multivariate distributions and inference Pedro Galeano Departamento de Estadística Universidad Carlos III de Madrid pedro.galeano@uc3m.es Course 2016/2017 Master in Mathematical

More information

SYSM 6303: Quantitative Introduction to Risk and Uncertainty in Business Lecture 4: Fitting Data to Distributions

SYSM 6303: Quantitative Introduction to Risk and Uncertainty in Business Lecture 4: Fitting Data to Distributions SYSM 6303: Quantitative Introduction to Risk and Uncertainty in Business Lecture 4: Fitting Data to Distributions M. Vidyasagar Cecil & Ida Green Chair The University of Texas at Dallas Email: M.Vidyasagar@utdallas.edu

More information

Efficient estimation of a semiparametric dynamic copula model

Efficient estimation of a semiparametric dynamic copula model Efficient estimation of a semiparametric dynamic copula model Christian Hafner Olga Reznikova Institute of Statistics Université catholique de Louvain Louvain-la-Neuve, Blgium 30 January 2009 Young Researchers

More information

New Statistical Model for the Enhancement of Noisy Speech

New Statistical Model for the Enhancement of Noisy Speech New Statistical Model for the Enhancement of Noisy Speech Electrical Engineering Department Technion - Israel Institute of Technology February 22, 27 Outline Problem Formulation and Motivation 1 Problem

More information

GARCH Models Estimation and Inference

GARCH Models Estimation and Inference GARCH Models Estimation and Inference Eduardo Rossi University of Pavia December 013 Rossi GARCH Financial Econometrics - 013 1 / 1 Likelihood function The procedure most often used in estimating θ 0 in

More information

Regression: Ordinary Least Squares

Regression: Ordinary Least Squares Regression: Ordinary Least Squares Mark Hendricks Autumn 2017 FINM Intro: Regression Outline Regression OLS Mathematics Linear Projection Hendricks, Autumn 2017 FINM Intro: Regression: Lecture 2/32 Regression

More information

Independent Component Analysis and Its Applications. By Qing Xue, 10/15/2004

Independent Component Analysis and Its Applications. By Qing Xue, 10/15/2004 Independent Component Analysis and Its Applications By Qing Xue, 10/15/2004 Outline Motivation of ICA Applications of ICA Principles of ICA estimation Algorithms for ICA Extensions of basic ICA framework

More information

Multivariate Normal-Laplace Distribution and Processes

Multivariate Normal-Laplace Distribution and Processes CHAPTER 4 Multivariate Normal-Laplace Distribution and Processes The normal-laplace distribution, which results from the convolution of independent normal and Laplace random variables is introduced by

More information

The Instability of Correlations: Measurement and the Implications for Market Risk

The Instability of Correlations: Measurement and the Implications for Market Risk The Instability of Correlations: Measurement and the Implications for Market Risk Prof. Massimo Guidolin 20254 Advanced Quantitative Methods for Asset Pricing and Structuring Winter/Spring 2018 Threshold

More information

Robust Backtesting Tests for Value-at-Risk Models

Robust Backtesting Tests for Value-at-Risk Models Robust Backtesting Tests for Value-at-Risk Models Jose Olmo City University London (joint work with Juan Carlos Escanciano, Indiana University) Far East and South Asia Meeting of the Econometric Society

More information

CIFAR Lectures: Non-Gaussian statistics and natural images

CIFAR Lectures: Non-Gaussian statistics and natural images CIFAR Lectures: Non-Gaussian statistics and natural images Dept of Computer Science University of Helsinki, Finland Outline Part I: Theory of ICA Definition and difference to PCA Importance of non-gaussianity

More information

Multiple Random Variables

Multiple Random Variables Multiple Random Variables This Version: July 30, 2015 Multiple Random Variables 2 Now we consider models with more than one r.v. These are called multivariate models For instance: height and weight An

More information

Multivariate Volatility, Dependence and Copulas

Multivariate Volatility, Dependence and Copulas Chapter 9 Multivariate Volatility, Dependence and Copulas Multivariate modeling is in many ways similar to modeling the volatility of a single asset. The primary challenges which arise in the multivariate

More information

Empirical properties of large covariance matrices in finance

Empirical properties of large covariance matrices in finance Empirical properties of large covariance matrices in finance Ex: RiskMetrics Group, Geneva Since 2010: Swissquote, Gland December 2009 Covariance and large random matrices Many problems in finance require

More information

Asymptotic distribution of the sample average value-at-risk

Asymptotic distribution of the sample average value-at-risk Asymptotic distribution of the sample average value-at-risk Stoyan V. Stoyanov Svetlozar T. Rachev September 3, 7 Abstract In this paper, we prove a result for the asymptotic distribution of the sample

More information

Volatility. Gerald P. Dwyer. February Clemson University

Volatility. Gerald P. Dwyer. February Clemson University Volatility Gerald P. Dwyer Clemson University February 2016 Outline 1 Volatility Characteristics of Time Series Heteroskedasticity Simpler Estimation Strategies Exponentially Weighted Moving Average Use

More information

1 Description of variables

1 Description of variables 1 Description of variables We have three possible instruments/state variables: dividend yield d t+1, default spread y t+1, and realized market volatility v t+1 d t is the continuously compounded 12 month

More information

DYNAMIC CONDITIONAL CORRELATIONS FOR ASYMMETRIC PROCESSES

DYNAMIC CONDITIONAL CORRELATIONS FOR ASYMMETRIC PROCESSES J. Japan Statist. Soc. Vol. 41 No. 2 2011 143 157 DYNAMIC CONDITIONAL CORRELATIONS FOR ASYMMETRIC PROCESSES Manabu Asai* and Michael McAleer** *** **** ***** The paper develops a new Dynamic Conditional

More information

12 - Nonparametric Density Estimation

12 - Nonparametric Density Estimation ST 697 Fall 2017 1/49 12 - Nonparametric Density Estimation ST 697 Fall 2017 University of Alabama Density Review ST 697 Fall 2017 2/49 Continuous Random Variables ST 697 Fall 2017 3/49 1.0 0.8 F(x) 0.6

More information

Risk management with the multivariate generalized hyperbolic distribution, calibrated by the multi-cycle EM algorithm

Risk management with the multivariate generalized hyperbolic distribution, calibrated by the multi-cycle EM algorithm Risk management with the multivariate generalized hyperbolic distribution, calibrated by the multi-cycle EM algorithm Marcel Frans Dirk Holtslag Quantitative Economics Amsterdam University A thesis submitted

More information

Gatsby Theoretical Neuroscience Lectures: Non-Gaussian statistics and natural images Parts I-II

Gatsby Theoretical Neuroscience Lectures: Non-Gaussian statistics and natural images Parts I-II Gatsby Theoretical Neuroscience Lectures: Non-Gaussian statistics and natural images Parts I-II Gatsby Unit University College London 27 Feb 2017 Outline Part I: Theory of ICA Definition and difference

More information

MULTICHANNEL SIGNAL PROCESSING USING SPATIAL RANK COVARIANCE MATRICES

MULTICHANNEL SIGNAL PROCESSING USING SPATIAL RANK COVARIANCE MATRICES MULTICHANNEL SIGNAL PROCESSING USING SPATIAL RANK COVARIANCE MATRICES S. Visuri 1 H. Oja V. Koivunen 1 1 Signal Processing Lab. Dept. of Statistics Tampere Univ. of Technology University of Jyväskylä P.O.

More information

Introduction to ARMA and GARCH processes

Introduction to ARMA and GARCH processes Introduction to ARMA and GARCH processes Fulvio Corsi SNS Pisa 3 March 2010 Fulvio Corsi Introduction to ARMA () and GARCH processes SNS Pisa 3 March 2010 1 / 24 Stationarity Strict stationarity: (X 1,

More information

Solutions of the Financial Risk Management Examination

Solutions of the Financial Risk Management Examination Solutions of the Financial Risk Management Examination Thierry Roncalli January 9 th 03 Remark The first five questions are corrected in TR-GDR and in the document of exercise solutions, which is available

More information

Independent component analysis for functional data

Independent component analysis for functional data Independent component analysis for functional data Hannu Oja Department of Mathematics and Statistics University of Turku Version 12.8.216 August 216 Oja (UTU) FICA Date bottom 1 / 38 Outline 1 Probability

More information

Heteroskedasticity in Time Series

Heteroskedasticity in Time Series Heteroskedasticity in Time Series Figure: Time Series of Daily NYSE Returns. 206 / 285 Key Fact 1: Stock Returns are Approximately Serially Uncorrelated Figure: Correlogram of Daily Stock Market Returns.

More information

Fall 2017 STAT 532 Homework Peter Hoff. 1. Let P be a probability measure on a collection of sets A.

Fall 2017 STAT 532 Homework Peter Hoff. 1. Let P be a probability measure on a collection of sets A. 1. Let P be a probability measure on a collection of sets A. (a) For each n N, let H n be a set in A such that H n H n+1. Show that P (H n ) monotonically converges to P ( k=1 H k) as n. (b) For each n

More information

Vector autoregressions, VAR

Vector autoregressions, VAR 1 / 45 Vector autoregressions, VAR Chapter 2 Financial Econometrics Michael Hauser WS17/18 2 / 45 Content Cross-correlations VAR model in standard/reduced form Properties of VAR(1), VAR(p) Structural VAR,

More information

Lecture 11: Regression Methods I (Linear Regression)

Lecture 11: Regression Methods I (Linear Regression) Lecture 11: Regression Methods I (Linear Regression) 1 / 43 Outline 1 Regression: Supervised Learning with Continuous Responses 2 Linear Models and Multiple Linear Regression Ordinary Least Squares Statistical

More information

Time Series Copulas for Heteroskedastic Data

Time Series Copulas for Heteroskedastic Data Time Series Copulas for Heteroskedastic Data Rubén Loaiza-Maya, Michael S. Smith and Worapree Maneesoonthorn arxiv:7.752v [stat.ap] 25 Jan 27 First Version March 26 This Version January 27 Rubén Loaiza-Maya

More information

Bayesian Semiparametric GARCH Models

Bayesian Semiparametric GARCH Models Bayesian Semiparametric GARCH Models Xibin (Bill) Zhang and Maxwell L. King Department of Econometrics and Business Statistics Faculty of Business and Economics xibin.zhang@monash.edu Quantitative Methods

More information

1 Phelix spot and futures returns: descriptive statistics

1 Phelix spot and futures returns: descriptive statistics MULTIVARIATE VOLATILITY MODELING OF ELECTRICITY FUTURES: ONLINE APPENDIX Luc Bauwens 1, Christian Hafner 2, and Diane Pierret 3 October 13, 2011 1 Phelix spot and futures returns: descriptive statistics

More information

Econ 423 Lecture Notes: Additional Topics in Time Series 1

Econ 423 Lecture Notes: Additional Topics in Time Series 1 Econ 423 Lecture Notes: Additional Topics in Time Series 1 John C. Chao April 25, 2017 1 These notes are based in large part on Chapter 16 of Stock and Watson (2011). They are for instructional purposes

More information

Bayesian Semiparametric GARCH Models

Bayesian Semiparametric GARCH Models Bayesian Semiparametric GARCH Models Xibin (Bill) Zhang and Maxwell L. King Department of Econometrics and Business Statistics Faculty of Business and Economics xibin.zhang@monash.edu Quantitative Methods

More information

Dependence. Practitioner Course: Portfolio Optimization. John Dodson. September 10, Dependence. John Dodson. Outline.

Dependence. Practitioner Course: Portfolio Optimization. John Dodson. September 10, Dependence. John Dodson. Outline. Practitioner Course: Portfolio Optimization September 10, 2008 Before we define dependence, it is useful to define Random variables X and Y are independent iff For all x, y. In particular, F (X,Y ) (x,

More information

Gaussian kernel GARCH models

Gaussian kernel GARCH models Gaussian kernel GARCH models Xibin (Bill) Zhang and Maxwell L. King Department of Econometrics and Business Statistics Faculty of Business and Economics 7 June 2013 Motivation A regression model is often

More information

Multivariate Random Variable

Multivariate Random Variable Multivariate Random Variable Author: Author: Andrés Hincapié and Linyi Cao This Version: August 7, 2016 Multivariate Random Variable 3 Now we consider models with more than one r.v. These are called multivariate

More information

Backtesting Marginal Expected Shortfall and Related Systemic Risk Measures

Backtesting Marginal Expected Shortfall and Related Systemic Risk Measures Backtesting Marginal Expected Shortfall and Related Systemic Risk Measures Denisa Banulescu 1 Christophe Hurlin 1 Jérémy Leymarie 1 Olivier Scaillet 2 1 University of Orleans 2 University of Geneva & Swiss

More information

Statistics - Lecture One. Outline. Charlotte Wickham 1. Basic ideas about estimation

Statistics - Lecture One. Outline. Charlotte Wickham  1. Basic ideas about estimation Statistics - Lecture One Charlotte Wickham wickham@stat.berkeley.edu http://www.stat.berkeley.edu/~wickham/ Outline 1. Basic ideas about estimation 2. Method of Moments 3. Maximum Likelihood 4. Confidence

More information

Normal Probability Plot Probability Probability

Normal Probability Plot Probability Probability Modelling multivariate returns Stefano Herzel Department ofeconomics, University of Perugia 1 Catalin Starica Department of Mathematical Statistics, Chalmers University of Technology Reha Tutuncu Department

More information

Expectation. DS GA 1002 Statistical and Mathematical Models. Carlos Fernandez-Granda

Expectation. DS GA 1002 Statistical and Mathematical Models.   Carlos Fernandez-Granda Expectation DS GA 1002 Statistical and Mathematical Models http://www.cims.nyu.edu/~cfgranda/pages/dsga1002_fall16 Carlos Fernandez-Granda Aim Describe random variables with a few numbers: mean, variance,

More information

MFE Financial Econometrics 2018 Final Exam Model Solutions

MFE Financial Econometrics 2018 Final Exam Model Solutions MFE Financial Econometrics 2018 Final Exam Model Solutions Tuesday 12 th March, 2019 1. If (X, ε) N (0, I 2 ) what is the distribution of Y = µ + β X + ε? Y N ( µ, β 2 + 1 ) 2. What is the Cramer-Rao lower

More information

LECTURE 2 LINEAR REGRESSION MODEL AND OLS

LECTURE 2 LINEAR REGRESSION MODEL AND OLS SEPTEMBER 29, 2014 LECTURE 2 LINEAR REGRESSION MODEL AND OLS Definitions A common question in econometrics is to study the effect of one group of variables X i, usually called the regressors, on another

More information

Review (Probability & Linear Algebra)

Review (Probability & Linear Algebra) Review (Probability & Linear Algebra) CE-725 : Statistical Pattern Recognition Sharif University of Technology Spring 2013 M. Soleymani Outline Axioms of probability theory Conditional probability, Joint

More information

A Probability Review

A Probability Review A Probability Review Outline: A probability review Shorthand notation: RV stands for random variable EE 527, Detection and Estimation Theory, # 0b 1 A Probability Review Reading: Go over handouts 2 5 in

More information

Introduction to Algorithmic Trading Strategies Lecture 10

Introduction to Algorithmic Trading Strategies Lecture 10 Introduction to Algorithmic Trading Strategies Lecture 10 Risk Management Haksun Li haksun.li@numericalmethod.com www.numericalmethod.com Outline Value at Risk (VaR) Extreme Value Theory (EVT) References

More information

An Introduction to Independent Components Analysis (ICA)

An Introduction to Independent Components Analysis (ICA) An Introduction to Independent Components Analysis (ICA) Anish R. Shah, CFA Northfield Information Services Anish@northinfo.com Newport Jun 6, 2008 1 Overview of Talk Review principal components Introduce

More information

The Slow Convergence of OLS Estimators of α, β and Portfolio. β and Portfolio Weights under Long Memory Stochastic Volatility

The Slow Convergence of OLS Estimators of α, β and Portfolio. β and Portfolio Weights under Long Memory Stochastic Volatility The Slow Convergence of OLS Estimators of α, β and Portfolio Weights under Long Memory Stochastic Volatility New York University Stern School of Business June 21, 2018 Introduction Bivariate long memory

More information

Factor Models for Asset Returns. Prof. Daniel P. Palomar

Factor Models for Asset Returns. Prof. Daniel P. Palomar Factor Models for Asset Returns Prof. Daniel P. Palomar The Hong Kong University of Science and Technology (HKUST) MAFS6010R- Portfolio Optimization with R MSc in Financial Mathematics Fall 2018-19, HKUST,

More information

Generalized Autoregressive Score Models

Generalized Autoregressive Score Models Generalized Autoregressive Score Models by: Drew Creal, Siem Jan Koopman, André Lucas To capture the dynamic behavior of univariate and multivariate time series processes, we can allow parameters to be

More information

Robust Performance Hypothesis Testing with the Sharpe Ratio

Robust Performance Hypothesis Testing with the Sharpe Ratio Robust Performance Hypothesis Testing with the Sharpe Ratio Olivier Ledoit Michael Wolf Institute for Empirical Research in Economics University of Zurich Outline 1 The Problem 2 Solutions HAC Inference

More information

Gaussian Processes. Le Song. Machine Learning II: Advanced Topics CSE 8803ML, Spring 2012

Gaussian Processes. Le Song. Machine Learning II: Advanced Topics CSE 8803ML, Spring 2012 Gaussian Processes Le Song Machine Learning II: Advanced Topics CSE 8803ML, Spring 01 Pictorial view of embedding distribution Transform the entire distribution to expected features Feature space Feature

More information

Lecture 6: Univariate Volatility Modelling: ARCH and GARCH Models

Lecture 6: Univariate Volatility Modelling: ARCH and GARCH Models Lecture 6: Univariate Volatility Modelling: ARCH and GARCH Models Prof. Massimo Guidolin 019 Financial Econometrics Winter/Spring 018 Overview ARCH models and their limitations Generalized ARCH models

More information

Financial Econometrics and Quantitative Risk Managenent Return Properties

Financial Econometrics and Quantitative Risk Managenent Return Properties Financial Econometrics and Quantitative Risk Managenent Return Properties Eric Zivot Updated: April 1, 2013 Lecture Outline Course introduction Return definitions Empirical properties of returns Reading

More information

A Multiple Testing Approach to the Regularisation of Large Sample Correlation Matrices

A Multiple Testing Approach to the Regularisation of Large Sample Correlation Matrices A Multiple Testing Approach to the Regularisation of Large Sample Correlation Matrices Natalia Bailey 1 M. Hashem Pesaran 2 L. Vanessa Smith 3 1 Department of Econometrics & Business Statistics, Monash

More information

A Goodness-of-fit Test for Copulas

A Goodness-of-fit Test for Copulas A Goodness-of-fit Test for Copulas Artem Prokhorov August 2008 Abstract A new goodness-of-fit test for copulas is proposed. It is based on restrictions on certain elements of the information matrix and

More information

Lecture 2: Univariate Time Series

Lecture 2: Univariate Time Series Lecture 2: Univariate Time Series Analysis: Conditional and Unconditional Densities, Stationarity, ARMA Processes Prof. Massimo Guidolin 20192 Financial Econometrics Spring/Winter 2017 Overview Motivation:

More information

Probability Background

Probability Background Probability Background Namrata Vaswani, Iowa State University August 24, 2015 Probability recap 1: EE 322 notes Quick test of concepts: Given random variables X 1, X 2,... X n. Compute the PDF of the second

More information

Independent Component Analysis. PhD Seminar Jörgen Ungh

Independent Component Analysis. PhD Seminar Jörgen Ungh Independent Component Analysis PhD Seminar Jörgen Ungh Agenda Background a motivater Independence ICA vs. PCA Gaussian data ICA theory Examples Background & motivation The cocktail party problem Bla bla

More information

Bayesian Inference on Joint Mixture Models for Survival-Longitudinal Data with Multiple Features. Yangxin Huang

Bayesian Inference on Joint Mixture Models for Survival-Longitudinal Data with Multiple Features. Yangxin Huang Bayesian Inference on Joint Mixture Models for Survival-Longitudinal Data with Multiple Features Yangxin Huang Department of Epidemiology and Biostatistics, COPH, USF, Tampa, FL yhuang@health.usf.edu January

More information

Improved Simultaneous Estimation of Location and System Reliability via Shrinkage Ideas

Improved Simultaneous Estimation of Location and System Reliability via Shrinkage Ideas University of South Carolina Scholar Commons Theses and Dissertations 2017 Improved Simultaneous Estimation of Location and System Reliability via Shrinkage Ideas Beidi Qiang University of South Carolina

More information

Factor Model Risk Analysis

Factor Model Risk Analysis Factor Model Risk Analysis Eric Zivot University of Washington BlackRock Alternative Advisors April 29, 2011 Outline Factor Model Specification Risk measures Factor Risk Budgeting Portfolio Risk Budgeting

More information

July 31, 2009 / Ben Kedem Symposium

July 31, 2009 / Ben Kedem Symposium ing The s ing The Department of Statistics North Carolina State University July 31, 2009 / Ben Kedem Symposium Outline ing The s 1 2 s 3 4 5 Ben Kedem ing The s Ben has made many contributions to time

More information

Lecture 11: Regression Methods I (Linear Regression)

Lecture 11: Regression Methods I (Linear Regression) Lecture 11: Regression Methods I (Linear Regression) Fall, 2017 1 / 40 Outline Linear Model Introduction 1 Regression: Supervised Learning with Continuous Responses 2 Linear Models and Multiple Linear

More information

Empirical likelihood and self-weighting approach for hypothesis testing of infinite variance processes and its applications

Empirical likelihood and self-weighting approach for hypothesis testing of infinite variance processes and its applications Empirical likelihood and self-weighting approach for hypothesis testing of infinite variance processes and its applications Fumiya Akashi Research Associate Department of Applied Mathematics Waseda University

More information

Estimation of Vector Error Correction Model with GARCH Errors. Koichi Maekawa Hiroshima University of Economics

Estimation of Vector Error Correction Model with GARCH Errors. Koichi Maekawa Hiroshima University of Economics Estimation of Vector Error Correction Model with GARCH Errors Koichi Maekawa Hiroshima University of Economics Kusdhianto Setiawan Hiroshima University of Economics and Gadjah Mada University Abstract

More information

Gaussian Models (9/9/13)

Gaussian Models (9/9/13) STA561: Probabilistic machine learning Gaussian Models (9/9/13) Lecturer: Barbara Engelhardt Scribes: Xi He, Jiangwei Pan, Ali Razeen, Animesh Srivastava 1 Multivariate Normal Distribution The multivariate

More information

NBER WORKING PAPER SERIES THEORETICAL AND EMPIRICAL PROPERTIES OF DYNAMIC CONDITIONAL CORRELATION MULTIVARIATE GARCH. Robert F. Engle Kevin Sheppard

NBER WORKING PAPER SERIES THEORETICAL AND EMPIRICAL PROPERTIES OF DYNAMIC CONDITIONAL CORRELATION MULTIVARIATE GARCH. Robert F. Engle Kevin Sheppard NBER WORKING PAPER SERIES THEORETICAL AND EMPIRICAL PROPERTIES OF DYNAMIC CONDITIONAL CORRELATION MULTIVARIATE GARCH Robert F. Engle Kevin Sheppard Working Paper 8554 http://www.nber.org/papers/w8554 NATIONAL

More information

Financial Econometrics and Volatility Models Extreme Value Theory

Financial Econometrics and Volatility Models Extreme Value Theory Financial Econometrics and Volatility Models Extreme Value Theory Eric Zivot May 3, 2010 1 Lecture Outline Modeling Maxima and Worst Cases The Generalized Extreme Value Distribution Modeling Extremes Over

More information

TAKEHOME FINAL EXAM e iω e 2iω e iω e 2iω

TAKEHOME FINAL EXAM e iω e 2iω e iω e 2iω ECO 513 Spring 2015 TAKEHOME FINAL EXAM (1) Suppose the univariate stochastic process y is ARMA(2,2) of the following form: y t = 1.6974y t 1.9604y t 2 + ε t 1.6628ε t 1 +.9216ε t 2, (1) where ε is i.i.d.

More information

GARCH Models Estimation and Inference

GARCH Models Estimation and Inference Università di Pavia GARCH Models Estimation and Inference Eduardo Rossi Likelihood function The procedure most often used in estimating θ 0 in ARCH models involves the maximization of a likelihood function

More information

The Statistical Property of Ordinary Least Squares

The Statistical Property of Ordinary Least Squares The Statistical Property of Ordinary Least Squares The linear equation, on which we apply the OLS is y t = X t β + u t Then, as we have derived, the OLS estimator is ˆβ = [ X T X] 1 X T y Then, substituting

More information

EEL 5544 Noise in Linear Systems Lecture 30. X (s) = E [ e sx] f X (x)e sx dx. Moments can be found from the Laplace transform as

EEL 5544 Noise in Linear Systems Lecture 30. X (s) = E [ e sx] f X (x)e sx dx. Moments can be found from the Laplace transform as L30-1 EEL 5544 Noise in Linear Systems Lecture 30 OTHER TRANSFORMS For a continuous, nonnegative RV X, the Laplace transform of X is X (s) = E [ e sx] = 0 f X (x)e sx dx. For a nonnegative RV, the Laplace

More information

Some Approximations of the Logistic Distribution with Application to the Covariance Matrix of Logistic Regression

Some Approximations of the Logistic Distribution with Application to the Covariance Matrix of Logistic Regression Working Paper 2013:9 Department of Statistics Some Approximations of the Logistic Distribution with Application to the Covariance Matrix of Logistic Regression Ronnie Pingel Working Paper 2013:9 June

More information

Dependence. MFM Practitioner Module: Risk & Asset Allocation. John Dodson. September 11, Dependence. John Dodson. Outline.

Dependence. MFM Practitioner Module: Risk & Asset Allocation. John Dodson. September 11, Dependence. John Dodson. Outline. MFM Practitioner Module: Risk & Asset Allocation September 11, 2013 Before we define dependence, it is useful to define Random variables X and Y are independent iff For all x, y. In particular, F (X,Y

More information

component risk analysis

component risk analysis 273: Urban Systems Modeling Lec. 3 component risk analysis instructor: Matteo Pozzi 273: Urban Systems Modeling Lec. 3 component reliability outline risk analysis for components uncertain demand and uncertain

More information

Bayesian inference for the mixed conditional heteroskedasticity model

Bayesian inference for the mixed conditional heteroskedasticity model Econometrics Journal (2007), volume 0, pp. 408 425. doi: 0./j.368-423X.2007.0023.x Bayesian inference for the mixed conditional heteroskedasticity model L. BAUWENS AND J.V.K. ROMBOUTS CORE and Department

More information

Independent Component (IC) Models: New Extensions of the Multinormal Model

Independent Component (IC) Models: New Extensions of the Multinormal Model Independent Component (IC) Models: New Extensions of the Multinormal Model Davy Paindaveine (joint with Klaus Nordhausen, Hannu Oja, and Sara Taskinen) School of Public Health, ULB, April 2008 My research

More information

Stock index returns density prediction using GARCH models: Frequentist or Bayesian estimation?

Stock index returns density prediction using GARCH models: Frequentist or Bayesian estimation? MPRA Munich Personal RePEc Archive Stock index returns density prediction using GARCH models: Frequentist or Bayesian estimation? Ardia, David; Lennart, Hoogerheide and Nienke, Corré aeris CAPITAL AG,

More information

Lecture 6: Discrete Choice: Qualitative Response

Lecture 6: Discrete Choice: Qualitative Response Lecture 6: Instructor: Department of Economics Stanford University 2011 Types of Discrete Choice Models Univariate Models Binary: Linear; Probit; Logit; Arctan, etc. Multinomial: Logit; Nested Logit; GEV;

More information

THE UNIVERSITY OF CHICAGO Graduate School of Business Business 41912, Spring Quarter 2008, Mr. Ruey S. Tsay. Solutions to Final Exam

THE UNIVERSITY OF CHICAGO Graduate School of Business Business 41912, Spring Quarter 2008, Mr. Ruey S. Tsay. Solutions to Final Exam THE UNIVERSITY OF CHICAGO Graduate School of Business Business 41912, Spring Quarter 2008, Mr. Ruey S. Tsay Solutions to Final Exam 1. (13 pts) Consider the monthly log returns, in percentages, of five

More information

Testing the Constancy of Conditional Correlations in Multivariate GARCH-type Models (Extended Version with Appendix)

Testing the Constancy of Conditional Correlations in Multivariate GARCH-type Models (Extended Version with Appendix) Testing the Constancy of Conditional Correlations in Multivariate GARCH-type Models (Extended Version with Appendix) Anne Péguin-Feissolle, Bilel Sanhaji To cite this version: Anne Péguin-Feissolle, Bilel

More information

CS 195-5: Machine Learning Problem Set 1

CS 195-5: Machine Learning Problem Set 1 CS 95-5: Machine Learning Problem Set Douglas Lanman dlanman@brown.edu 7 September Regression Problem Show that the prediction errors y f(x; ŵ) are necessarily uncorrelated with any linear function of

More information

Panel Data Models. Chapter 5. Financial Econometrics. Michael Hauser WS17/18 1 / 63

Panel Data Models. Chapter 5. Financial Econometrics. Michael Hauser WS17/18 1 / 63 1 / 63 Panel Data Models Chapter 5 Financial Econometrics Michael Hauser WS17/18 2 / 63 Content Data structures: Times series, cross sectional, panel data, pooled data Static linear panel data models:

More information

Cointegration Lecture I: Introduction

Cointegration Lecture I: Introduction 1 Cointegration Lecture I: Introduction Julia Giese Nuffield College julia.giese@economics.ox.ac.uk Hilary Term 2008 2 Outline Introduction Estimation of unrestricted VAR Non-stationarity Deterministic

More information

Chapter 5 continued. Chapter 5 sections

Chapter 5 continued. Chapter 5 sections Chapter 5 sections Discrete univariate distributions: 5.2 Bernoulli and Binomial distributions Just skim 5.3 Hypergeometric distributions 5.4 Poisson distributions Just skim 5.5 Negative Binomial distributions

More information

Partially Censored Posterior for Robust and Efficient Risk Evaluation.

Partially Censored Posterior for Robust and Efficient Risk Evaluation. Preliminary Draft. Please do not cite, circulate or quote without the authors permission Partially Censored Posterior for Robust and Efficient Risk Evaluation. Agnieszka Borowska (a,b), Lennart Hoogerheide

More information

Issues on Fitting Univariate and Multivariate Hyperbolic Distributions

Issues on Fitting Univariate and Multivariate Hyperbolic Distributions Issues on Fitting Univariate and Multivariate Hyperbolic Distributions Thomas Tran PhD student Department of Statistics University of Auckland thtam@stat.auckland.ac.nz Fitting Hyperbolic Distributions

More information

Econ 2148, fall 2017 Gaussian process priors, reproducing kernel Hilbert spaces, and Splines

Econ 2148, fall 2017 Gaussian process priors, reproducing kernel Hilbert spaces, and Splines Econ 2148, fall 2017 Gaussian process priors, reproducing kernel Hilbert spaces, and Splines Maximilian Kasy Department of Economics, Harvard University 1 / 37 Agenda 6 equivalent representations of the

More information