6.434J/16.391J Statistics for Engineers and Scientists May 4 MIT, Spring 2006 Handout #17. Solution 7

Size: px
Start display at page:

Download "6.434J/16.391J Statistics for Engineers and Scientists May 4 MIT, Spring 2006 Handout #17. Solution 7"

Transcription

1 6.434J/16.391J Statistics for Engineers and Scientists May 4 MIT, Spring 2006 Handout #17 Soution 7 Probem 1: Generating Random Variabes Each part of this probem requires impementation in MATLAB. For the resuts, you shoud submit your code, expanation of the parameters seected and correcty abeed resuts where needed. (a) Given a probabiity mass function (pmf) of a discrete random variabe, write an agorithm to generate N sampes from the given pmf. Test your agorithm for some arbitrary pmf and observe the histogram of sampes drawn by your agorithm. You may need a arge N for smoother histogram. (b) Impement the Box-Muer agorithm that was discussed in cass to generate Gaussian random variabe. Are there any numerica stabiity issues? (og 0?) Can you modify the agorithm to avoid them? Watch your agorithm for its computation time you may compare this with MATLAB s randn. On a computer, operations ike sin, cos and og are expensive to impement. We can remove sin and cos very easiy. Impement the version without them. (c) Another popuar method of generating random variabes is via ratio of uniforms. In simpe terms, the idea is this: if U 1 and U 2 are i.i.d., uniformy distributed between 0 and 1, and R = U 2 /U 1. Then conditioned on the event A = U 1 f(u 2 /U 1 )}, the random variabe R has the density function f. Soution Impement this method to obtain sampes from exponentia distribution λ =2. (a) N = 10000; % generate a random pmf, with 10 vaues: OMEGA = 0:10:90; pmf = rand(1,10); pmf = pmf/sum(pmf); X = []; for :N, 1

2 Xi = discreterv(pmf); % this function is defined beow X = [X Xi]; end % X contains the indices to random variabe vaues, corresponding to pmf % random variabe can be obtained from the indices: Xva = OMEGA(X); % See how good the historgram ooks: for index = 1:ength(pmf), pmf_e(index) = sum(x==index)/n; end stem(pmf); hod on; stem(pmf_e, r ); % function x = discreterv(pmf) % function x = discreterv(pmf) % x is the index for the discrete vaue in pmf. % This function generates a sampe of random variabe, distributed % according to the given pmf. The support of the discrete pmf is % assumed to be [0,M-1] where M is the ength of the pmf vector. % u = rand; x = 1; whie (u > sum(pmf(1:x))) x = x+1; end (b) The Box-Muer agorithm is a nice way to generate Gaussians. However, in its basic form, it can get trapped into the probems of og 0, and have increased computations because of sin and cos. The way to avoid these probems is to start the so-caed hit and miss approach that is common in Monte Caro methods. The idea is to generate sampes of two uniforms U 1 and U 2 in [ 1, +1], instead of [0, 1], and then chooses ony those which beong to the unit circe or its inside. This gives us direct way of computing sin and cos by taking ratio, and aso avoids the og 0. Code is given beow. 2

3 0.16 comparison of the given and generated sampes pmf Figure 1: Pot of the desired (bue) and the obtained (red) pmf. Computation time in MATLAB is much higher than that of randn. First the basic Box-Muer: function X = BoxMuer1(N); % Box-Muer agorithm for generating Gaussian U1 = rand(1,n); U2 = rand(1,n); Phi = 2*pi*U1; R = sqrt(-2*og(u2)); X = R.*cos(Phi); Modified Box-Muer: function X = BoxMuer2(N); % Box-Muer agorithm for generating Gaussian, modified for computation X = []; count = 0; whie (count < N) U1 = 2*rand(1,2*N) - 1; U2 = 2*rand(1,2*N) - 1; R = U1.^2 + U2.^2; indices = find(r <= 1); 3

4 R = R(indices); U1 = U1(indices); X = [X sqrt(-2*og(r)).* U1./sqrt(R)]; count = count + ength(indices); end % throw away the extra sampes X = X(1:N); Figure 2: Pot of the histograms for Gaussian variabe, N(0,1): Box-Muer Agorithm 1 (red) and 2 (yeow). (c) function X = ratioofuniforms(n) % % Ratio of Uniforms method to generate desired Random Variabe % X = []; count = 0; whie (count < N) U1 = rand(1,2*n); U2 = rand(1,2*n); R = U2./U1; indices = find(u1 < sqrt(fx_exp(r))); X = [X R(indices)]; count = count + ength(indices); 4

5 end % throw away the extra sampes X = X(1:N); function y=fx_exp(x); ambda = 2; y = ambda*exp(-ambda*x); 6000 Histogram for MATLAB exponentia RV and the one by Ratio of Uniforms Ratio of Uniforms MATLAB Figure 3: Sampe histograms: MATLAB s exponentia random variabe (bue) and the one via Ratio of Uniforms (red). Probem 2: Gibbs Samper Background: In Monte Caro based soutions, a very common requirement is to sampe from a desired distribution. There are various schemes that are generay avaiabe. One of them is Gibbs Samping, which is reasonaby simpe to impement as we as efficient when the sampes to be drawn are mutidimensiona. The basic idea of Gibbs samper is to draw one component at a time, of a K-dimensiona sampe, from the conditiona distribution of the specific component; conditioned upon the rest of the components. For exampe, consider a K-component vector x, and we want to draw N s sampes of this. Gibbs samper runs as foows: 1. Start n = N b. Initiaize x (n) =[x (n) 1,x(n) 2,...x(n) K ] from random sampes or any reasonabe vaues if known. 2. For n = N b : N s, - draw sampe x (n) 1 from P (x 1 x (n 1) 2,...x (n 1) K ) 5

