2014ESJ.key

Size: px
Start display at page:

Download "2014ESJ.key"

Transcription

1

2

3

4 Statistical Software for State Space Models Commandeur et al. (2011) Journal of Statistical Software 41(1)

5 State Space Models in R Petris & Petrone (2011) Journal of Statistical Software 41(4)

6

7

8 y t = F t t + v t, v t N (0, V t ) t = G t t 1 + w t, w t N (0, W t ) t = 1,..., n 0 N (m 0, C 0 )

9

10 ## build function! BuildLLM <- function(theta) {! dlmmodpoly(order = 1,! dv = theta[1],! dw = theta[2])! }

11 ##! fit.llm <- dlmmle(nile, parm = c(100, 2),! build = BuildLLM,! lower = rep(1e-4, 2))!! ## build function! model.llm <- BuildLLM(fit.llm$par)!! ##! smooth.llm <- dlmsmooth(nile, model.llm)

12

13

14 #! x <- matrix(c(rep(0, 27),! rep(1, length(nile) - 27)),! ncol = 1)

15 ##! model.reg <- dlmmodreg(x, dw = c(1, 0))! BuildReg <- function(theta) {! V(model.reg) <- exp(theta[1])! diag(w(model.reg))[1] <- exp(theta[2])! return(model.reg)! }

16 ##! fit.reg <- dlmmle(nile,! parm = rep(0, 2),! build = BuildReg)! model.reg <- BuildReg(fit.reg$par)! smooth.reg <- dlmsmooth(nile,! mod = model.reg)

17

18

19

20

21 y t = Z t t + t, t N (0, H t ) t+1 = T t t + R t t, t N (0, Q t ) t = 1,..., n 1 N (a 1, P 1 )

22