6 - draw sampe x (n) 2 from P (x 2 x (n) 1,x(n 1) 3...x (n 1) K )... - draw sampe x (n) K 1 from P (x K x (n) 1,x(n) 2,...x(n) K 1 ) Sampes from n =1toN s are the desired sampes. They can then be used in Monte Caro based cacuations afterwards for exampe, in our case, we compute sampe means of the ast 500 sampes to estimate the desired parameters. N b is the so-caed burn-in period of the Gibbs samper, that is the time required for the samper to sette down. Note that, to draw the nth sampe vector, x n =[x (n) 1,x(n) 2,...x(n) K ], Gibbs samper draws x (n) 1 from p(x 1 x (n 1) 2,x (n 1) 3,...x (n 1) K ). Then for the next component x (n) 2, the distribution is conditioned on the current sampe component 1, x (n) 1 and the other components from the previous sampe, x (n 1) 2, x (n 1) 3...,x (n 1) K. Probem Description: In this probem, we want to impement a Gibbs Samper for the estimation of mean and variance of a Gaussian distribution. Assume we have L i.i.d.sampes Y 1,Y 2,...,Y L from N (µ, v), with unknown mean µ and variance v. Thatis, p(y µ, v) = 1 exp( 1 2πv 2v (y µ)2 ) (1) We want to use the given L sampes of Y (in hw7p2.mat) and estimate the unknowns; (note that in some practica systems, it is very expensive to obtain a sampe because of destructive samping, for exampe so the sampe size L may be very sma). Impement a Gibbs Samper to draw sampes reated to the µ and v respectivey. The idea is that after the samper has setted we (we are not going to expore the convergence of the samper here, instead we choose to run it for iterations (N b + N s = 10000), the drawn sampes wi be cose to the actua distributions. Take the sampe averages of ast 500 sampes as estimates of the required parameters. In Gibbs samper, we need to derive the conditiona densities p(µ Y,v) and p(v Y,µ) to draw sampes from them. We can use Bayes rue for this derivation from (1), but it aso needs some prior distribution of the unknown parameter. From the knowedge about the Gaussian distribution, a good seection of prior for µ is N (0, 1), and prior for the v is Inverse Gamma distribution. Or it is instructive to estimate 1/v, with its prior as the Gamma distribution. That is, we estimate v inv =1/v and take v inv G(2, 1). You can initiaize the first sampes to any reasonabe guess. A simpe choice may be µ =0andv inv =1. 6

7 (1) can be re-written as: p(y µ, v inv )= vinv 2π exp( v inv 2 (y µ)2 ) (2) In MATLAB, N (0, 1) distribution can be generated by randn, andg(2, 1) is obtained by gamrnd(a,1/b,...), where a and b are the parameters of the Gamma distribution as: p G (x) x a 1 exp( bx) (See, density has been mentioned ony up to an unknown constant; that constant is not important in soving this probem. The purpose in mentioning the density is to point out the difference in MATLAB s pdf and the one commony seen (and given above): MATLAB s definition has exp( x/b), so we ca its function with 1/b.) Soution The joint distribution is given using the priors: L } p(y, µ, v inv ) = p(y i µ, v inv ) π(µ)π(v inv ) = (2π) (L+1)/2 v L/2 inv exp v inv 2 } L (y i µ) 2 exp µ 2 /2 } v inv exp v inv }. where π is used to denote the distribution, as the Gibbs Samper iterates a Markov chain. To find fu conditiona for µ we seect the terms from p(y, µ, v inv ) that contains µ and normaize. π(µ v inv,y) = π(µ, v inv y) π(v inv y) = π(µ, v inv,y) π(v inv,y) π(µ, v inv,y) So, we write the conditiona distribution, dropping the constants or terms that do not invove µ: } π(µ v inv,y) exp v L inv (y i µ) 2 exp µ 2 /2 } 2 exp 1 ( 2 (1 + Lv inv) µ v ) } 2 inv yi 1+Lv inv where we have again not cared for any factors unreated to µ and have focused on getting some cose form for µ. This is ceary a Gaussian distribution, 7

8 ( N vinv P yi 1 1+Lv inv, and its sampes can be drawn easiy. Now concentrate on getting conditiona distribution of v inv. } π(v inv µ, y) v L/2 inv exp v L inv (y i µ) 2 v inv exp v inv } 2 [ v inv 1+Lv inv ) = v L/2+1 inv exp ]} L (y i µ) 2 which we identify as the Gamma distribution (unnormaized form), that is: G(2 + L/2, L (y i µ) 2 ). Note that the given sampes of Y are used in these pdf s. The Gibbs samper wi recursivey draw sampes from these distributions. MATLAB code for this is shown beow: % The mu = mean and vinv = 1/variance are the unknown parameters, % that Gibbs wants to estimate from ony 50 sampes of observations % of Gaussian y (which in this experiment is 2 mean, 9 variance). % We run NN iterations of Gibbs. % The proposed density for mu is N(0,1) and tau Gamma(2,1), % that is vinv.exp(-vinv). % From this information, we find p(y,mu,vinv) by mutipying individua % densities. % Farther, marginaize to get pi(mu vinv,y) and pi(vinv mu,y). % Which are obtained to be, respectivey: % exp(-1/2 * (1+n*vinv) (mu - vinv*sum_y / (1+n*vinv) )) % vinv^(n/2 + 1). exp ( -vinv [1+1/2 sum_1_to_n} (yi-mu)^2]) % % NN = 10000; mus = []; vinvs = []; oad hw7p2; suma = sum(y); mu = 0; % set the parameters as prior means vinv = 1; % for i = 1 : NN new_mu = sqrt(1/(1+n*vinv)) * randn + (vinv*suma)/(1+n*vinv); par = 1 + 1/2 * sum( (y - mu).^2 ); new_vinv = gamrnd(2 + n/2, 1/par,1,1); 8

9 end mus = [mus new_mu]; vinvs = [vinvs new_vinv]; mu = new_mu; vinv = new_vinv; mu_hat = mean(mus(end-499:end)) vinv_hat = mean(vinvs(end-499:end)) hist(mus) figure; hist(vinvs) % % The resut of sampe average from the ast 500 sampes of the Gibbs are: ˆµ =1.9075, v inv ˆ = which are quite cose to their actua vaues of 2 and 1/9 respectivey. Histograms beow show the overa sampes pattern histogram of µ sampes Figure 4: Histogram of sampes generated for mean via Gibbs samping. 9

10 3000 histogram of 1/σ 2 sampes Figure 5: Histogram of sampes generated for variance via Gibbs samping. Probem 3: [Gaussian Mixture] Let X 1,X 2,...,X n be an i.i.d. sampe from the mixture density, m p(x θ) = α i f(x µ i,σi 2 ), where θ (α 1,µ 1,σ 2 1, α 2,µ 2,σ 2 2,..., α m,µ m,σ 2 m) are unknown parameters: <µ i < σ i > 0 α i 0 m α i =1. for i =1, 2,...,m; for i =1, 2,...,m; for i =1, 2,...,m;and Here, function f( µ i,σi 2) is the density of a norma N(µ i,σi 2 ) random variabe: f(x µ i,σ 2 i )= 1 e 1 2σ 2 (x µ i) 2 i. 2πσ 2 i (a) Estimate θ by using the EM agorithm. (b) Interpret the M-steps. (c) How does the EM agorithm change when we know a priori that a µ i s and σi 2 s are equa? Interpret your resuts. 10

11 (d) Assume that m = 2 (two-mixture mode) and that unknown parameter α 1 takes a vaue from the set 0, 1}. How does the EM agorithm behave? Soution (a) Foowing the steps and notations of ecture on Mixture of Density, the M-step is given by: θ (n+1) = arg max θ Θ n m k=1 j=1 P Y k = j X k = x k, θ (n)} ] [n f(x k µ j,σ 2 j]+nα j, }} h(θ) where the feasibe set of parameters is Θ (α 1,µ 1,σ 2 1,α 2,µ 2,σ 2 2,...α m,µ m,σ 2 m m) α i =1; α i 0, for i =1, 2,...,m; <µ i <, for i =1, 2,...,m; } σ 2 i>0, for i =1, 2,...,m. Here, we have defined the variance σ 2 i σ 2 i. From the ecture, for each =1, 2,...,m, the next estimate of the weight α is given by α (n+1) = n k=1 P (n)} Y k = X k = x k, θ n where the probabiity in the numerator is P Y k = X k = x k, θ (n)} = Next, we obtain µ (n+1) f(x k µ (n), ν (n) m f(x k µ (n) i, (3) ) α (n), ν (n) i ) α (n) i and ν (n+1) simutaneousy for each = 1, 2,..., m. Setting the partia derivative of h(θ) with respect to µ to zero and setting the partia derivative of h(θ) with respect to σ 2 to zero yied two. 11

12 equations, 0= h(θ) µ n = P Y k = X k = x k, θ (n)} (µ x k ), k=1 0= σ 2 h(θ) n = P Y k = X k = x k, θ (n)} (1 (µ x k ) 2 ) σ 2 k=1 with two unknowns, µ and σ 2. Soving the above equations for µ and σ 2 yieds the maximizers, µ (n+1) = ν (n+1) = n k=1 P Y k = X k = x k, θ (n)} x k n α (n+1) n k=1 P Y k = X k = x k, θ (n)} (x k µ (n+1) ) 2 n α (n+1) (b) Expressions for α (n+1) and µ (n+1) are identica to those in the ecture. Hence, the interpretation for them are as given in the ecture note. An interpretation for ν (n+1) is as foows. The numerator is the weighted sum of the squared errors. The denominator is the expected number of sampes from the th machine. Hence, the ratio is the approximated variance of the data that are generated by the th machine. (c) When µ i = µ and σi 2 = σ, for a i =1, 2,...,m, we have one density as opposed to a mixture of m distinct densities: p(x θ) m α i f(x µ, σ 2 ) = f(x µ, σ 2 ). Thus, the probem reduces to finding the maximum ikeihood estimator of unknown parameters, µ and σ, from sampes of norma N(µ, σ 2 ) density. We can sove this probem by using maximum ikeihood estimation. (d) If the initia estimates is α (0) 1 =1and α (0) 2 = 0, the expression for α (n+1). 12

13 in equation (3) impies that 1= α (1) 1 = α (2) 1 = α (3) 1 =... 0= α (1) 2 = α (2) 2 = α (3) 2 =.... Simiary, if α (0) 1 =0and α (0) 2 = 1, we wi have 0= α (1) 1 = α (2) 1 = α (3) 1 =... 1= α (1) 2 = α (2) 2 = α (3) 2 =.... In concusion, the sequence of estimates, α (n),forn =1, 2, 3,...,and 1, 2}, wi be equa to the initia estimate. If the initia estimate of (α 1,α 2 ) is not equa to the ML estimate, the EM agorithm wi never converge to the ML estimate. 13

CS229 Lecture notes. Andrew Ng

CS229 Lecture notes. Andrew Ng CS229 Lecture notes Andrew Ng Part IX The EM agorithm In the previous set of notes, we taked about the EM agorithm as appied to fitting a mixture of Gaussians. In this set of notes, we give a broader view

More information

Bayesian Learning. You hear a which which could equally be Thanks or Tanks, which would you go with?

Bayesian Learning. You hear a which which could equally be Thanks or Tanks, which would you go with? Bayesian Learning A powerfu and growing approach in machine earning We use it in our own decision making a the time You hear a which which coud equay be Thanks or Tanks, which woud you go with? Combine

More information

Expectation-Maximization for Estimating Parameters for a Mixture of Poissons

Expectation-Maximization for Estimating Parameters for a Mixture of Poissons Expectation-Maximization for Estimating Parameters for a Mixture of Poissons Brandon Maone Department of Computer Science University of Hesini February 18, 2014 Abstract This document derives, in excrutiating

More information

STA 216 Project: Spline Approach to Discrete Survival Analysis

STA 216 Project: Spline Approach to Discrete Survival Analysis : Spine Approach to Discrete Surviva Anaysis November 4, 005 1 Introduction Athough continuous surviva anaysis differs much from the discrete surviva anaysis, there is certain ink between the two modeing

More information

A Brief Introduction to Markov Chains and Hidden Markov Models

A Brief Introduction to Markov Chains and Hidden Markov Models A Brief Introduction to Markov Chains and Hidden Markov Modes Aen B MacKenzie Notes for December 1, 3, &8, 2015 Discrete-Time Markov Chains You may reca that when we first introduced random processes,

More information

AST 418/518 Instrumentation and Statistics

AST 418/518 Instrumentation and Statistics AST 418/518 Instrumentation and Statistics Cass Website: http://ircamera.as.arizona.edu/astr_518 Cass Texts: Practica Statistics for Astronomers, J.V. Wa, and C.R. Jenkins, Second Edition. Measuring the

More information

A proposed nonparametric mixture density estimation using B-spline functions

A proposed nonparametric mixture density estimation using B-spline functions A proposed nonparametric mixture density estimation using B-spine functions Atizez Hadrich a,b, Mourad Zribi a, Afif Masmoudi b a Laboratoire d Informatique Signa et Image de a Côte d Opae (LISIC-EA 4491),

More information

A. Distribution of the test statistic

A. Distribution of the test statistic A. Distribution of the test statistic In the sequentia test, we first compute the test statistic from a mini-batch of size m. If a decision cannot be made with this statistic, we keep increasing the mini-batch

More information

Do Schools Matter for High Math Achievement? Evidence from the American Mathematics Competitions Glenn Ellison and Ashley Swanson Online Appendix

Do Schools Matter for High Math Achievement? Evidence from the American Mathematics Competitions Glenn Ellison and Ashley Swanson Online Appendix VOL. NO. DO SCHOOLS MATTER FOR HIGH MATH ACHIEVEMENT? 43 Do Schoos Matter for High Math Achievement? Evidence from the American Mathematics Competitions Genn Eison and Ashey Swanson Onine Appendix Appendix

More information

MONTE CARLO SIMULATIONS

MONTE CARLO SIMULATIONS MONTE CARLO SIMULATIONS Current physics research 1) Theoretica 2) Experimenta 3) Computationa Monte Caro (MC) Method (1953) used to study 1) Discrete spin systems 2) Fuids 3) Poymers, membranes, soft matter

More information

MARKOV CHAINS AND MARKOV DECISION THEORY. Contents

MARKOV CHAINS AND MARKOV DECISION THEORY. Contents MARKOV CHAINS AND MARKOV DECISION THEORY ARINDRIMA DATTA Abstract. In this paper, we begin with a forma introduction to probabiity and expain the concept of random variabes and stochastic processes. After

More information

Appendix for Stochastic Gradient Monomial Gamma Sampler