23 model.van <- SSModel(VanKilled ~ law +! SSMtrend(degree = 1,! Q = list(matrix(na))) +! SSMseasonal(period = 12,! sea.type = dummy",! Q = matrix(na)),! data = Seatbelts,! distribution = "poisson")

24 fit.van <- fitssm(inits = c(-4, -7, 2),! model = model.van,! method = BFGS")!! pred.van <- predict(fit.van$model,! states = 1:2)

25

26

27

28

29 set.seed(1234)! n.t <- 50 #! N.lat <- rep(50, n.t) #! p <- 0.7 #! N.obs <- rbinom(n.t, N.lat, p) #!

30

31 var! N, #! y[n], #! y_hat[n], #! lambda[n], # log(y_hat)! p, #! tau, sigma;

32 model {! ##! for (t in 1:N) {! y[t] ~ dbin(p, y_hat[t]);! y_hat[t] <- trunc(exp(lambda[t]));! }! ##! for (t in 2:N) {! lambda[t] ~ dnorm(lambda[t - 1], tau);! }! ##! lambda[1] ~ dnorm(0, 1.0E-4);! p ~ dbeta(2, 2);! sigma ~ dunif(0, 100);! tau <- 1 / (sigma * sigma);! }

33 inits <- list()! inits[[1]] <- list(p = 0.9, sigma = 1,! lambda = rep(log(max(n.obs) + 1), n.t))! inits[[2]] <- list(p = 0.7, sigma = 3,! lambda = rep(log(max(n.obs) + 1), n.t))! inits[[3]] <- list(p = 0.8, sigma = 5,! lambda = rep(log(max(n.obs) + 1), n.t))!! model <- jags.model("ks51.bug.txt",! data = list(n = n.t, y = N.obs),! inits = inits, n.chains = 3,! n.adapt = )! samp <- coda.samples(model,! variable.names = c("y_hat", sigma",! "p"),! n.iter = , thin = 3000)!

34

35

36

37

38

39

40 data {! int<lower=0> N;! matrix[1, N] y;! }! transformed data {! matrix[1, 1] F;! matrix[1, 1] G;! vector[1] m0;! cov_matrix[1] C0;!! } F[1, 1] <- 1;! G[1, 1] <- 1;! m0[1] <- 0;! C0[1, 1] <- 1.0e+6;!

41 parameters {! real<lower=0> sigma[2];! }! transformed parameters {! vector[1] V;! cov_matrix[1] W;!! V[1] <- sigma[1] * sigma[1];! W[1, 1] <- sigma[2] * sigma[2];! }!

42 model {! y ~ gaussian_dlm_obs(f, G, V, W, m0, C0);! sigma ~ uniform(0, 1.0e+6);! }

43 library(rstan)!! model <- stan("kalman.stan",! data = list(y = matrix(c(nile),! nrow = 1),! N = length(nile)),! pars = c("sigma"),! chains = 3,! iter = 1500, warmup = 500,! thin = 1)

44 traceplot(fit, pars = "sigma", inc_warmup = FALSE)

45 > print(fit)! Inference for Stan model: kalman.! 3 chains, each with iter=1500; warmup=500; thin=1;! post-warmup draws per chain=1000, total post-warmup draws=3000.!! mean se_mean sd 2.5% 25% 50% 75% 97.5% n_eff Rhat! sigma[1] ! sigma[2] ! lp !! Samples were drawn using NUTS(diag_e) at Sun Feb 9 06:06: ! For each parameter, n_eff is a crude measure of effective sample size,! and Rhat is the potential scale reduction factor on split chains (at! convergence, Rhat=1).!

46 sigma <- apply(extract(fit, "sigma")$sigma, 2, mean)!! library(dlm)!! buildnile <- function(theta) {! dlmmodpoly(order = 1, dv = theta[1], dw = theta[2])! }! modnile <- buildnile(sigma^2)! smoothnile <- dlmsmooth(nile, modnile)

47

48

49 data {! int<lower=0> N;! real y[n];! }! parameters {! real theta[n];! real<lower=0> sigma[2];! }!

50 model {! //! for (t in 1:N) {! y[t] ~ normal(theta[t], sigma[1]);! }!! //! for (t in 2:N) {! theta[t] ~ normal(theta[t - 1], sigma[2]);! }!! //! theta[1] ~ normal(0, 1.0e+4);! sigma ~ uniform(0, 1.0e+6);! }

51

@i_kiwamu Bayes - -

@i_kiwamu Bayes - - Bayes RStan 1 2012 12 1 R @ @i_kiwamu Bayes - - Stan / RStan Bayes Stan Development Team - Andrew Gelman, Bob Carpenter, Matt Hoffman, Ben Goodrich, Michael Malecki, Daniel Lee and Chad Scherrer Open source

More information

Stanによるハミルトニアンモンテカルロ法を用いたサンプリングについて

Stanによるハミルトニアンモンテカルロ法を用いたサンプリングについて Stan によるハミルトニアンモンテカルロ法を用いたサンプリングについて 10 月 22 日中村文士 1 目次 1.STANについて 2.RでSTANをするためのインストール 3.STANのコード記述方法 4.STANによるサンプリングの例 2 1.STAN について ハミルトニアンモンテカルロ法に基づいた事後分布からのサンプリングなどができる STAN の HP: mc-stan.org 3 由来

More information

kubo2015ngt6 p.2 ( ( (MLE 8 y i L(q q log L(q q 0 ˆq log L(q / q = 0 q ˆq = = = * ˆq = 0.46 ( 8 y 0.46 y y y i kubo (ht

kubo2015ngt6 p.2 ( ( (MLE 8 y i L(q q log L(q q 0 ˆq log L(q / q = 0 q ˆq = = = * ˆq = 0.46 ( 8 y 0.46 y y y i kubo (ht kubo2015ngt6 p.1 2015 (6 MCMC kubo@ees.hokudai.ac.jp, @KuboBook http://goo.gl/m8hsbm 1 ( 2 3 4 5 JAGS : 2015 05 18 16:48 kubo (http://goo.gl/m8hsbm 2015 (6 1 / 70 kubo (http://goo.gl/m8hsbm 2015 (6 2 /

More information

12/1 ( ) GLM, R MCMC, WinBUGS 12/2 ( ) WinBUGS WinBUGS 12/2 ( ) : 12/3 ( ) :? ( :51 ) 2/ 71

12/1 ( ) GLM, R MCMC, WinBUGS 12/2 ( ) WinBUGS WinBUGS 12/2 ( ) : 12/3 ( ) :? ( :51 ) 2/ 71 2010-12-02 (2010 12 02 10 :51 ) 1/ 71 GCOE 2010-12-02 WinBUGS kubo@ees.hokudai.ac.jp http://goo.gl/bukrb 12/1 ( ) GLM, R MCMC, WinBUGS 12/2 ( ) WinBUGS WinBUGS 12/2 ( ) : 12/3 ( ) :? 2010-12-02 (2010 12

More information

kubostat1g p. MCMC binomial distribution q MCMC : i N i y i p(y i q = ( Ni y i q y i (1 q N i y i, q {y i } q likelihood q L(q {y i } = i=1 p(y i q 1

kubostat1g p. MCMC binomial distribution q MCMC : i N i y i p(y i q = ( Ni y i q y i (1 q N i y i, q {y i } q likelihood q L(q {y i } = i=1 p(y i q 1 kubostat1g p.1 1 (g Hierarchical Bayesian Model kubo@ees.hokudai.ac.jp http://goo.gl/7ci The development of linear models Hierarchical Bayesian Model Be more flexible Generalized Linear Mixed Model (GLMM

More information

36

36 36 37 38 P r R P 39 (1+r ) P =R+P g P r g P = R r g r g == == 40 41 42 τ R P = r g+τ 43 τ (1+r ) P τ ( P P ) = R+P τ ( P P ) n P P r P P g P 44 R τ P P = (1 τ )(r g) (1 τ )P R τ 45 R R σ u R= R +u u~ (0,σ

More information

2009 5 1...1 2...3 2.1...3 2.2...3 3...10 3.1...10 3.1.1...10 3.1.2... 11 3.2...14 3.2.1...14 3.2.2...16 3.3...18 3.4...19 3.4.1...19 3.4.2...20 3.4.3...21 4...24 4.1...24 4.2...24 4.3 WinBUGS...25 4.4...28

More information

Rによる計量分析:データ解析と可視化 - 第3回 Rの基礎とデータ操作・管理

Rによる計量分析:データ解析と可視化 - 第3回  Rの基礎とデータ操作・管理 R 3 R 2017 Email: gito@eco.u-toyama.ac.jp October 23, 2017 (Toyama/NIHU) R ( 3 ) October 23, 2017 1 / 34 Agenda 1 2 3 4 R 5 RStudio (Toyama/NIHU) R ( 3 ) October 23, 2017 2 / 34 10/30 (Mon.) 12/11 (Mon.)

More information

kubostat2017b p.1 agenda I 2017 (b) probability distribution and maximum likelihood estimation :

kubostat2017b p.1 agenda I 2017 (b) probability distribution and maximum likelihood estimation : kubostat2017b p.1 agenda I 2017 (b) probabilit distribution and maimum likelihood estimation kubo@ees.hokudai.ac.jp http://goo.gl/76c4i 2017 11 14 : 2017 11 07 15:43 1 : 2 3? 4 kubostat2017b (http://goo.gl/76c4i)

More information

AR(1) y t = φy t 1 + ɛ t, ɛ t N(0, σ 2 ) 1. Mean of y t given y t 1, y t 2, E(y t y t 1, y t 2, ) = φy t 1 2. Variance of y t given y t 1, y t

AR(1) y t = φy t 1 + ɛ t, ɛ t N(0, σ 2 ) 1. Mean of y t given y t 1, y t 2, E(y t y t 1, y t 2, ) = φy t 1 2. Variance of y t given y t 1, y t 87 6.1 AR(1) y t = φy t 1 + ɛ t, ɛ t N(0, σ 2 ) 1. Mean of y t given y t 1, y t 2, E(y t y t 1, y t 2, ) = φy t 1 2. Variance of y t given y t 1, y t 2, V(y t y t 1, y t 2, ) = σ 2 3. Thus, y t y t 1,

More information

aisatu.pdf

aisatu.pdf 1 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 67 68 69 70 71

More information

kubostat2018d p.2 :? bod size x and fertilization f change seed number? : a statistical model for this example? i response variable seed number : { i

kubostat2018d p.2 :? bod size x and fertilization f change seed number? : a statistical model for this example? i response variable seed number : { i kubostat2018d p.1 I 2018 (d) model selection and kubo@ees.hokudai.ac.jp http://goo.gl/76c4i 2018 06 25 : 2018 06 21 17:45 1 2 3 4 :? AIC : deviance model selection misunderstanding kubostat2018d (http://goo.gl/76c4i)

More information

P P P P P P P P P P P P P

P P P P P P P P P P P P P P P P P P P P P P P P P P 1 (1) (2) (3) (1) (2) (3) 1 ( ( ) ( ) ( ) 2 ( 0563-00-0000 ( 090-0000-0000 ) 052-00-0000 ( ) ( ) () 1 3 0563-00-0000 3 [] g g cc [] [] 4 5 1 DV 6 7 1 DV 8 9 10 11 12 SD 13 .....

More information

Copyrght 7 Mzuho-DL Fnancal Technology Co., Ltd. All rghts reserved.

Copyrght 7 Mzuho-DL Fnancal Technology Co., Ltd. All rghts reserved. 766 Copyrght 7 Mzuho-DL Fnancal Technology Co., Ltd. All rghts reserved. Copyrght 7 Mzuho-DL Fnancal Technology Co., Ltd. All rghts reserved. 3 Copyrght 7 Mzuho-DL Fnancal Technology Co., Ltd. All rghts

More information

untitled

untitled 2 : n =1, 2,, 10000 0.5125 0.51 0.5075 0.505 0.5025 0.5 0.4975 0.495 0 2000 4000 6000 8000 10000 2 weak law of large numbers 1. X 1,X 2,,X n 2. µ = E(X i ),i=1, 2,,n 3. σi 2 = V (X i ) σ 2,i=1, 2,,n ɛ>0

More information

k2 ( :35 ) ( k2) (GLM) web web 1 :

k2 ( :35 ) ( k2) (GLM) web   web   1 : 2012 11 01 k2 (2012-10-26 16:35 ) 1 6 2 (2012 11 01 k2) (GLM) kubo@ees.hokudai.ac.jp web http://goo.gl/wijx2 web http://goo.gl/ufq2 1 : 2 2 4 3 7 4 9 5 : 11 5.1................... 13 6 14 6.1......................

More information

untitled

untitled MCMC 2004 23 1 I. MCMC 1. 2. 3. 4. MH 5. 6. MCMC 2 II. 1. 2. 3. 4. 5. 3 I. MCMC 1. 2. 3. 4. MH 5. 4 1. MCMC 5 2. A P (A) : P (A)=0.02 A B A B Pr B A) Pr B A c Pr B A)=0.8, Pr B A c =0.1 6 B A 7 8 A, :

More information

/22 R MCMC R R MCMC? 3. Gibbs sampler : kubo/

/22 R MCMC R R MCMC? 3. Gibbs sampler :   kubo/ 2006-12-09 1/22 R MCMC R 1. 2. R MCMC? 3. Gibbs sampler : kubo@ees.hokudai.ac.jp http://hosho.ees.hokudai.ac.jp/ kubo/ 2006-12-09 2/22 : ( ) : : ( ) : (?) community ( ) 2006-12-09 3/22 :? 1. ( ) 2. ( )

More information

自由集会時系列part2web.key

自由集会時系列part2web.key spurious correlation spurious regression xt=xt-1+n(0,σ^2) yt=yt-1+n(0,σ^2) n=20 type1error(5%)=0.4703 no trend 0 1000 2000 3000 4000 p for r xt=xt-1+n(0,σ^2) random walk random walk variable -5 0 5 variable

More information

バイオインフォマティクス特論4

バイオインフォマティクス特論4 藤 博幸 1-3-1. ピアソン相関係数 1-3-2. 致性のカッパ係数 1-3-3. 時系列データにおける変化検出 ベイズ統計で実践モデリング 5.1 ピアソン係数 第 5 章データ解析の例 データは n ペアの独 な観測値の対例 : 特定の薬剤の投与量と投与から t 時間後の注 する遺伝 の発現量 2 つの変数間の線形の関係性はピアソンの積率相関係数 r で表現される t 時間後の注 する遺伝

More information

/ *1 *1 c Mike Gonzalez, October 14, Wikimedia Commons.

/ *1 *1 c Mike Gonzalez, October 14, Wikimedia Commons. 2010 05 22 1/ 35 2010 2010 05 22 *1 kubo@ees.hokudai.ac.jp *1 c Mike Gonzalez, October 14, 2007. Wikimedia Commons. 2010 05 22 2/ 35 1. 2. 3. 2010 05 22 3/ 35 : 1.? 2. 2010 05 22 4/ 35 1. 2010 05 22 5/

More information

yamadaiR(cEFA).pdf

yamadaiR(cEFA).pdf R 2012/10/05 Kosugi,E.Koji (Yamadai.R) Categorical Factor Analysis by using R 2012/10/05 1 / 9 Why we use... 3 5 Kosugi,E.Koji (Yamadai.R) Categorical Factor Analysis by using R 2012/10/05 2 / 9 FA vs

More information

Computational Semantics 1 category specificity Warrington (1975); Warrington & Shallice (1979, 1984) 2 basic level superiority 3 super-ordinate catego

Computational Semantics 1 category specificity Warrington (1975); Warrington & Shallice (1979, 1984) 2 basic level superiority 3 super-ordinate catego Computational Semantics 1 category specificity Warrington (1975); Warrington & Shallice (1979, 1984) 2 basic level superiority 3 super-ordinate category preservation 1 / 13 analogy by vector space Figure

More information

80 X 1, X 2,, X n ( λ ) λ P(X = x) = f (x; λ) = λx e λ, x = 0, 1, 2, x! l(λ) = n f (x i ; λ) = i=1 i=1 n λ x i e λ i=1 x i! = λ n i=1 x i e nλ n i=1 x

80 X 1, X 2,, X n ( λ ) λ P(X = x) = f (x; λ) = λx e λ, x = 0, 1, 2, x! l(λ) = n f (x i ; λ) = i=1 i=1 n λ x i e λ i=1 x i! = λ n i=1 x i e nλ n i=1 x 80 X 1, X 2,, X n ( λ ) λ P(X = x) = f (x; λ) = λx e λ, x = 0, 1, 2, x! l(λ) = n f (x i ; λ) = n λ x i e λ x i! = λ n x i e nλ n x i! n n log l(λ) = log(λ) x i nλ log( x i!) log l(λ) λ = 1 λ n x i n =

More information

Influence of Material and Thickness of the Specimen to Stress Separation of an Infrared Stress Image Kenji MACHIDA The thickness dependency of the temperature image obtained by an infrared thermography

More information

1 2 3 4 5 6 0.4% 58.4% 41.2% 10 65 69 12.0% 9 60 64 13.4% 11 70 12.6% 8 55 59 8.6% 0.1% 1 20 24 3.1% 7 50 54 9.3% 2 25 29 6.0% 3 30 34 7.6% 6 45 49 9.7% 4 35 39 8.5% 5 40 44 9.1% 11 70 11.2% 10 65 69 11.0%

More information

: Bradley-Terry Burczyk

: Bradley-Terry Burczyk 58 (W15) 2011 03 09 kubo@ees.hokudai.ac.jp http://goo.gl/edzle 2011 03 09 (2011 03 09 19 :32 ) : Bradley-Terry Burczyk ? ( ) 1999 2010 9 R : 7 (1) 8 7??! 15 http://www.atmarkit.co.jp/fcoding/articles/stat/07/stat07a.html

More information

02[021-046]小山・池田(責)岩.indd

02[021-046]小山・池田(責)岩.indd Developing a Japanese Enryo-Sasshi Communication Scale: Revising a Trial Version of a Scale Based on Results of a Pilot Survey KOYAMA Shinji and IKEDA Yutaka Toward exploring Japanese Enryo-Sasshi communication

More information

講義のーと : データ解析のための統計モデリング. 第2回

講義のーと :  データ解析のための統計モデリング. 第2回 Title 講義のーと : データ解析のための統計モデリング Author(s) 久保, 拓弥 Issue Date 2008 Doc URL http://hdl.handle.net/2115/49477 Type learningobject Note この講義資料は, 著者のホームページ http://hosho.ees.hokudai.ac.jp/~kub ードできます Note(URL)http://hosho.ees.hokudai.ac.jp/~kubo/ce/EesLecture20

More information

Fig. 1. Schematic drawing of testing system. 71 ( 1 )

Fig. 1. Schematic drawing of testing system. 71 ( 1 ) 1850 UDC 669.162.283 : 669.162.263.24/. 25 Testing Method of High Temperature Properties of Blast Furnace Burdens Yojiro YAMAOKA, Hirohisa HOTTA, and Shuji KAJIKAWA Synopsis : Regarding the reduction under

More information

スライド 1

スライド 1 Matsuura Laboratory SiC SiC 13 2004 10 21 22 H-SiC ( C-SiC HOY Matsuura Laboratory n E C E D ( E F E T Matsuura Laboratory Matsuura Laboratory DLTS Osaka Electro-Communication University Unoped n 3C-SiC

More information

2 3

2 3 Sample 2 3 4 5 6 7 8 9 3 18 24 32 34 40 45 55 63 70 77 82 96 118 121 123 131 143 149 158 167 173 187 192 204 217 224 231 17 285 290 292 1 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38

More information

467 468 469 470 471 472 473 474 475 476 477 478 479 480 481 482 483 484 485 486 487 488 489 490 B =(1+R ) B +G τ C C G τ R B C = a R +a W W ρ W =(1+R ) B +(1+R +δ ) (1 ρ) L B L δ B = λ B + μ (W C λ B )

More information

kubostat2017c p (c) Poisson regression, a generalized linear model (GLM) : :

kubostat2017c p (c) Poisson regression, a generalized linear model (GLM) : : kubostat2017c p.1 2017 (c), a generalized linear model (GLM) : kubo@ees.hokudai.ac.jp http://goo.gl/76c4i 2017 11 14 : 2017 11 07 15:43 kubostat2017c (http://goo.gl/76c4i) 2017 (c) 2017 11 14 1 / 47 agenda

More information

Isogai, T., Building a dynamic correlation network for fat-tailed financial asset returns, Applied Network Science (7):-24, 206,

Isogai, T., Building a dynamic correlation network for fat-tailed financial asset returns, Applied Network Science (7):-24, 206, H28. (TMU) 206 8 29 / 34 2 3 4 5 6 Isogai, T., Building a dynamic correlation network for fat-tailed financial asset returns, Applied Network Science (7):-24, 206, http://link.springer.com/article/0.007/s409-06-0008-x

More information

分布

分布 (normal distribution) 30 2 Skewed graph 1 2 (variance) s 2 = 1/(n-1) (xi x) 2 x = mean, s = variance (variance) (standard deviation) SD = SQR (var) or 8 8 0.3 0.2 0.1 0.0 0 1 2 3 4 5 6 7 8 8 0 1 8 (probability

More information

untitled

untitled 146,650 168,577 116,665 122,915 22,420 23,100 7,564 22,562 140,317 166,252 133,581 158,677 186 376 204 257 5,594 6,167 750 775 6,333 2,325 298 88 5,358 756 1,273 1,657 - - 23,905 23,923 1,749 489 1,309

More information

Stata 11 Stata ts (ARMA) ARCH/GARCH whitepaper mwp 3 mwp-083 arch ARCH 11 mwp-051 arch postestimation 27 mwp-056 arima ARMA 35 mwp-003 arima postestim

Stata 11 Stata ts (ARMA) ARCH/GARCH whitepaper mwp 3 mwp-083 arch ARCH 11 mwp-051 arch postestimation 27 mwp-056 arima ARMA 35 mwp-003 arima postestim TS001 Stata 11 Stata ts (ARMA) ARCH/GARCH whitepaper mwp 3 mwp-083 arch ARCH 11 mwp-051 arch postestimation 27 mwp-056 arima ARMA 35 mwp-003 arima postestimation 49 mwp-055 corrgram/ac/pac 56 mwp-009 dfgls

More information

Authors' Abstract It in known that the method of feeding powder into split cell affects the adhesion forces of powder beds, especially in fine particle powders. But the effect of the agglomeration phenomenon

More information

September 9, 2002 ( ) [1] K. Hukushima and Y. Iba, cond-mat/ [2] H. Takayama and K. Hukushima, cond-mat/020

September 9, 2002 ( ) [1] K. Hukushima and Y. Iba, cond-mat/ [2] H. Takayama and K. Hukushima, cond-mat/020 mailto:hukusima@issp.u-tokyo.ac.jp September 9, 2002 ( ) [1] and Y. Iba, cond-mat/0207123. [2] H. Takayama and, cond-mat/0205276. Typeset by FoilTEX Today s Contents Against Temperature Chaos in Spin Glasses

More information

kubostat2015e p.2 how to specify Poisson regression model, a GLM GLM how to specify model, a GLM GLM logistic probability distribution Poisson distrib

kubostat2015e p.2 how to specify Poisson regression model, a GLM GLM how to specify model, a GLM GLM logistic probability distribution Poisson distrib kubostat2015e p.1 I 2015 (e) GLM kubo@ees.hokudai.ac.jp http://goo.gl/76c4i 2015 07 22 2015 07 21 16:26 kubostat2015e (http://goo.gl/76c4i) 2015 (e) 2015 07 22 1 / 42 1 N k 2 binomial distribution logit

More information

kubostat2017e p.1 I 2017 (e) GLM logistic regression : : :02 1 N y count data or

kubostat2017e p.1 I 2017 (e) GLM logistic regression : : :02 1 N y count data or kubostat207e p. I 207 (e) GLM kubo@ees.hokudai.ac.jp https://goo.gl/z9ycjy 207 4 207 6:02 N y 2 binomial distribution logit link function 3 4! offset kubostat207e (https://goo.gl/z9ycjy) 207 (e) 207 4

More information

,.,.,,. [15],.,.,,., 2003 3 2006 2 3. 2003 3 2004 2 2004 3 2005 2, 1., 2005 3 2006 2, 1., 1,., 1,,., 1. i

,.,.,,. [15],.,.,,., 2003 3 2006 2 3. 2003 3 2004 2 2004 3 2005 2, 1., 2005 3 2006 2, 1., 1,., 1,,., 1. i 200520866 ( ) 19 1 ,.,.,,. [15],.,.,,., 2003 3 2006 2 3. 2003 3 2004 2 2004 3 2005 2, 1., 2005 3 2006 2, 1., 1,., 1,,., 1. i 1 1 1.1..................................... 1 1.2...................................

More information

kubo2017sep16a p.1 ( 1 ) : : :55 kubo ( ( 1 ) / 10

kubo2017sep16a p.1 ( 1 ) :   : :55 kubo (  ( 1 ) / 10 kubo2017sep16a p.1 ( 1 ) kubo@ees.hokudai.ac.jp 2017 09 16 : http://goo.gl/8je5wh : 2017 09 13 16:55 kubo (http://goo.gl/ufq2) ( 1 ) 2017 09 16 1 / 106 kubo (http://goo.gl/ufq2) ( 1 ) 2017 09 16 2 / 106

More information

6. [1] (cal) (J) (kwh) ( 1 1 100 1 ( 3 t N(t) dt dn ( ) dn N dt N 0 = λ dt (3.1) N(t) = N 0 e λt (3.2) λ (decay constant), λ [λ] = 1/s 1947 2

6. [1] (cal) (J) (kwh) ( 1 1 100 1 ( 3 t N(t) dt dn ( ) dn N dt N 0 = λ dt (3.1) N(t) = N 0 e λt (3.2) λ (decay constant), λ [λ] = 1/s 1947 2 filename=decay-text141118.tex made by R.Okamoto, Emeritus Prof., Kyushu Inst.Tech. * 1, 320 265 radioactive ray ( parent nucleus) ( daughter nucleus) disintegration, decay 2 1. 2. 4 ( 4 He) 3. 4. X 5.,

More information

udc-2.dvi

udc-2.dvi 13 0.5 2 0.5 2 1 15 2001 16 2009 12 18 14 No.39, 2010 8 2009b 2009a Web Web Q&A 2006 2007a20082009 2007b200720082009 20072008 2009 2009 15 1 2 2 2.1 18 21 1 4 2 3 1(a) 1(b) 1(c) 1(d) 1) 18 16 17 21 10

More information

01.Œk’ì/“²fi¡*

01.Œk’ì/“²fi¡* AIC AIC y n r n = logy n = logy n logy n ARCHEngle r n = σ n w n logσ n 2 = α + β w n 2 () r n = σ n w n logσ n 2 = α + β logσ n 2 + v n (2) w n r n logr n 2 = logσ n 2 + logw n 2 logσ n 2 = α +β logσ

More information

A Nutritional Study of Anemia in Pregnancy Hematologic Characteristics in Pregnancy (Part 1) Keizo Shiraki, Fumiko Hisaoka Department of Nutrition, Sc

A Nutritional Study of Anemia in Pregnancy Hematologic Characteristics in Pregnancy (Part 1) Keizo Shiraki, Fumiko Hisaoka Department of Nutrition, Sc A Nutritional Study of Anemia in Pregnancy Hematologic Characteristics in Pregnancy (Part 1) Keizo Shiraki, Fumiko Hisaoka Department of Nutrition, School of Medicine, Tokushima University, Tokushima Fetal

More information

!!! 10 1 110 88 7 9 91 79 81 82 87 6 5 90 83 75 77 12 80 8 11 89 84 76 78 85 86 4 2 32 64 10 44 13 17 94 34 33 107 96 14 105 16 97 99 100 106 103 98 63 at 29, 66 at 58 12 16 17 25 56

More information

確率論と統計学の資料

確率論と統計学の資料 5 June 015 ii........................ 1 1 1.1...................... 1 1........................... 3 1.3... 4 6.1........................... 6................... 7 ii ii.3.................. 8.4..........................

More information

今回 次回の要点 あぶない 時系列データ解析は やめましょう! 統計モデル のあてはめ Danger!! (危 1) 時系列データの GLM あてはめ (危 2) 時系列Yt 時系列 Xt 各時刻の個体数 気温 とか これは次回)

今回 次回の要点 あぶない 時系列データ解析は やめましょう! 統計モデル のあてはめ Danger!! (危 1) 時系列データの GLM あてはめ (危 2) 時系列Yt 時系列 Xt 各時刻の個体数 気温 とか これは次回) 生態学の時系列データ解析でよく見る あぶない モデリング 久保拓弥 mailto:kubo@ees.hokudai.ac.jp statistical model for time-series data 2017-07-03 kubostat2017 (h) 1/59 今回 次回の要点 あぶない 時系列データ解析は やめましょう! 統計モデル のあてはめ Danger!! (危 1) 時系列データの

More information

kubostat7f p GLM! logistic regression as usual? N? GLM GLM doesn t work! GLM!! probabilit distribution binomial distribution : : β + β x i link functi

kubostat7f p GLM! logistic regression as usual? N? GLM GLM doesn t work! GLM!! probabilit distribution binomial distribution : : β + β x i link functi kubostat7f p statistaical models appeared in the class 7 (f) kubo@eeshokudaiacjp https://googl/z9cjy 7 : 7 : The development of linear models Hierarchical Baesian Model Be more flexible Generalized Linear

More information

: (EQS) /EQUATIONS V1 = 30*V F1 + E1; V2 = 25*V *F1 + E2; V3 = 16*V *F1 + E3; V4 = 10*V F2 + E4; V5 = 19*V99

: (EQS) /EQUATIONS V1 = 30*V F1 + E1; V2 = 25*V *F1 + E2; V3 = 16*V *F1 + E3; V4 = 10*V F2 + E4; V5 = 19*V99 218 6 219 6.11: (EQS) /EQUATIONS V1 = 30*V999 + 1F1 + E1; V2 = 25*V999 +.54*F1 + E2; V3 = 16*V999 + 1.46*F1 + E3; V4 = 10*V999 + 1F2 + E4; V5 = 19*V999 + 1.29*F2 + E5; V6 = 17*V999 + 2.22*F2 + E6; CALIS.

More information

Microsoft Word - Meta70_Preferences.doc

Microsoft Word - Meta70_Preferences.doc Image Windows Preferences Edit, Preferences MetaMorph, MetaVue Image Windows Preferences Edit, Preferences Image Windows Preferences 1. Windows Image Placement: Acquire Overlay at Top Left Corner: 1 Acquire

More information

Visual Evaluation of Polka-dot Patterns Yoojin LEE and Nobuko NARUSE * Granduate School of Bunka Women's University, and * Faculty of Fashion Science,

Visual Evaluation of Polka-dot Patterns Yoojin LEE and Nobuko NARUSE * Granduate School of Bunka Women's University, and * Faculty of Fashion Science, Visual Evaluation of Polka-dot Patterns Yoojin LEE and Nobuko NARUSE * Granduate School of Bunka Women's University, and * Faculty of Fashion Science, Bunka Women's University, Shibuya-ku, Tokyo 151-8523

More information

untitled

untitled 48 B 17 4 Annuals of Disas. Prev. Res. Inst., Kyoto Univ., No. 48 B, 2005 (CO 2 ) (2003) Sim-CYCLE(Ito and Oikawa, 2000) CO 2 CO 2 Figure 1 CO 2 0 (Denning et al., 1995) CO 2 (2004) Sim-CYCLE CO 2 CO 2

More information

J. Jpn. For. Soc. 85 ( 1 ) 2003 Oishi, Y., Kanehama, S., Hiyane, A., and Taguchi, H. : Comparison of Forest Image and Mood : Psychological Examination in a Forest Environment Using Profile of Mood States

More information

THE INSTITUTE OF ELECTRONICS, INFORMATION AND COMMUNICATION ENGINEERS TECHNICAL REPORT OF IEICE.

THE INSTITUTE OF ELECTRONICS, INFORMATION AND COMMUNICATION ENGINEERS TECHNICAL REPORT OF IEICE. THE INSTITUTE OF ELECTRONICS, INFORMATION AND COMMUNICATION ENGINEERS TECHNICAL REPORT OF IEICE. E-mail: {ytamura,takai,tkato,tm}@vision.kuee.kyoto-u.ac.jp Abstract Current Wave Pattern Analysis for Anomaly

More information

tokei01.dvi

tokei01.dvi 2. :,,,. :.... Apr. - Jul., 26FY Dept. of Mechanical Engineering, Saga Univ., JAPAN 4 3. (probability),, 1. : : n, α A, A a/n. :, p, p Apr. - Jul., 26FY Dept. of Mechanical Engineering, Saga Univ., JAPAN

More information

k3 ( :07 ) 2 (A) k = 1 (B) k = 7 y x x 1 (k2)?? x y (A) GLM (k

k3 ( :07 ) 2 (A) k = 1 (B) k = 7 y x x 1 (k2)?? x y (A) GLM (k 2012 11 01 k3 (2012-10-24 14:07 ) 1 6 3 (2012 11 01 k3) kubo@ees.hokudai.ac.jp web http://goo.gl/wijx2 web http://goo.gl/ufq2 1 3 2 : 4 3 AIC 6 4 7 5 8 6 : 9 7 11 8 12 8.1 (1)........ 13 8.2 (2) χ 2....................

More information

PackageSoft/R-033U.tex (2018/March) R:

PackageSoft/R-033U.tex (2018/March) R: ................................................................................ R: 2018 3 29................................................................................ R AI R https://cran.r-project.org/doc/contrib/manuals-jp/r-intro-170.jp.pdf

More information

ATM M.Shimura JCD02773@nifty.ne.jp 2003 12 13 JAPLA2003 1 queue ATM ATM queue 1.1 ATM No (Sec (Sec 1 13 37 60 26 28 99 1 25 40 39 143 202 14 88 190 27 1 184 2 170 37 40 130 317 15 121 72 28 48 115 3 101

More information

A g ( v x ) i i { v ( m m) }{ v ( m m) } v i vav ( m m)( m m) i ( m m)( m m) v ( m m)( m m) SS within g ( v x v x ) i g { v ( X ) m v ( m m) } g { v (

A g ( v x ) i i { v ( m m) }{ v ( m m) } v i vav ( m m)( m m) i ( m m)( m m) v ( m m)( m m) SS within g ( v x v x ) i g { v ( X ) m v ( m m) } g { v ( Fisher s Linear Discriminant Function p g i X X M X p X i g m g i X m X i x X m x x x m m 0, i x x m x v x i y m y v SS between ( v x v x ) i A g ( v x ) i i { v ( m m) }{ v ( m m) } v i vav ( m m)( m

More information

日立金属技報 Vol.34

日立金属技報 Vol.34 Influence of Misorientation Angle between Adjacent Grains on Magnetization Reversal in Nd-Fe-B Sintered Magnet Tomohito Maki Rintaro Ishii Mitsutoshi Natsumeda Takeshi Nishiuchi Ryo Uchikoshi Masaaki Takezawa

More information

1.7 D D 2 100m 10 9 ev f(x) xf(x) = c(s)x (s 1) (x + 1) (s 4.5) (1) s age parameter x f(x) ev 10 9 ev 2

1.7 D D 2 100m 10 9 ev f(x) xf(x) = c(s)x (s 1) (x + 1) (s 4.5) (1) s age parameter x f(x) ev 10 9 ev 2 2005 1 3 5.0 10 15 7.5 10 15 ev 300 12 40 Mrk421 Mrk421 1 3.7 4 20 [1] Grassberger-Procaccia [2] Wolf [3] 11 11 11 11 300 289 11 11 1 1.7 D D 2 100m 10 9 ev f(x) xf(x) = c(s)x (s 1) (x + 1) (s 4.5) (1)

More information

バイオインフォマティクス特論12

バイオインフォマティクス特論12 藤 博幸 事後予測分布 パラメータの事後分布に従って モデルがどんなデータを期待するかを予測する 予測分布が観測されたデータと 致するかを確認することで モデルの適切さを確認できる 前回と同じ問題で事後予測を う 3-1-1. 個 差を考えない場合 3-1-2. 完全な個 差を考える場合 3-1-3. 構造化された個 差を考える場合 ベイズ統計で実践モデリング 10.1 個 差を考えない場合 第 10

More information

03.Œk’ì

03.Œk’ì HRS KG NG-HRS NG-KG AIC Fama 1965 Mandelbrot Blattberg Gonedes t t Kariya, et. al. Nagahara ARCH EngleGARCH Bollerslev EGARCH Nelson GARCH Heynen, et. al. r n r n =σ n w n logσ n =α +βlogσ n 1 + v n w

More information

チュートリアル:ノンパラメトリックベイズ

チュートリアル:ノンパラメトリックベイズ { x,x, L, xn} 2 p( θ, θ, θ, θ, θ, } { 2 3 4 5 θ6 p( p( { x,x, L, N} 2 x { θ, θ2, θ3, θ4, θ5, θ6} K n p( θ θ n N n θ x N + { x,x, L, N} 2 x { θ, θ2, θ3, θ4, θ5, θ6} log p( 6 n logθ F 6 log p( + λ θ F θ

More information

2 94

2 94 32 2008 pp. 93 106 1 Received October 30, 2008 The purpose of this study is to examine the effects of aerobics training class on weight loss for female students in HOKURIKU UNIVERSITY. Seventy four female

More information

Study on Application of the cos a Method to Neutron Stress Measurement Toshihiko SASAKI*3 and Yukio HIROSE Department of Materials Science and Enginee

Study on Application of the cos a Method to Neutron Stress Measurement Toshihiko SASAKI*3 and Yukio HIROSE Department of Materials Science and Enginee Study on Application of the cos a Method to Neutron Stress Measurement Toshihiko SASAKI*3 and Yukio HIROSE Department of Materials Science and Engineering, Kanazawa University, Kakuma-machi, Kanazawa-shi,

More information

一般化線形 (混合) モデル (2) - ロジスティック回帰と GLMM

一般化線形 (混合) モデル (2) - ロジスティック回帰と GLMM .. ( ) (2) GLMM kubo@ees.hokudai.ac.jp I http://goo.gl/rrhzey 2013 08 27 : 2013 08 27 08:29 kubostat2013ou2 (http://goo.gl/rrhzey) ( ) (2) 2013 08 27 1 / 74 I.1 N k.2 binomial distribution logit link function.3.4!

More information

OR2017_curlingRating.dvi

OR2017_curlingRating.dvi 1998 (World Curling Federation, WCF) 1959 Scotch Cup (5 5) 5 WCF : 1. 1998 (World Curling Federation, WCF) 1959 2 Scotch Cup[8] (5 5) 5 WCF ( ) ( ) 1 2. 1 1: Major international competitons of curling

More information

¥¤¥ó¥¿¡¼¥Í¥Ã¥È·×¬¤È¥Ç¡¼¥¿²òÀÏ Âè2²ó

¥¤¥ó¥¿¡¼¥Í¥Ã¥È·×¬¤È¥Ç¡¼¥¿²òÀÏ Âè2²ó 2 2015 4 20 1 (4/13) : ruby 2 / 49 2 ( ) : gnuplot 3 / 49 1 1 2014 6 IIJ / 4 / 49 1 ( ) / 5 / 49 ( ) 6 / 49 (summary statistics) : (mean) (median) (mode) : (range) (variance) (standard deviation) 7 / 49

More information

Microsoft Word - ??? ????????? ????? 2013.docx

Microsoft Word - ??? ????????? ????? 2013.docx @ィーィェィケィャi@@ @@pbィ 050605a05@07ィ 050605a@070200 pbィ 050605a05@07ィ 050605a@070200@ィーィィu05@0208 1215181418 12 1216121419 171210 1918181811 19181719101411 1513 191815181611 19181319101411 18121819191418 1919151811

More information

基礎から学ぶトラヒック理論 サンプルページ この本の定価 判型などは, 以下の URL からご覧いただけます. このサンプルページの内容は, 初版 1 刷発行時のものです.

基礎から学ぶトラヒック理論 サンプルページ この本の定価 判型などは, 以下の URL からご覧いただけます.   このサンプルページの内容は, 初版 1 刷発行時のものです. 基礎から学ぶトラヒック理論 サンプルページ この本の定価 判型などは, 以下の URL からご覧いただけます. http://www.morikita.co.jp/books/mid/085221 このサンプルページの内容は, 初版 1 刷発行時のものです. i +α 3 1 2 4 5 1 2 ii 3 4 5 6 7 8 9 9.3 2014 6 iii 1 1 2 5 2.1 5 2.2 7

More information

研究シリーズ第40号

研究シリーズ第40号 165 PEN WPI CPI WAGE IIP Feige and Pearce 166 167 168 169 Vector Autoregression n (z) z z p p p zt = φ1zt 1 + φ2zt 2 + + φ pzt p + t Cov( 0 ε t, ε t j )= Σ for for j 0 j = 0 Cov( ε t, zt j ) = 0 j = >

More information

2005/11/19 THORPEX

2005/11/19 THORPEX 005/11/19 HORPEX EnKF time Gaussian ~O10 6 =t0 =t1 P nalysis Ens. mean Obs. FCS Ens. mean =t0 =t1 =t P , etc. P =t0 P =t1 =t0 =t1 =t0 =t1 nalysis Ens. mean Obs. FCS Ens. mean =t0 =t1 P 1 15 0 [C] p est

More information