Appendix for Stochastic Gradient Monomial Gamma Sampler 3 4 5 6 7 8 9 3 4 5 6 7 8 9 3 4 5 6 7 8 9 3 3 3 33 34 35 36 37 38 39 4 4 4 43 44 45 46 47 48 49 5 5 5 53 54 Appendix for Stochastic Gradient Monomia Gamma Samper A The Main Theorem We provide the foowing

More information

Automobile Prices in Market Equilibrium. Berry, Pakes and Levinsohn

Automobile Prices in Market Equilibrium. Berry, Pakes and Levinsohn Automobie Prices in Market Equiibrium Berry, Pakes and Levinsohn Empirica Anaysis of demand and suppy in a differentiated products market: equiibrium in the U.S. automobie market. Oigopoistic Differentiated

More information

The EM Algorithm applied to determining new limit points of Mahler measures

The EM Algorithm applied to determining new limit points of Mahler measures Contro and Cybernetics vo. 39 (2010) No. 4 The EM Agorithm appied to determining new imit points of Maher measures by Souad E Otmani, Georges Rhin and Jean-Marc Sac-Épée Université Pau Veraine-Metz, LMAM,

More information

Math 124B January 31, 2012

Math 124B January 31, 2012 Math 124B January 31, 212 Viktor Grigoryan 7 Inhomogeneous boundary vaue probems Having studied the theory of Fourier series, with which we successfuy soved boundary vaue probems for the homogeneous heat

More information

MATH 172: MOTIVATION FOR FOURIER SERIES: SEPARATION OF VARIABLES

MATH 172: MOTIVATION FOR FOURIER SERIES: SEPARATION OF VARIABLES MATH 172: MOTIVATION FOR FOURIER SERIES: SEPARATION OF VARIABLES Separation of variabes is a method to sove certain PDEs which have a warped product structure. First, on R n, a inear PDE of order m is

More information

Math 124B January 17, 2012

Math 124B January 17, 2012 Math 124B January 17, 212 Viktor Grigoryan 3 Fu Fourier series We saw in previous ectures how the Dirichet and Neumann boundary conditions ead to respectivey sine and cosine Fourier series of the initia

More information

Appendix for Stochastic Gradient Monomial Gamma Sampler

Appendix for Stochastic Gradient Monomial Gamma Sampler Appendix for Stochastic Gradient Monomia Gamma Samper A The Main Theorem We provide the foowing theorem to characterize the stationary distribution of the stochastic process with SDEs in (3) Theorem 3

More information

DIGITAL FILTER DESIGN OF IIR FILTERS USING REAL VALUED GENETIC ALGORITHM

DIGITAL FILTER DESIGN OF IIR FILTERS USING REAL VALUED GENETIC ALGORITHM DIGITAL FILTER DESIGN OF IIR FILTERS USING REAL VALUED GENETIC ALGORITHM MIKAEL NILSSON, MATTIAS DAHL AND INGVAR CLAESSON Bekinge Institute of Technoogy Department of Teecommunications and Signa Processing

More information

HYDROGEN ATOM SELECTION RULES TRANSITION RATES

HYDROGEN ATOM SELECTION RULES TRANSITION RATES DOING PHYSICS WITH MATLAB QUANTUM PHYSICS Ian Cooper Schoo of Physics, University of Sydney ian.cooper@sydney.edu.au HYDROGEN ATOM SELECTION RULES TRANSITION RATES DOWNLOAD DIRECTORY FOR MATLAB SCRIPTS

More information

MA 201: Partial Differential Equations Lecture - 10

MA 201: Partial Differential Equations Lecture - 10 MA 201: Partia Differentia Equations Lecture - 10 Separation of Variabes, One dimensiona Wave Equation Initia Boundary Vaue Probem (IBVP) Reca: A physica probem governed by a PDE may contain both boundary

More information

Learning Fully Observed Undirected Graphical Models

Learning Fully Observed Undirected Graphical Models Learning Fuy Observed Undirected Graphica Modes Sides Credit: Matt Gormey (2016) Kayhan Batmangheich 1 Machine Learning The data inspires the structures we want to predict Inference finds {best structure,

More information

Strauss PDEs 2e: Section Exercise 2 Page 1 of 12. For problem (1), complete the calculation of the series in case j(t) = 0 and h(t) = e t.

Strauss PDEs 2e: Section Exercise 2 Page 1 of 12. For problem (1), complete the calculation of the series in case j(t) = 0 and h(t) = e t. Strauss PDEs e: Section 5.6 - Exercise Page 1 of 1 Exercise For probem (1, compete the cacuation of the series in case j(t = and h(t = e t. Soution With j(t = and h(t = e t, probem (1 on page 147 becomes

More information

Statistical Astronomy

Statistical Astronomy Lectures for the 7 th IAU ISYA Ifrane, nd 3 rd Juy 4 p ( x y, I) p( y x, I) p( x, I) p( y, I) Statistica Astronomy Martin Hendry, Dept of Physics and Astronomy University of Gasgow, UK http://www.astro.ga.ac.uk/users/martin/isya/

More information

ASummaryofGaussianProcesses Coryn A.L. Bailer-Jones

ASummaryofGaussianProcesses Coryn A.L. Bailer-Jones ASummaryofGaussianProcesses Coryn A.L. Baier-Jones Cavendish Laboratory University of Cambridge caj@mrao.cam.ac.uk Introduction A genera prediction probem can be posed as foows. We consider that the variabe

More information

Akaike Information Criterion for ANOVA Model with a Simple Order Restriction

Akaike Information Criterion for ANOVA Model with a Simple Order Restriction Akaike Information Criterion for ANOVA Mode with a Simpe Order Restriction Yu Inatsu * Department of Mathematics, Graduate Schoo of Science, Hiroshima University ABSTRACT In this paper, we consider Akaike

More information

4 Separation of Variables

4 Separation of Variables 4 Separation of Variabes In this chapter we describe a cassica technique for constructing forma soutions to inear boundary vaue probems. The soution of three cassica (paraboic, hyperboic and eiptic) PDE

More information

<C 2 2. λ 2 l. λ 1 l 1 < C 1

<C 2 2. λ 2 l. λ 1 l 1 < C 1 Teecommunication Network Contro and Management (EE E694) Prof. A. A. Lazar Notes for the ecture of 7/Feb/95 by Huayan Wang (this document was ast LaT E X-ed on May 9,995) Queueing Primer for Muticass Optima

More information

An approximate method for solving the inverse scattering problem with fixed-energy data

An approximate method for solving the inverse scattering problem with fixed-energy data J. Inv. I-Posed Probems, Vo. 7, No. 6, pp. 561 571 (1999) c VSP 1999 An approximate method for soving the inverse scattering probem with fixed-energy data A. G. Ramm and W. Scheid Received May 12, 1999

More information

Lecture 9. Stability of Elastic Structures. Lecture 10. Advanced Topic in Column Buckling

Lecture 9. Stability of Elastic Structures. Lecture 10. Advanced Topic in Column Buckling Lecture 9 Stabiity of Eastic Structures Lecture 1 Advanced Topic in Coumn Bucking robem 9-1: A camped-free coumn is oaded at its tip by a oad. The issue here is to find the itica bucking oad. a) Suggest

More information

SEMINAR 2. PENDULUMS. V = mgl cos θ. (2) L = T V = 1 2 ml2 θ2 + mgl cos θ, (3) d dt ml2 θ2 + mgl sin θ = 0, (4) θ + g l

SEMINAR 2. PENDULUMS. V = mgl cos θ. (2) L = T V = 1 2 ml2 θ2 + mgl cos θ, (3) d dt ml2 θ2 + mgl sin θ = 0, (4) θ + g l Probem 7. Simpe Penduum SEMINAR. PENDULUMS A simpe penduum means a mass m suspended by a string weightess rigid rod of ength so that it can swing in a pane. The y-axis is directed down, x-axis is directed

More information

Asynchronous Control for Coupled Markov Decision Systems

Asynchronous Control for Coupled Markov Decision Systems INFORMATION THEORY WORKSHOP (ITW) 22 Asynchronous Contro for Couped Marov Decision Systems Michae J. Neey University of Southern Caifornia Abstract This paper considers optima contro for a coection of

More information

2M2. Fourier Series Prof Bill Lionheart

2M2. Fourier Series Prof Bill Lionheart M. Fourier Series Prof Bi Lionheart 1. The Fourier series of the periodic function f(x) with period has the form f(x) = a 0 + ( a n cos πnx + b n sin πnx ). Here the rea numbers a n, b n are caed the Fourier

More information

6 Wave Equation on an Interval: Separation of Variables

6 Wave Equation on an Interval: Separation of Variables 6 Wave Equation on an Interva: Separation of Variabes 6.1 Dirichet Boundary Conditions Ref: Strauss, Chapter 4 We now use the separation of variabes technique to study the wave equation on a finite interva.

More information

First-Order Corrections to Gutzwiller s Trace Formula for Systems with Discrete Symmetries

First-Order Corrections to Gutzwiller s Trace Formula for Systems with Discrete Symmetries c 26 Noninear Phenomena in Compex Systems First-Order Corrections to Gutzwier s Trace Formua for Systems with Discrete Symmetries Hoger Cartarius, Jörg Main, and Günter Wunner Institut für Theoretische

More information

1D Heat Propagation Problems

1D Heat Propagation Problems Chapter 1 1D Heat Propagation Probems If the ambient space of the heat conduction has ony one dimension, the Fourier equation reduces to the foowing for an homogeneous body cρ T t = T λ 2 + Q, 1.1) x2

More information

Explicit overall risk minimization transductive bound

Explicit overall risk minimization transductive bound 1 Expicit overa risk minimization transductive bound Sergio Decherchi, Paoo Gastado, Sandro Ridea, Rodofo Zunino Dept. of Biophysica and Eectronic Engineering (DIBE), Genoa University Via Opera Pia 11a,

More information

Research of Data Fusion Method of Multi-Sensor Based on Correlation Coefficient of Confidence Distance

Research of Data Fusion Method of Multi-Sensor Based on Correlation Coefficient of Confidence Distance Send Orders for Reprints to reprints@benthamscience.ae 340 The Open Cybernetics & Systemics Journa, 015, 9, 340-344 Open Access Research of Data Fusion Method of Muti-Sensor Based on Correation Coefficient

More information

Statistical Inference, Econometric Analysis and Matrix Algebra

Statistical Inference, Econometric Analysis and Matrix Algebra Statistica Inference, Econometric Anaysis and Matrix Agebra Bernhard Schipp Water Krämer Editors Statistica Inference, Econometric Anaysis and Matrix Agebra Festschrift in Honour of Götz Trenker Physica-Verag

More information

221B Lecture Notes Notes on Spherical Bessel Functions

221B Lecture Notes Notes on Spherical Bessel Functions Definitions B Lecture Notes Notes on Spherica Besse Functions We woud ike to sove the free Schrödinger equation [ h d r R(r) = h k R(r). () m r dr r m R(r) is the radia wave function ψ( x) = R(r)Y m (θ,

More information

FRST Multivariate Statistics. Multivariate Discriminant Analysis (MDA)

FRST Multivariate Statistics. Multivariate Discriminant Analysis (MDA) 1 FRST 531 -- Mutivariate Statistics Mutivariate Discriminant Anaysis (MDA) Purpose: 1. To predict which group (Y) an observation beongs to based on the characteristics of p predictor (X) variabes, using

More information

Module 22: Simple Harmonic Oscillation and Torque

Module 22: Simple Harmonic Oscillation and Torque Modue : Simpe Harmonic Osciation and Torque.1 Introduction We have aready used Newton s Second Law or Conservation of Energy to anayze systems ike the boc-spring system that osciate. We sha now use torque

More information

(This is a sample cover image for this issue. The actual cover is not yet available at this time.)

(This is a sample cover image for this issue. The actual cover is not yet available at this time.) (This is a sampe cover image for this issue The actua cover is not yet avaiabe at this time) This artice appeared in a journa pubished by Esevier The attached copy is furnished to the author for interna

More information

$, (2.1) n="# #. (2.2)

$, (2.1) n=# #. (2.2) Chapter. Eectrostatic II Notes: Most of the materia presented in this chapter is taken from Jackson, Chap.,, and 4, and Di Bartoo, Chap... Mathematica Considerations.. The Fourier series and the Fourier

More information

Lecture Note 3: Stationary Iterative Methods

Lecture Note 3: Stationary Iterative Methods MATH 5330: Computationa Methods of Linear Agebra Lecture Note 3: Stationary Iterative Methods Xianyi Zeng Department of Mathematica Sciences, UTEP Stationary Iterative Methods The Gaussian eimination (or

More information

Turbo Codes. Coding and Communication Laboratory. Dept. of Electrical Engineering, National Chung Hsing University

Turbo Codes. Coding and Communication Laboratory. Dept. of Electrical Engineering, National Chung Hsing University Turbo Codes Coding and Communication Laboratory Dept. of Eectrica Engineering, Nationa Chung Hsing University Turbo codes 1 Chapter 12: Turbo Codes 1. Introduction 2. Turbo code encoder 3. Design of intereaver

More information

SVM: Terminology 1(6) SVM: Terminology 2(6)

SVM: Terminology 1(6) SVM: Terminology 2(6) Andrew Kusiak Inteigent Systems Laboratory 39 Seamans Center he University of Iowa Iowa City, IA 54-57 SVM he maxima margin cassifier is simiar to the perceptron: It aso assumes that the data points are

More information

AALBORG UNIVERSITY. The distribution of communication cost for a mobile service scenario. Jesper Møller and Man Lung Yiu. R June 2009

AALBORG UNIVERSITY. The distribution of communication cost for a mobile service scenario. Jesper Møller and Man Lung Yiu. R June 2009 AALBORG UNIVERSITY The distribution of communication cost for a mobie service scenario by Jesper Møer and Man Lung Yiu R-29-11 June 29 Department of Mathematica Sciences Aaborg University Fredrik Bajers

More information

THE THREE POINT STEINER PROBLEM ON THE FLAT TORUS: THE MINIMAL LUNE CASE

THE THREE POINT STEINER PROBLEM ON THE FLAT TORUS: THE MINIMAL LUNE CASE THE THREE POINT STEINER PROBLEM ON THE FLAT TORUS: THE MINIMAL LUNE CASE KATIE L. MAY AND MELISSA A. MITCHELL Abstract. We show how to identify the minima path network connecting three fixed points on

More information

PHYS 110B - HW #1 Fall 2005, Solutions by David Pace Equations referenced as Eq. # are from Griffiths Problem statements are paraphrased

PHYS 110B - HW #1 Fall 2005, Solutions by David Pace Equations referenced as Eq. # are from Griffiths Problem statements are paraphrased PHYS 110B - HW #1 Fa 2005, Soutions by David Pace Equations referenced as Eq. # are from Griffiths Probem statements are paraphrased [1.] Probem 6.8 from Griffiths A ong cyinder has radius R and a magnetization

More information

Week 6 Lectures, Math 6451, Tanveer

Week 6 Lectures, Math 6451, Tanveer Fourier Series Week 6 Lectures, Math 645, Tanveer In the context of separation of variabe to find soutions of PDEs, we encountered or and in other cases f(x = f(x = a 0 + f(x = a 0 + b n sin nπx { a n

More information

Applied Nuclear Physics (Fall 2006) Lecture 7 (10/2/06) Overview of Cross Section Calculation

Applied Nuclear Physics (Fall 2006) Lecture 7 (10/2/06) Overview of Cross Section Calculation 22.101 Appied Nucear Physics (Fa 2006) Lecture 7 (10/2/06) Overview of Cross Section Cacuation References P. Roman, Advanced Quantum Theory (Addison-Wesey, Reading, 1965), Chap 3. A. Foderaro, The Eements

More information

Iterative Decoding Performance Bounds for LDPC Codes on Noisy Channels

Iterative Decoding Performance Bounds for LDPC Codes on Noisy Channels Iterative Decoding Performance Bounds for LDPC Codes on Noisy Channes arxiv:cs/060700v1 [cs.it] 6 Ju 006 Chun-Hao Hsu and Achieas Anastasopouos Eectrica Engineering and Computer Science Department University

More information

Some Measures for Asymmetry of Distributions

Some Measures for Asymmetry of Distributions Some Measures for Asymmetry of Distributions Georgi N. Boshnakov First version: 31 January 2006 Research Report No. 5, 2006, Probabiity and Statistics Group Schoo of Mathematics, The University of Manchester

More information

Separation of Variables and a Spherical Shell with Surface Charge

Separation of Variables and a Spherical Shell with Surface Charge Separation of Variabes and a Spherica She with Surface Charge In cass we worked out the eectrostatic potentia due to a spherica she of radius R with a surface charge density σθ = σ cos θ. This cacuation

More information

II. PROBLEM. A. Description. For the space of audio signals

II. PROBLEM. A. Description. For the space of audio signals CS229 - Fina Report Speech Recording based Language Recognition (Natura Language) Leopod Cambier - cambier; Matan Leibovich - matane; Cindy Orozco Bohorquez - orozcocc ABSTRACT We construct a rea time

More information

V.B The Cluster Expansion

V.B The Cluster Expansion V.B The Custer Expansion For short range interactions, speciay with a hard core, it is much better to repace the expansion parameter V( q ) by f(q ) = exp ( βv( q )) 1, which is obtained by summing over

More information

Solution of Wave Equation by the Method of Separation of Variables Using the Foss Tools Maxima

Solution of Wave Equation by the Method of Separation of Variables Using the Foss Tools Maxima Internationa Journa of Pure and Appied Mathematics Voume 117 No. 14 2017, 167-174 ISSN: 1311-8080 (printed version); ISSN: 1314-3395 (on-ine version) ur: http://www.ijpam.eu Specia Issue ijpam.eu Soution

More information

Formulas for Angular-Momentum Barrier Factors Version II

Formulas for Angular-Momentum Barrier Factors Version II BNL PREPRINT BNL-QGS-06-101 brfactor1.tex Formuas for Anguar-Momentum Barrier Factors Version II S. U. Chung Physics Department, Brookhaven Nationa Laboratory, Upton, NY 11973 March 19, 2015 abstract A

More information

Testing for the Existence of Clusters

Testing for the Existence of Clusters Testing for the Existence of Custers Caudio Fuentes and George Casea University of Forida November 13, 2008 Abstract The detection and determination of custers has been of specia interest, among researchers

More information

Approximation and Fast Calculation of Non-local Boundary Conditions for the Time-dependent Schrödinger Equation

Approximation and Fast Calculation of Non-local Boundary Conditions for the Time-dependent Schrödinger Equation Approximation and Fast Cacuation of Non-oca Boundary Conditions for the Time-dependent Schrödinger Equation Anton Arnod, Matthias Ehrhardt 2, and Ivan Sofronov 3 Universität Münster, Institut für Numerische

More information

David Eigen. MA112 Final Paper. May 10, 2002

David Eigen. MA112 Final Paper. May 10, 2002 David Eigen MA112 Fina Paper May 1, 22 The Schrodinger equation describes the position of an eectron as a wave. The wave function Ψ(t, x is interpreted as a probabiity density for the position of the eectron.

More information

Introduction to Simulation - Lecture 13. Convergence of Multistep Methods. Jacob White. Thanks to Deepak Ramaswamy, Michal Rewienski, and Karen Veroy

Introduction to Simulation - Lecture 13. Convergence of Multistep Methods. Jacob White. Thanks to Deepak Ramaswamy, Michal Rewienski, and Karen Veroy Introduction to Simuation - Lecture 13 Convergence of Mutistep Methods Jacob White Thans to Deepa Ramaswamy, Micha Rewiensi, and Karen Veroy Outine Sma Timestep issues for Mutistep Methods Loca truncation

More information

A MODEL FOR ESTIMATING THE LATERAL OVERLAP PROBABILITY OF AIRCRAFT WITH RNP ALERTING CAPABILITY IN PARALLEL RNAV ROUTES

A MODEL FOR ESTIMATING THE LATERAL OVERLAP PROBABILITY OF AIRCRAFT WITH RNP ALERTING CAPABILITY IN PARALLEL RNAV ROUTES 6 TH INTERNATIONAL CONGRESS OF THE AERONAUTICAL SCIENCES A MODEL FOR ESTIMATING THE LATERAL OVERLAP PROBABILITY OF AIRCRAFT WITH RNP ALERTING CAPABILITY IN PARALLEL RNAV ROUTES Sakae NAGAOKA* *Eectronic

More information

Lecture 17 - The Secrets we have Swept Under the Rug

Lecture 17 - The Secrets we have Swept Under the Rug Lecture 17 - The Secrets we have Swept Under the Rug Today s ectures examines some of the uirky features of eectrostatics that we have negected up unti this point A Puzze... Let s go back to the basics

More information

Inductive Bias: How to generalize on novel data. CS Inductive Bias 1

Inductive Bias: How to generalize on novel data. CS Inductive Bias 1 Inductive Bias: How to generaize on nove data CS 478 - Inductive Bias 1 Overfitting Noise vs. Exceptions CS 478 - Inductive Bias 2 Non-Linear Tasks Linear Regression wi not generaize we to the task beow

More information

Wave Equation Dirichlet Boundary Conditions

Wave Equation Dirichlet Boundary Conditions Wave Equation Dirichet Boundary Conditions u tt x, t = c u xx x, t, < x 1 u, t =, u, t = ux, = fx u t x, = gx Look for simpe soutions in the form ux, t = XxT t Substituting into 13 and dividing

More information

V.B The Cluster Expansion

V.B The Cluster Expansion V.B The Custer Expansion For short range interactions, speciay with a hard core, it is much better to repace the expansion parameter V( q ) by f( q ) = exp ( βv( q )), which is obtained by summing over

More information

Sequential Decoding of Polar Codes with Arbitrary Binary Kernel

Sequential Decoding of Polar Codes with Arbitrary Binary Kernel Sequentia Decoding of Poar Codes with Arbitrary Binary Kerne Vera Miosavskaya, Peter Trifonov Saint-Petersburg State Poytechnic University Emai: veram,petert}@dcn.icc.spbstu.ru Abstract The probem of efficient

More information

Analysis of rounded data in mixture normal model

Analysis of rounded data in mixture normal model Stat Papers (2012) 53:895 914 DOI 10.1007/s00362-011-0395-0 REGULAR ARTICLE Anaysis of rounded data in mixture norma mode Ningning Zhao Zhidong Bai Received: 13 August 2010 / Revised: 9 June 2011 / Pubished

More information

Stochastic Complement Analysis of Multi-Server Threshold Queues. with Hysteresis. Abstract

Stochastic Complement Analysis of Multi-Server Threshold Queues. with Hysteresis. Abstract Stochastic Compement Anaysis of Muti-Server Threshod Queues with Hysteresis John C.S. Lui The Dept. of Computer Science & Engineering The Chinese University of Hong Kong Leana Goubchik Dept. of Computer

More information

FORECASTING TELECOMMUNICATIONS DATA WITH AUTOREGRESSIVE INTEGRATED MOVING AVERAGE MODELS

FORECASTING TELECOMMUNICATIONS DATA WITH AUTOREGRESSIVE INTEGRATED MOVING AVERAGE MODELS FORECASTING TEECOMMUNICATIONS DATA WITH AUTOREGRESSIVE INTEGRATED MOVING AVERAGE MODES Niesh Subhash naawade a, Mrs. Meenakshi Pawar b a SVERI's Coege of Engineering, Pandharpur. nieshsubhash15@gmai.com

More information

More Scattering: the Partial Wave Expansion

More Scattering: the Partial Wave Expansion More Scattering: the Partia Wave Expansion Michae Fower /7/8 Pane Waves and Partia Waves We are considering the soution to Schrödinger s equation for scattering of an incoming pane wave in the z-direction

More information

Lecture Notes for Math 251: ODE and PDE. Lecture 32: 10.2 Fourier Series

Lecture Notes for Math 251: ODE and PDE. Lecture 32: 10.2 Fourier Series Lecture Notes for Math 251: ODE and PDE. Lecture 32: 1.2 Fourier Series Shawn D. Ryan Spring 212 Last Time: We studied the heat equation and the method of Separation of Variabes. We then used Separation

More information

An Algorithm for Pruning Redundant Modules in Min-Max Modular Network

An Algorithm for Pruning Redundant Modules in Min-Max Modular Network An Agorithm for Pruning Redundant Modues in Min-Max Moduar Network Hui-Cheng Lian and Bao-Liang Lu Department of Computer Science and Engineering, Shanghai Jiao Tong University 1954 Hua Shan Rd., Shanghai

More information

Homework 5 Solutions

Homework 5 Solutions Stat 310B/Math 230B Theory of Probabiity Homework 5 Soutions Andrea Montanari Due on 2/19/2014 Exercise [5.3.20] 1. We caim that n 2 [ E[h F n ] = 2 n i=1 A i,n h(u)du ] I Ai,n (t). (1) Indeed, integrabiity

More information

Chapter 4. Moving Observer Method. 4.1 Overview. 4.2 Theory

Chapter 4. Moving Observer Method. 4.1 Overview. 4.2 Theory Chapter 4 Moving Observer Method 4.1 Overview For a compete description of traffic stream modeing, one woud reuire fow, speed, and density. Obtaining these parameters simutaneousy is a difficut task if

More information

BICM Performance Improvement via Online LLR Optimization

BICM Performance Improvement via Online LLR Optimization BICM Performance Improvement via Onine LLR Optimization Jinhong Wu, Mostafa E-Khamy, Jungwon Lee and Inyup Kang Samsung Mobie Soutions Lab San Diego, USA 92121 Emai: {Jinhong.W, Mostafa.E, Jungwon2.Lee,

More information

Determining The Degree of Generalization Using An Incremental Learning Algorithm

Determining The Degree of Generalization Using An Incremental Learning Algorithm Determining The Degree of Generaization Using An Incrementa Learning Agorithm Pabo Zegers Facutad de Ingeniería, Universidad de os Andes San Caros de Apoquindo 22, Las Condes, Santiago, Chie pzegers@uandes.c

More information

Lecture 4: Probabilistic Learning. Estimation Theory. Classification with Probability Distributions

Lecture 4: Probabilistic Learning. Estimation Theory. Classification with Probability Distributions DD2431 Autumn, 2014 1 2 3 Classification with Probability Distributions Estimation Theory Classification in the last lecture we assumed we new: P(y) Prior P(x y) Lielihood x2 x features y {ω 1,..., ω K

More information

Auxiliary Gibbs Sampling for Inference in Piecewise-Constant Conditional Intensity Models

Auxiliary Gibbs Sampling for Inference in Piecewise-Constant Conditional Intensity Models uxiiary Gibbs Samping for Inference in Piecewise-Constant Conditiona Intensity Modes Zhen Qin University of Caifornia, Riverside zqin001@cs.ucr.edu Christian R. Sheton University of Caifornia, Riverside

More information

Two-sample inference for normal mean vectors based on monotone missing data

Two-sample inference for normal mean vectors based on monotone missing data Journa of Mutivariate Anaysis 97 (006 6 76 wwweseviercom/ocate/jmva Two-sampe inference for norma mean vectors based on monotone missing data Jianqi Yu a, K Krishnamoorthy a,, Maruthy K Pannaa b a Department

More information

Bourgain s Theorem. Computational and Metric Geometry. Instructor: Yury Makarychev. d(s 1, s 2 ).

Bourgain s Theorem. Computational and Metric Geometry. Instructor: Yury Makarychev. d(s 1, s 2 ). Bourgain s Theorem Computationa and Metric Geometry Instructor: Yury Makarychev 1 Notation Given a metric space (X, d) and S X, the distance from x X to S equas d(x, S) = inf d(x, s). s S The distance

More information

Lecture Notes 4: Fourier Series and PDE s

Lecture Notes 4: Fourier Series and PDE s Lecture Notes 4: Fourier Series and PDE s 1. Periodic Functions A function fx defined on R is caed a periodic function if there exists a number T > such that fx + T = fx, x R. 1.1 The smaest number T for

More information

Notes on Backpropagation with Cross Entropy

Notes on Backpropagation with Cross Entropy Notes on Backpropagation with Cross Entropy I-Ta ee, Dan Gowasser, Bruno Ribeiro Purue University October 3, 07. Overview This note introuces backpropagation for a common neura network muti-cass cassifier.

More information

Optimization Based Bidding Strategies in the Deregulated Market

Optimization Based Bidding Strategies in the Deregulated Market Optimization ased idding Strategies in the Dereguated arket Daoyuan Zhang Ascend Communications, nc 866 North ain Street, Waingford, C 0649 Abstract With the dereguation of eectric power systems, market

More information

LIKELIHOOD RATIO TEST FOR THE HYPER- BLOCK MATRIX SPHERICITY COVARIANCE STRUCTURE CHARACTERIZATION OF THE EXACT

LIKELIHOOD RATIO TEST FOR THE HYPER- BLOCK MATRIX SPHERICITY COVARIANCE STRUCTURE CHARACTERIZATION OF THE EXACT LIKELIHOOD RATIO TEST FOR THE HYPER- BLOCK MATRIX SPHERICITY COVARIACE STRUCTURE CHARACTERIZATIO OF THE EXACT DISTRIBUTIO AD DEVELOPMET OF EAR-EXACT DISTRIBUTIOS FOR THE TEST STATISTIC Authors: Bárbara

More information

Minimizing Total Weighted Completion Time on Uniform Machines with Unbounded Batch

Minimizing Total Weighted Completion Time on Uniform Machines with Unbounded Batch The Eighth Internationa Symposium on Operations Research and Its Appications (ISORA 09) Zhangiaie, China, September 20 22, 2009 Copyright 2009 ORSC & APORC, pp. 402 408 Minimizing Tota Weighted Competion

More information

A Comparison Study of the Test for Right Censored and Grouped Data

A Comparison Study of the Test for Right Censored and Grouped Data Communications for Statistica Appications and Methods 2015, Vo. 22, No. 4, 313 320 DOI: http://dx.doi.org/10.5351/csam.2015.22.4.313 Print ISSN 2287-7843 / Onine ISSN 2383-4757 A Comparison Study of the

More information

A Land Cover Mapping Algorithm Based on a Level Set Method

A Land Cover Mapping Algorithm Based on a Level Set Method Kasetsart J. (Nat. Sci.) 47 : 953-966 (03) A Land Cover Mapping Agorithm Based on a Leve Set Method eerasit Kasetkasem, *, Settaporn Sriwiai, hitiporn Chanwimauang and suyoshi Isshiki 3 Abstract A nove

More information

Partial permutation decoding for MacDonald codes

Partial permutation decoding for MacDonald codes Partia permutation decoding for MacDonad codes J.D. Key Department of Mathematics and Appied Mathematics University of the Western Cape 7535 Bevie, South Africa P. Seneviratne Department of Mathematics

More information

arxiv: v1 [math.co] 17 Dec 2018

arxiv: v1 [math.co] 17 Dec 2018 On the Extrema Maximum Agreement Subtree Probem arxiv:1812.06951v1 [math.o] 17 Dec 2018 Aexey Markin Department of omputer Science, Iowa State University, USA amarkin@iastate.edu Abstract Given two phyogenetic

More information

NEW DEVELOPMENT OF OPTIMAL COMPUTING BUDGET ALLOCATION FOR DISCRETE EVENT SIMULATION

NEW DEVELOPMENT OF OPTIMAL COMPUTING BUDGET ALLOCATION FOR DISCRETE EVENT SIMULATION NEW DEVELOPMENT OF OPTIMAL COMPUTING BUDGET ALLOCATION FOR DISCRETE EVENT SIMULATION Hsiao-Chang Chen Dept. of Systems Engineering University of Pennsyvania Phiadephia, PA 904-635, U.S.A. Chun-Hung Chen

More information

Backward Monte Carlo Simulations in Radiative Heat Transfer

Backward Monte Carlo Simulations in Radiative Heat Transfer Backward Monte Caro Simuations in Radiative Heat Transfer Michae F. Modest Department of Mechanica and Nucear Engineering Penn State University University Park, PA 82 emai: mfm@psu.edu August 29, 2 Abstract

More information

MA 201: Partial Differential Equations Lecture - 11

MA 201: Partial Differential Equations Lecture - 11 MA 201: Partia Differentia Equations Lecture - 11 Heat Equation Heat conduction in a thin rod The IBVP under consideration consists of: The governing equation: u t = αu xx, (1) where α is the therma diffusivity.

More information

c 2016 Georgios Rovatsos

c 2016 Georgios Rovatsos c 2016 Georgios Rovatsos QUICKEST CHANGE DETECTION WITH APPLICATIONS TO LINE OUTAGE DETECTION BY GEORGIOS ROVATSOS THESIS Submitted in partia fufiment of the requirements for the degree of Master of Science

More information

Lecture 6: Moderately Large Deflection Theory of Beams

Lecture 6: Moderately Large Deflection Theory of Beams Structura Mechanics 2.8 Lecture 6 Semester Yr Lecture 6: Moderatey Large Defection Theory of Beams 6.1 Genera Formuation Compare to the cassica theory of beams with infinitesima deformation, the moderatey

More information

International Journal of Mass Spectrometry

International Journal of Mass Spectrometry Internationa Journa of Mass Spectrometry 280 (2009) 179 183 Contents ists avaiabe at ScienceDirect Internationa Journa of Mass Spectrometry journa homepage: www.esevier.com/ocate/ijms Stark mixing by ion-rydberg

More information

Chemical Kinetics Part 2

Chemical Kinetics Part 2 Integrated Rate Laws Chemica Kinetics Part 2 The rate aw we have discussed thus far is the differentia rate aw. Let us consider the very simpe reaction: a A à products The differentia rate reates the rate

More information

Math 220B - Summer 2003 Homework 1 Solutions

Math 220B - Summer 2003 Homework 1 Solutions Math 0B - Summer 003 Homework Soutions Consider the eigenvaue probem { X = λx 0 < x < X satisfies symmetric BCs x = 0, Suppose f(x)f (x) x=b x=a 0 for a rea-vaued functions f(x) which satisfy the boundary

More information