Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구

Size: px
Start display at page:

Download "Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구"

Transcription

1 Information Retrieval Part 2 sigma α sigma α

2 Information Retrieval (IR): Outline Issues Information Retrieval Boolean Retrieval The term vocabulary and posting lists Dictionaries and tolerant retrieval Scoring, term weighting The vector space model Evaluation in IR Relevance Feedback Probabilistic information retrieval Language models for IR sigma α 2

3 sigma α Part 2

4 sigma α Issues

5 Issues 박테리아로만든변신하는옷 biologic project / 제스처컨드롤러 Gest / Tensorflow sigma α 5

6 sigma α The Vector Space Model

7 Binary idx and Count matrix sigma α 7

8 Weight matrix sigma α 8

9 Documents as vectors 각문서들은 tf-idf 의실수값 ( 벡터 ) 로표현됨 R V V : word set We have a V -dimensional real-valued vector space. Term들은벡터공간에서하나의축 (axes) 이됨문서들은벡터공간에서점이나벡터가됨 Very high-dimensional Each vector is very sparse 질의도벡터로표현?? Can represent high-dimensional 질의와가까운문서들에랭킹을적용할수있음 sigma α 9

10 How to use vector space? Euclidean distance q 와 d 2 는유사한문장이지만벡터길이가달라서서로매칭이안됨 sigma α 10

11 From angles to cosines 질의와문서를각도에따라랭킹을적용하는것은 cosin 을이용하는것과같음 Cosine: [0, 180 ] 사이의단조증가함수 sigma α 11

12 Length normalization L 2 norm 을이용하여벡터의길이를정규화할수있음 L 2 norm: x 2 = i x 2 i = 1.0 벡터들을 unit sphere에맵핑할수있음 As a result 문서의길이에상관없이같은규모의 order를가짐 이전의 Euclidean distance의문제해결 Cosine similarity sigma α 12 Unit sphere

13 Cosine similarity q i : tf-idf weight of term i in the query d i : tf-idf weight of term i in the document q and d : the lengths of q and d For normalized vectors, the cosine is equivalent to the dot product of scalar product: cos q, d = q d = q i d i i sigma α 13

14 Cosine scoring algorithm sigma α 14

15 Components of tf-idf weighting sigma α 15

16 sigma α Evaluation in IR

17 Unranked evaluation 정보검색의유효성측정 : 세가지실험컬렉션 문헌컬렉션 질의로표현가능한정보유구의실험집합 각질의 - 문헌쌍에대해서적합과비적합을이진평가하는적합성판단집합 sigma α 17

18 Precision and recall 정확률 (precision): P 는검색된문서의적합한일부분 Precision = #(relevant items retrieved) #(retrieved items) = P(relevant retrieved) 재현율 (recall): R 은적합한문서의검색된일부분 Recall = #(relevant items retrieved) = P(retrieved relevant) #(relevant items) sigma α 18

19 Precision and recall Relevant Non-relevant Retrieved True Positives (TP) False Positives (FP) Not retrieved False Negatives (FN) True Negatives (TN) P = TP/(TP + FP) R = TP/(TP + FN) 정확률과재현율의일반적인평가 : 정확도 (Accuracy) accuracy = (tp + tn)/(tp + fp + fn + tn) sigma α 19

20 Precision / recall tradeoff 정확률과재현율은서로 trade off 일반유저가 리팩토링 검색 첫페이지는정확한결과 주식분석가가주식관련검색 적합한문서를살펴보길원함 ( 재현율증가 ) 재현율은검색되는문헌의수에대해증가함 모든질의에대하여모든문서를검색할경우재현율은항상 100% 두관계를만족하는평균 Harmonic average sigma α 20

21 A combined measure: F Precision 과 recall 의 tradeoff 를대처하는방법 : F measure α 0, 1 and thus β 2 0, Most frequently used: balanced F with β=1 or α=0.5 This is the harmonic mean of P and R: 1 F = 1 2 (1 p + 1 R ) sigma α 21

22 F: Example sigma α 22

23 Why harmonic mean? 산술평균인경우, 재현율이 100% 이면평균값은 50% 너무크게나옴 부정확 조화평균은항상산술평균이나기하평균보다작거나같음 10,000 개의문서중하나의질의에적합한경우 Recall = 100%, F1 = 0.02% sigma α 23

24 F1 and other averages sigma α 24

25 sigma α Probabilistic IR

26 Basic Probability Theory 사건 A, B P(A, B): Joint probability 두사건이동시에일어날확률 P(A B): Conditional probability B 가발생했을때 A 가일어날확률 Chain rule 조건부확률을이용하여랜덤변수집합의결합확률분포를계산 P A, B = P A B = P A B P B = P B A P A Partition rule B 가어떤표본에서부분집합인경우, P B 는부분집합에해당하는확률 P B = P A, B + P( A, B), A = 1 A sigma α 26

27 Basic Probability Theory Bayes Rule P B A P A P A B = P(B) P A : prior probability = P(A B): posterior probability Odds X A, A P B A P B X P X P(A) P A 가 1 P A 에비해몇배가되는가의값 즉, 확률변화에대한 multiplier O A = P A P A = P A 1 P A sigma α 27

28 Probability Ranking Principle (PRP) Ranked retrieval setup 문서셋, 유저의질의 문서의랭킹리스트 Assume binary notion of relevance R d,q : random binary variable R d,q = 1, if document d is relevant w.r.t query q R d,q = 0, otherwise 확률적랭킹은추정된 relevance 확률에의해정렬됨 ( 내림차순 ): P(R = 1 d, q), d =documents, q =w.r.t query PRP in brief 질의에따라검색된문서가 relevance 확률에의해 ranked 됐다면, 시스템의성능은최고가됨 sigma α 28

29 Probability Ranking Principle (PRP) 0/1 loss PRP는 0/1 loss 등을이용하여랭킹을적용 이진적인상황에서정확성을계산하는방법 다음과같은경우에 1점을감점 부적합문서 1개를검색한경우 적합한문서 1개를검색하지못한경우 Bayes Optimal Decision Rule 임의의문헌이질의에적합한경우검색 d is relevant iff P R = 1 d, q > P(R = 0 d, q) 0/1 loss 환경에서기대손실을최소화하기때문에 PRP 는최적 Ripley (1996) sigma α 29

30 Binary Independence Model (BIM) Traditionally used with the PRP Binary (equivalent to Boolean) documents and queries represented as binary term incidence vectors 많은문헌이같은벡터표현을갖게됨 E.g., 문서 d 는 vector x = (x 1,, x M ) 으로표현됨 x t = 1, term t 가 d 에등장하면 1 x t = 0, Independence otherwise No association between terms (not true, but practically works naïve assumption of Naïve Bayes models) 벡터공간에서는각용어가다른용어와서로수직인각각차원에해당한다는의미 용어사이의연관성을사용하지않음 sigma α 30

31 Binary Independence Model (BIM) 확률모델 (Probability model) 확률모델을사용하려면문헌에나타난용어들이적합성 (relevance) 에어떤영향을주는지평가해야함 확률모델에대하여고려해야할사항 용어빈도, 문헌빈도, 문헌길이등 이들의최적조합을통해문헌의적합성확률을계산 sigma α 31

32 Binary Independence Model (BIM) BIM 은 P R d, q 를 term incidence vectors P(R x, q) 로모델링 (Bayesian rule 이용 ) P R = 1 x, q = P R = 0 x, q = P x R = 1, q P R = 1 q P x q P x R = 0, q P R = 0 q P x q P x R = 1, q andp x R = 0, q : probability that if a relevant or non-relevant document is retrieved, then that document`s representation is x sigma α 32

33 Binary Independence Model (BIM) P R d, q 는 term incidence vectors P(R x, q) 를이용 P R = 1 x, q = P x R = 1, q P R = 1 q P x q P R = 0 x, q = P x R = 0, q P R = 0 q P x q P R = 1 q and P R = 0 q : prior probability of retrieving a relevant or non-relevant document for a query q Estimate P R = 1 q and P R = 0 q from percentage of relevant documents in the collection chain rule Since a document is either relevant or non-relevant to a query, we must have that: P R = 1 q + P R = 0 q = 1 sigma α 33

34 Deriving a Ranking Function for Query Terms Probability Ranking Principle (PRP) Given a query q, ranking docs by P R d, q descending BIB에서 P(R x, q) 를이용 ranking 적용 Easier: 단순히랭킹에만관심 we use odds of relevance O R x, q = P R = 1 x, q P R = 0 x, q = P x R = 1, q P R = 1 q P x q P x R = 0, q P R = 0 q P x q = P R = 1 q P R = 0 q P( x R = 1, q) P( x R = 0, q) 상수!! 무시됨 랭킹에만관심 상수는필요없음 sigma α 34

35 Deriving a Ranking Function for Query Terms 2 Naïve Bayes conditional independence assumption 가정 : 질의가주어질때임의의용어출현 ( 또는미출현 ) 이다른용어의출현 ( 또는미출현 ) 에영향을주지않음 P( x R = 1, q) M P( x R = 0, q) = t=1 P(xt R = 1, q) P(x t R = 0, q) O R x, q = O(R q) M t=1 P(xt R = 1, q) P(x t R = 0, q) = O R q M t=1 P xt = 1 R = 1, q M P x t = 1 R = 0, q t=1 P xt = 0 R = 1, q P x t = 0 R = 0, q x t 는 0 또는 1 이기때문에위와같이분리됨 sigma α 35

36 Deriving a Ranking Function for Query Terms 3 Odds of relevance O R x, q = O R q M t=1 P xt = 1 R = 1, q M P x t = 1 R = 0, q t=1 P xt = 0 R = 1, q P x t = 0 R = 0, q P x t = 1 R = 1, q : 질의에적합한문서들에서어떤용어가출현할확률 P x t = 1 R = 0, q : 적합하지않는문서에서해당용어가출현할확률 분할표 (contingency table) 표현 document Relevant (R = 1) Nonrelevant (R = 0) Term present x t = 1 p t u t Term absent x t = 0 1 p t 1 u t sigma α 36

37 Deriving a Ranking Function for Query Terms 4 분할표에따라 가정 : 질의에나타나지않는단어가적합문서와부적합문서에나타날확률은같음 if q t = 0, then p t = u t O R x, q = O R q t:x t =q t =1 p t u t t:x t =0, q t =1 1 p t 1 u t 왼쪽곱 : 문서에서발견된질의용어들에대한곱 오른쪽곱 : 문서에서발견되지않은용어들에대한곱 sigma α 37

38 Deriving a Ranking Function for Query Terms 5 문서에서나타난질의용어들에대한곱을오른쪽곱에다집어넣고, 그양만큼나누는것을왼쪽곱에다넣게되면다음과같음 O R x, q = O R q t:x t =q t =1 p t (1 u t ) u t (1 p t ) t:q t =1 1 p t 1 u t 왼쪽곱 : 문헌에나타난질의용어들에대한곱 오른쪽곱 : 모든질의용어들에대한곱 상수 ( 무시됨 ) O R q : 상수 ( 무시됨 ) Retrieval Status Value (RSV) RSV d = log t:x t =q t =1 p t (1 u t ) u t (1 p t ) = t:x t =q t =1 p t (1 u t ) log u t (1 p t ) sigma α 38

39 Deriving a Ranking Function for Query Terms 6 (log) Odds ratio c t = log p t(1 u t ) u t (1 p t ) = log p t (1 p t ) + log 1 u t u t p t /(1 p t ): 용어가적합문서에나타날사건의대비확률 u t /(1 u t ): 용어가부적합문서에나타날사건의대비확률 c t = 0: 임의의용어가적합, 부적합모두나타날경우 c t > 0: 임의의용어가적합문서에나타날확률이더큰경우 c t 는용어가중치기능을하며, 주어진질의에대한문서점수는 RSV d = xt =q t =1 c t 가됨 sigma α 39

40 Okapi BM25: A non-binary model BIM 모델은짧은카탈로그나요약등과같이고정길이문서를위해개발 용어빈도나문서길이등도고려해야함 BestMatch25 (a.k.a BM25 or Okapi) 확률모델에인수를많이정의하지않으며용어빈도, 문서길이등과같은요소들을고려함 1994 년이후로지금까지좋은성능을보임 최근엔신경망을이용한방법이베스트!! sigma α 40

41 Okapi BM25: A non-binary model 2 문서 d 의점수를계산하는간단한방법 문서에나타나는질의용어들의 idf 값을더하는것 RSV d = t q 위식에용어빈도와문서길이적용 log N df t RSV d = t q log N df t k tf td k 1 1 b + b L d /L ave + tf td tf td : 문서 d 의용어빈도 L d : 문서 d 의길이 L ave : 전체문서셋의평균문서길이 k 1 : tuning parameter, 용어빈도가중치조절 if k 1 = then only tf value, else if k 1 = 0 then tf = 0 b: tuning parameter, 문서길이가중치조절 sigma α 41

42 Okapi BM25: A non-binary model 3 질의가긴경우 RSV d = t q log N df t tf tq : 질의 q 에서의용어빈도 k tf td k 1 1 b + b L d /L ave + tf td k 3 : tuning parameter, 질의의용어빈도가중치조절 k tf tq k 3 + tf tq 질의길이에의한정규화없음 : 검색은한질의를대상으로수행되기때문 테스트문서셋을이용하여이개발문서셋에대하여최적파라미터튜닝가능 보통 k 1 과 k 3 는 1.2 와 2 사이의값이적당 b = 0.75 가적당 sigma α 42

43 References sigma α 43

44 QA 감사합니다. 박천음, 박찬민, 최재혁, 홍다솔 sigma α, 강원대학교 sigma α 44

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구 Information Retrieval Part 1 sigma α 2015.11.01. sigma α Information Retrieval (IR): Outline Issues Information Retrieval Boolean Retrieval The term vocabulary and posting lists Dictionaries and tolerant

More information

Y 1 Y β α β Independence p qp pq q if X and Y are independent then E(XY)=E(X)*E(Y) so Cov(X,Y) = 0 Covariance can be a measure of departure from independence q Conditional Probability if A and B are

More information

Lecture12_Bayesian_Decision_Thoery

Lecture12_Bayesian_Decision_Thoery Bayesian Decision Theory Jeonghun Yoon Terms Random variable Bayes rule Classification Decision Theory Bayes classifier Conditional independence Naive Bayes Classifier Laplacian smoothing MLE / Likehood

More information

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구 Siamese Neural Network 박천음 강원대학교 Intelligent Software Lab. Intelligent Software Lab. Intro. S2Net Siamese Neural Network(S2Net) 입력 text 들을 concept vector 로표현하기위함에기반 즉, similarity 를위해가중치가부여된 vector 로표현

More information

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월 지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., 2004 5 2009 12 KOSPI200.,. * 2009. 지능정보연구제 16 권제 1 호 2010 년 3 월 김선웅 안현철 社 1), 28 1, 2009, 4. 1. 지능정보연구제 16 권제 1 호 2010 년 3 월 Support

More information

확률과통계 강의자료-1.hwp

확률과통계 강의자료-1.hwp 1. 통계학이란? 1.1 수학적 모형 실험 또는 증명을 통하여 자연현상을 분석하기 위한 수학적인 모형 1 결정모형 (deterministic model) - 뉴톤의 운동방정식 : - 보일-샤를의 법칙 : 일정량의 기체의 부피( )는 절대 온도()에 정비례하고, 압력( )에 반비례한다. 2 확률모형 (probabilistic model) - 주사위를 던질 때

More information

Chapter4.hwp

Chapter4.hwp Ch. 4. Spectral Density & Correlation 4.1 Energy Spectral Density 4.2 Power Spectral Density 4.3 Time-Averaged Noise Representation 4.4 Correlation Functions 4.5 Properties of Correlation Functions 4.6

More information

단순 베이즈 분류기

단순 베이즈 분류기 단순베이즈분류기 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 단순베이즈분류기 1 / 14 학습내용 단순베이즈분류 구현 예제 박창이 ( 서울시립대학교통계학과 ) 단순베이즈분류기 2 / 14 단순베이즈분류 I 입력변수의값이 x = (x 1,..., x p ) 로주어졌을때 Y = k일사후확률 P(Y = k X 1 = x 1,..., X p =

More information

2017 년 6 월한국소프트웨어감정평가학회논문지제 13 권제 1 호 Abstract

2017 년 6 월한국소프트웨어감정평가학회논문지제 13 권제 1 호 Abstract 2017 년 6 월한국소프트웨어감정평가학회논문지제 13 권제 1 호 Abstract - 31 - 소스코드유사도측정도구의성능에관한비교연구 1. 서론 1) Revulytics, Top 20 Countries for Software Piracy and Licence Misuse (2017), March 21, 2017. www.revulytics.com/blog/top-20-countries-software

More information

λx.x (λz.λx.x z) (λx.x)(λz.(λx.x)z) (λz.(λx.x) z) Call-by Name. Normal Order. (λz.z)

λx.x (λz.λx.x z) (λx.x)(λz.(λx.x)z) (λz.(λx.x) z) Call-by Name. Normal Order. (λz.z) λx.x (λz.λx.x z) (λx.x)(λz.(λx.x)z) (λz.(λx.x) z) Call-by Name. Normal Order. (λz.z) Simple Type System - - 1+malloc(), {x:=1,y:=2}+2,... (stuck) { } { } ADD σ,m e 1 n 1,M σ,m e 1 σ,m e 2 n 2,M + e 2 n

More information

Probabilistic graphical models: Assignment 3 Seung-Hoon Na June 7, Gibbs sampler for Beta-Binomial Binomial및 beta분포는 다음과 같이 정의된다. k Bin(n, θ):

Probabilistic graphical models: Assignment 3 Seung-Hoon Na June 7, Gibbs sampler for Beta-Binomial Binomial및 beta분포는 다음과 같이 정의된다. k Bin(n, θ): Probabilistic graphical models: Assignment 3 Seung-Hoon Na June 7, 207 Gibbs sampler for Beta-Binomial Binomial및 beta분포는 다음과 같이 정의된다. k Bin(n, θ): binomial distribution은 성공확률이 θ인 시도에서, n번 시행 중 k번 성공할 확률

More information

Probability Overview Naive Bayes Classifier Director of TEAMLAB Sungchul Choi

Probability Overview Naive Bayes Classifier Director of TEAMLAB Sungchul Choi Probability Overview Naive Bayes Classifier Director of TEAMLAB Sungchul Choi 머신러닝의학습방법들 - Gradient descent based learning - Probability theory based learning - Information theory based learning - Distance

More information

확률 및 분포

확률 및 분포 확률및분포 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 확률및분포 1 / 15 학습내용 조건부확률막대그래프히스토그램선그래프산점도참고 박창이 ( 서울시립대학교통계학과 ) 확률및분포 2 / 15 조건부확률 I 첫째가딸일때두아이모두딸일확률 (1/2) 과둘중의하나가딸일때둘다딸일확률 (1/3) 에대한모의실험 >>> from collections import

More information

소성해석

소성해석 3 강유한요소법 3 강목차 3. 미분방정식의근사해법-Ritz법 3. 미분방정식의근사해법 가중오차법 3.3 유한요소법개념 3.4 편미분방정식의유한요소법 . CAD 전처리프로그램 (Preprocessor) DXF, STL 파일 입력데이타 유한요소솔버 (Finite Element Solver) 자연법칙지배방정식유한요소방정식파생변수의계산 질량보존법칙 연속방정식 뉴톤의운동법칙평형방정식대수방정식

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 4, August, 30, 2016:319~332 Received: 2016/07/28, Accepted: 2016/08/28 Revised: 2016/08/27, Published: 2016/08/30 [ABSTRACT] This paper examined what determina

More information

Buy one get one with discount promotional strategy

Buy one get one with discount promotional strategy Buy one get one with discount Promotional Strategy Kyong-Kuk Kim, Chi-Ghun Lee and Sunggyun Park ISysE Department, FEG 002079 Contents Introduction Literature Review Model Solution Further research 2 ISysE

More information

Microsoft PowerPoint - 27.pptx

Microsoft PowerPoint - 27.pptx 이산수학 () n-항관계 (n-ary Relations) 2011년봄학기 강원대학교컴퓨터과학전공문양세 n-ary Relations (n-항관계 ) An n-ary relation R on sets A 1,,A n, written R:A 1,,A n, is a subset R A 1 A n. (A 1,,A n 에대한 n- 항관계 R 은 A 1 A n 의부분집합이다.)

More information

(Hyunoo Shim) 1 / 24 (Discrete-time Markov Chain) * 그림 이산시간이다연쇄 (chain) 이다왜 Markov? (See below) ➀ 이산시간연쇄 (Discrete-time chain): : Y Y 의상태공간 = {0, 1, 2,..., n} Y n Y 의 n 시점상태 {Y n = j} Y 가 n 시점에상태 j 에있는사건

More information

public key private key Encryption Algorithm Decryption Algorithm 1

public key private key Encryption Algorithm Decryption Algorithm 1 public key private key Encryption Algorithm Decryption Algorithm 1 One-Way Function ( ) A function which is easy to compute in one direction, but difficult to invert - given x, y = f(x) is easy - given

More information

cha4_ocw.hwp

cha4_ocw.hwp 제 4장 확률 우리는 일상생활에서 확률이라는 용어를 많이 접하게 된다. 확률(probability)는 한자어로 확실할 확( 確 ), 비율 률( 率 )로 해석된다. 로또당첨확률, 야구 한국시리즈에서 특정 팀이 우승 할 확률, 흡연자가 폐암에 걸릴 확률, 집값이 오를 확률 등 수없이 많은 확률들이 현대생활 에서 사용되어지고 있다. 대부분의 일간신문에는 기상예보

More information

Microsoft PowerPoint - 알고리즘_5주차_1차시.pptx

Microsoft PowerPoint - 알고리즘_5주차_1차시.pptx Basic Idea of External Sorting run 1 run 2 run 3 run 4 run 5 run 6 750 records 750 records 750 records 750 records 750 records 750 records run 1 run 2 run 3 1500 records 1500 records 1500 records run 1

More information

untitled

untitled Math. Statistics: Statistics? 1 What is Statistics? 1. (collection), (summarization), (analyzing), (presentation) (information) (statistics).., Survey, :, : : QC, 6-sigma, Data Mining(CRM) (Econometrics)

More information

R을 이용한 텍스트 감정분석

R을 이용한 텍스트 감정분석 R Data Analyst / ( ) / kim@mindscale.kr (kim@mindscale.kr) / ( ) ( ) Analytic Director R ( ) / / 3/45 4/45 R? 1. : / 2. : ggplot2 / Web 3. : slidify 4. : 5. Matlab / Python -> R Interactive Plots. 5/45

More information

Slide 1

Slide 1 Clock Jitter Effect for Testing Data Converters Jin-Soo Ko Teradyne 2007. 6. 29. 1 Contents Noise Sources of Testing Converter Calculation of SNR with Clock Jitter Minimum Clock Jitter for Testing N bit

More information

예제 1.1 ( 관계연산자 ) >> A=1:9, B=9-A A = B = >> tf = A>4 % 4 보다큰 A 의원소들을찾을경우 tf = >> tf = (A==B) % A

예제 1.1 ( 관계연산자 ) >> A=1:9, B=9-A A = B = >> tf = A>4 % 4 보다큰 A 의원소들을찾을경우 tf = >> tf = (A==B) % A 예제 1.1 ( 관계연산자 ) >> A=1:9, B=9-A A = 1 2 3 4 5 6 7 8 9 B = 8 7 6 5 4 3 2 1 0 >> tf = A>4 % 4 보다큰 A 의원소들을찾을경우 tf = 0 0 0 0 1 1 1 1 1 >> tf = (A==B) % A 의원소와 B 의원소가똑같은경우를찾을때 tf = 0 0 0 0 0 0 0 0 0 >> tf

More information

B-05 Hierarchical Bayesian Model을 이용한 GCMs 의 최적 Multi-Model Ensemble 모형 구축

B-05 Hierarchical Bayesian Model을 이용한 GCMs 의 최적 Multi-Model Ensemble 모형 구축 Hierarchical Bayesian Model 을 이용한 GCMs 의 최적 Multi-Model Ensemble 모형 구축 Optimal Multi-Model Ensemble Model Development Using Hierarchical Bayesian Model Based 권 현 한 * 민 영 미 **Saji N. Hameed *** Hyun-Han

More information

ISO17025.PDF

ISO17025.PDF ISO/IEC 17025 1999-12-15 1 2 3 4 41 42 43 44, 45 / 46 47 48 49 / 410 411 412 413 414 5 51 52 53 54 / 55 56 57 58 / 59 / 510 A( ) ISO/IEC 17025 ISO 9001:1994 ISO 9002:1994 B( ) 1 11 /, / 12 / 1, 2, 3/ (

More information

chap 5: Trees

chap 5: Trees 5. Threaded Binary Tree 기본개념 n 개의노드를갖는이진트리에는 2n 개의링크가존재 2n 개의링크중에 n + 1 개의링크값은 null Null 링크를다른노드에대한포인터로대체 Threads Thread 의이용 ptr left_child = NULL 일경우, ptr left_child 를 ptr 의 inorder predecessor 를가리키도록변경

More information

15 홍보담당관 (언론홍보담당) 김병호 ( 金 秉 鎬 ) 16 (행정담당) 박찬해 ( 朴 鑽 海 ) 예산담당관 17 (복지행정담당) 이혁재 ( 李 赫 在 ) 18 (보육담당) 주사 이영임 ( 李 泳 任 ) 기동근무해제. 19 (장애인담당) 박노혁 ( 朴 魯 爀 ) 기동

15 홍보담당관 (언론홍보담당) 김병호 ( 金 秉 鎬 ) 16 (행정담당) 박찬해 ( 朴 鑽 海 ) 예산담당관 17 (복지행정담당) 이혁재 ( 李 赫 在 ) 18 (보육담당) 주사 이영임 ( 李 泳 任 ) 기동근무해제. 19 (장애인담당) 박노혁 ( 朴 魯 爀 ) 기동 人 事 發 令 논산시 (2013. 2. 7일자) 일련 1 감사담당관 지방행정사무관 이정열 ( 李 廷 烈 ) 2 지방행정사무관 김오형 ( 金 五 衡 ) 감사담당관 3 지방행정사무관 조상환 ( 趙 相 煥 ) 행정지원과 4 지방행정사무관 이정호 ( 李 廷 鎬 ) 5 지방행정사무관 서형욱 ( 徐 炯 旭 ) 6 산림공원과 지방행정사무관 이연형 ( 李 連 炯 ) 취암동

More information

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016) ISSN 228

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016)   ISSN 228 (JBE Vol. 1, No. 1, January 016) (Regular Paper) 1 1, 016 1 (JBE Vol. 1, No. 1, January 016) http://dx.doi.org/10.5909/jbe.016.1.1.60 ISSN 87-9137 (Online) ISSN 16-7953 (Print) a), a) An Efficient Method

More information

슬라이드 1

슬라이드 1 빅데이터분석을위한데이터마이닝방법론 SAS Enterprise Miner 활용사례를중심으로 9 주차 예측모형에대한평가 Assessment of Predictive Model 최종후, 강현철 차례 6. 모형평가의기본개념 6.2 모델비교 (Model Comparison) 노드 6.3 임계치 (Cutoff) 노드 6.4 의사결정 (Decisions) 노드 6.5 기타모형화노드들

More information

Microsoft PowerPoint - 26.pptx

Microsoft PowerPoint - 26.pptx 이산수학 () 관계와그특성 (Relations and Its Properties) 2011년봄학기 강원대학교컴퓨터과학전공문양세 Binary Relations ( 이진관계 ) Let A, B be any two sets. A binary relation R from A to B, written R:A B, is a subset of A B. (A 에서 B 로의이진관계

More information

BSC Discussion 1

BSC Discussion 1 Copyright 2006 by Human Consulting Group INC. All Rights Reserved. No Part of This Publication May Be Reproduced, Stored in a Retrieval System, or Transmitted in Any Form or by Any Means Electronic, Mechanical,

More information

제 출 문 한국산업안전공단 이사장 귀하 본 보고서를 2002 년도 공단 연구사업계획에 따라 수행한 산 업안전보건연구수요조사- 산업안전보건연구의 우선순위설정 과제의 최종보고서로 제출합니다. 2003년 5월 연구기관 : 산업안전보건연구원 안전경영정책연구실 정책조사연구팀 연

제 출 문 한국산업안전공단 이사장 귀하 본 보고서를 2002 년도 공단 연구사업계획에 따라 수행한 산 업안전보건연구수요조사- 산업안전보건연구의 우선순위설정 과제의 최종보고서로 제출합니다. 2003년 5월 연구기관 : 산업안전보건연구원 안전경영정책연구실 정책조사연구팀 연 산업안전보건분야 연구수요조사분석 2003. 5 한국산업안전공단 산업안전보건연구원 제 출 문 한국산업안전공단 이사장 귀하 본 보고서를 2002 년도 공단 연구사업계획에 따라 수행한 산 업안전보건연구수요조사- 산업안전보건연구의 우선순위설정 과제의 최종보고서로 제출합니다. 2003년 5월 연구기관 : 산업안전보건연구원 안전경영정책연구실 정책조사연구팀 연구책임자 :

More information

statistics

statistics 수치를이용한자료요약 statistics hmkang@hallym.ac.kr 한림대학교 통계학 강희모 ( 한림대학교 ) 수치를이용한자료요약 1 / 26 수치를 통한 자료의 요약 요약 방대한 자료를 몇 개의 의미있는 수치로 요약 자료의 분포상태를 알 수 있는 통계기법 사용 중심위치의 측도(measure of center) : 어떤 값을 중심으로 분포되어 있는지

More information

2017.09 Vol.255 C O N T E N T S 02 06 26 58 63 78 99 104 116 120 122 M O N T H L Y P U B L I C F I N A N C E F O R U M 2 2017.9 3 4 2017.9 6 2017.9 7 8 2017.9 13 0 13 1,007 3 1,004 (100.0) (0.0) (100.0)

More information

Microsoft PowerPoint Relations.pptx

Microsoft PowerPoint Relations.pptx 이산수학 () 관계와그특성 (Relations and Its Properties) 2010년봄학기강원대학교컴퓨터과학전공문양세 Binary Relations ( 이진관계 ) Let A, B be any two sets. A binary relation R from A to B, written R:A B, is a subset of A B. (A 에서 B 로의이진관계

More information

Software Requirrment Analysis를 위한 정보 검색 기술의 응용

Software Requirrment Analysis를 위한 정보 검색 기술의 응용 EPG 정보 검색을 위한 예제 기반 자연어 대화 시스템 김석환 * 이청재 정상근 이근배 포항공과대학교 컴퓨터공학과 지능소프트웨어연구실 {megaup, lcj80, hugman, gblee}@postech.ac.kr An Example-Based Natural Language System for EPG Information Access Seokhwan Kim

More information

.

. w w w . . . . 4.1 4.2 - gait phase . 5.1 5.2 2 Accuracy Rate (%) 100 95 90 85 Threshold-based Naive Bayes Naive-Flex. Bayes Exoskeleton 80 Slow Normal Variable Dataset Accuracy Rate (%) 100 90 80 70 60

More information

#KLZ-371(PB)

#KLZ-371(PB) PARTS BOOK KLZ-371 INFORMATION A. Parts Book Structure of Part Book Unique code by mechanism Unique name by mechanism Explode view Ref. No. : Unique identifcation number by part Parts No. : Unique Product

More information

삼성955_965_09

삼성955_965_09 판매원-삼성전자주식회사 본 사 : 경기도 수원시 영통구 매탄 3동 416번지 제조원 : (주)아이젠 삼성 디지털 비데 순간온수 세정기 사용설명서 본 제품은 국내(대한민국)용 입니다. 전원, 전압이 다른 해외에서는 품질을 보증하지 않습니다. (FOR KOREA UNIT STANDARD ONLY) 이 사용설명서에는 제품보증서가 포함되어 있습니다. 분실되지 않도록

More information

<C7A5C1F620BEE7BDC4>

<C7A5C1F620BEE7BDC4> 연세대학교 상경대학 경제연구소 Economic Research Institute Yonsei Universit 서울시 서대문구 연세로 50 50 Yonsei-ro, Seodaemun-gS gu, Seoul, Korea TEL: (+82-2) 2123-4065 FAX: (+82- -2) 364-9149 E-mail: yeri4065@yonsei.ac. kr http://yeri.yonsei.ac.kr/new

More information

03±èÀçÈÖ¾ÈÁ¤ÅÂ

03±èÀçÈÖ¾ÈÁ¤Å x x x x Abstract The Advertising Effects of PPL in TV Dramas - Identificaiton by Implicit Memory-based Measures Kim, Jae - hwi(associate professor, Dept. of psychology, Chung-Ang University) Ahn,

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 Chapter Radar Cross Section ( R C S ) 엄효준교수 한국과학기술원 Contents.1. RCS Definition.. RCS Prediction Methods.3. RCS Dependency on Aspect Angle and Frequency.4. RCS Dependency on Polarization.5. RCS of Simple

More information

PL10

PL10 assert(p!=null); *p = 10; assert(0

More information

슬라이드 1

슬라이드 1 Pairwise Tool & Pairwise Test NuSRS 200511305 김성규 200511306 김성훈 200614164 김효석 200611124 유성배 200518036 곡진화 2 PICT Pairwise Tool - PICT Microsoft 의 Command-line 기반의 Free Software www.pairwise.org 에서다운로드후설치

More information

` Companies need to play various roles as the network of supply chain gradually expands. Companies are required to form a supply chain with outsourcing or partnerships since a company can not

More information

<352E20BAAFBCF6BCB1C5C320B1E2B9FDC0BB20C0CCBFEBC7D120C7D1B1B920C7C1B7CEBEDFB1B8C0C720B5E6C1A1B0FA20BDC7C1A120BCB3B8ED28313531323231292D2DB1E8C7F5C1D62E687770>

<352E20BAAFBCF6BCB1C5C320B1E2B9FDC0BB20C0CCBFEBC7D120C7D1B1B920C7C1B7CEBEDFB1B8C0C720B5E6C1A1B0FA20BDC7C1A120BCB3B8ED28313531323231292D2DB1E8C7F5C1D62E687770> 통계연구(2015), 제20권 제3호, 71-92 변수선택 기법을 이용한 한국 프로야구의 득점과 실점 설명 1) 김혁주 2) 김예형 3) 요약 한국 프로야구에서 팀들의 득점과 실점에 영향을 미치는 요인들을 규명하기 위한 연구를 하였 다. 2007년부터 2014년까지의 정규리그 전 경기 자료를 대상으로 분석하였다. 전방선택법, 후방 소거법, 단계별 회귀법, 선택법,

More information

... 수시연구 국가물류비산정및추이분석 Korean Macroeconomic Logistics Costs in 권혁구ㆍ서상범...

... 수시연구 국가물류비산정및추이분석 Korean Macroeconomic Logistics Costs in 권혁구ㆍ서상범... ... 수시연구 2013-01.. 2010 국가물류비산정및추이분석 Korean Macroeconomic Logistics Costs in 2010... 권혁구ㆍ서상범... 서문 원장 김경철 목차 표목차 그림목차 xi 요약 xii xiii xiv xv xvi 1 제 1 장 서론 2 3 4 제 2 장 국가물류비산정방법 5 6 7 8 9 10 11 12 13

More information

Intra_DW_Ch4.PDF

Intra_DW_Ch4.PDF The Intranet Data Warehouse Richard Tanler Ch4 : Online Analytic Processing: From Data To Information 2000. 4. 14 All rights reserved OLAP OLAP OLAP OLAP OLAP OLAP is a label, rather than a technology

More information

untitled

untitled Mathematics 4 Statistics / 6. 89 Chapter 6 ( ), ( /) (Euclid geometry ( ), (( + )* /).? Archimedes,... (standard normal distriution, Gaussian distriution) X (..) (a, ). = ep{ } π σ a 6. f ( F ( = F( f

More information

Web-Scale Bayesian Click-Through Rate Prediction for Sponsored Search Advertising in Microsoft s Bing Search Engine Thore Graepel et al., ICML, 2010 P

Web-Scale Bayesian Click-Through Rate Prediction for Sponsored Search Advertising in Microsoft s Bing Search Engine Thore Graepel et al., ICML, 2010 P Web-Scale Bayesian Click-Through Rate Prediction for Sponsored Search Advertising in Microsoft s Bing Search Engine Thore Graepel et al., ICML, 2010 Presented by Boyoung Kim April 25, 2018 Boyoung Kim

More information

Microsoft PowerPoint Predicates and Quantifiers.ppt

Microsoft PowerPoint Predicates and Quantifiers.ppt 이산수학 () 1.3 술어와한정기호 (Predicates and Quantifiers) 2006 년봄학기 문양세강원대학교컴퓨터과학과 술어 (Predicate), 명제함수 (Propositional Function) x is greater than 3. 변수 (variable) = x 술어 (predicate) = P 명제함수 (propositional function)

More information

untitled

untitled Logic and Computer Design Fundamentals Chapter 4 Combinational Functions and Circuits Functions of a single variable Can be used on inputs to functional blocks to implement other than block s intended

More information

#KM560

#KM560 KM-560 KM-560-7 PARTS BOOK KM-560 KM-560-7 INFORMATION A. Parts Book Structure of Part Book Unique code by mechanism Unique name by mechanism Explode view Ref. No. : Unique identifcation number by part

More information

본문01

본문01 Ⅱ 논술 지도의 방법과 실제 2. 읽기에서 논술까지 의 개발 배경 읽기에서 논술까지 자료집 개발의 본래 목적은 초 중 고교 학교 평가에서 서술형 평가 비중이 2005 학년도 30%, 2006학년도 40%, 2007학년도 50%로 확대 되고, 2008학년도부터 대학 입시에서 논술 비중이 커지면서 논술 교육은 학교가 책임진다. 는 풍토 조성으로 공교육의 신뢰성과

More information

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for 2003 Development of the Software Generation Method using Model Driven Software Engineering Tool,,,,, Hoon-Seon Chang, Jae-Cheon Jung, Jae-Hack Kim Hee-Hwan Han, Do-Yeon Kim, Young-Woo Chang Wang Sik, Moon

More information

쉽게배우는알고리즘 6장. 해시테이블 테이블 Hash Table

쉽게배우는알고리즘 6장. 해시테이블 테이블 Hash Table 쉽게배우는알고리즘 6장. 해시테이블 테이블 Hash Table http://academy.hanb.co.kr 6장. 해시테이블 테이블 Hash Table 사실을많이아는것보다는이론적틀이중요하고, 기억력보다는생각하는법이더중요하다. - 제임스왓슨 - 2 - 학습목표 해시테이블의발생동기를이해한다. 해시테이블의원리를이해한다. 해시함수설계원리를이해한다. 충돌해결방법들과이들의장단점을이해한다.

More information

조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a

조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a 조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a) b) 조사연구 주제어 패널조사 횡단면가중치 종단면가중치 선형혼합모형 일반화선형혼 합모형

More information

Microsoft PowerPoint - AC3.pptx

Microsoft PowerPoint - AC3.pptx Chapter 3 Block Diagrams and Signal Flow Graphs Automatic Control Systems, 9th Edition Farid Golnaraghi, Simon Fraser University Benjamin C. Kuo, University of Illinois 1 Introduction In this chapter,

More information

#Ȳ¿ë¼®

#Ȳ¿ë¼® http://www.kbc.go.kr/ A B yk u δ = 2u k 1 = yk u = 0. 659 2nu k = 1 k k 1 n yk k Abstract Web Repertoire and Concentration Rate : Analysing Web Traffic Data Yong - Suk Hwang (Research

More information

Vector Space Vector space : 모든 n 차원컬럼벡터의집합 : {, :, } (, 2), (2, 5), (-2.4, 3), (2.7, -3.77), (,), 이차원공간을모두채움 : {,, :,, } (2,3,4), (3,2,-5), Vector spa

Vector Space Vector space : 모든 n 차원컬럼벡터의집합 : {, :, } (, 2), (2, 5), (-2.4, 3), (2.7, -3.77), (,), 이차원공간을모두채움 : {,, :,, } (2,3,4), (3,2,-5), Vector spa Seoul National University Vector Space & Subspace Date Name: 김종권 Vector Space Vector space : 모든 n 차원컬럼벡터의집합 : {, :, } (, 2), (2, 5), (-2.4, 3), (2.7, -3.77), (,), 이차원공간을모두채움 : {,, :,, } (2,3,4), (3,2,-5),

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA e- 비즈니스연구 (The e-business Studies) Volume 17, Number 1, February, 28, 2016:pp. 293~316 ISSN 1229-9936 (Print), ISSN 2466-1716 (Online) 원고접수일심사 ( 수정 ) 게재확정일 2015. 12. 04 2015. 12. 24 2016. 02. 25 ABSTRACT

More information

300 구보학보 12집. 1),,.,,, TV,,.,,,,,,..,...,....,... (recall). 2) 1) 양웅, 김충현, 김태원, 광고표현 수사법에 따른 이해와 선호 효과: 브랜드 인지도와 의미고정의 영향을 중심으로, 광고학연구 18권 2호, 2007 여름

300 구보학보 12집. 1),,.,,, TV,,.,,,,,,..,...,....,... (recall). 2) 1) 양웅, 김충현, 김태원, 광고표현 수사법에 따른 이해와 선호 효과: 브랜드 인지도와 의미고정의 영향을 중심으로, 광고학연구 18권 2호, 2007 여름 동화 텍스트를 활용한 패러디 광고 스토리텔링 연구 55) 주 지 영* 차례 1. 서론 2. 인물의 성격 변화에 의한 의미화 전략 3. 시공간 변화에 의한 의미화 전략 4. 서사의 변개에 의한 의미화 전략 5. 창조적인 스토리텔링을 위하여 6. 결론 1. 서론...., * 서울여자대학교 초빙강의교수 300 구보학보 12집. 1),,.,,, TV,,.,,,,,,..,...,....,...

More information

step 1-1

step 1-1 Written by Dr. In Ku Kim-Marshall STEP BY STEP Korean 1 through 15 Action Verbs Table of Contents Unit 1 The Korean Alphabet, hangeul Unit 2 Korean Sentences with 15 Action Verbs Introduction Review Exercises

More information

#KM-250(PB)

#KM-250(PB) PARTS BOOK FOR 1-NEEDLE, STRAIGHT LOCK-STITCH MACHINE SERIES KM-250AU-7S KM-250AU-7N KM-250A-7S KM-250A-7N KM-250B-7S KM-250B-7N KM-250BH-7S KM-250BH-7N KM-250BL-7S KM-250BL-7N KM-250AU KM-250A KM-250B

More information

김기남_ATDC2016_160620_[키노트].key

김기남_ATDC2016_160620_[키노트].key metatron Enterprise Big Data SKT Metatron/Big Data Big Data Big Data... metatron Ready to Enterprise Big Data Big Data Big Data Big Data?? Data Raw. CRM SCM MES TCO Data & Store & Processing Computational

More information

서론

서론 - i - - ii - - iii - - iv - - v - - vi - - 1 - - 2 - - 3 - - 4 - - 5 - - 6 - - 7 - - 8 - - 9 - - 10 - - 11 - - 12 - - 13 - - 14 - - 15 - - 16 - - 17 - - 18 - - 19 - - 20 - - 21 - - 22 - - 23 - - 24 - -

More information

OR MS와 응용-03장

OR MS와 응용-03장 o R M s graphical solution algebraic method ellipsoid algorithm Karmarkar 97 George B Dantzig 979 Khachian Karmarkar 98 Karmarkar interior-point algorithm o R 08 gallon 000 000 00 60 g 0g X : : X : : Ms

More information

<C3D6C1BEBFCFBCBA2DBDC4C7B0C0AFC5EBC7D0C8B8C1F62833322D31C8A3292E687770>

<C3D6C1BEBFCFBCBA2DBDC4C7B0C0AFC5EBC7D0C8B8C1F62833322D31C8A3292E687770> 소비자 식생활 라이프스타일이 구매에 미치는 영향 분석 김지윤 안병일 소비자 식생활 라이프스타일이 구매에 미치는 영향 분석* Effect of Consumers' Dietary Lifestyle on the Consumption Pattern of Processed Foods 김지윤** 안병일*** 6) Kim, Ji-Yoon Ahn, Byeong-Il 목 차

More information

泰 東 古 典 硏 究 第 24 輯 이상적인 정치 사회의 구현 이라는 의미를 가지므로, 따라서 천인 합일론은 가장 적극적인 경세의 이론이 된다고 할 수 있다. 권근은 경서의 내용 중에서 현실 정치의 귀감으로 삼을 만한 천인합일의 원칙과 사례들을 발견하고, 이를 연구하여

泰 東 古 典 硏 究 第 24 輯 이상적인 정치 사회의 구현 이라는 의미를 가지므로, 따라서 천인 합일론은 가장 적극적인 경세의 이론이 된다고 할 수 있다. 권근은 경서의 내용 중에서 현실 정치의 귀감으로 삼을 만한 천인합일의 원칙과 사례들을 발견하고, 이를 연구하여 權 近 의 五 經 인식 - 經 學 과 經 世 論 의 연결을 중심으로 - 姜 文 植 * 1. 머리말 2. 經 學 과 經 世 論 연결의 이론적 기반 3. 五 經 淺 見 錄 의 經 典 해석과 經 世 論 4. 맺음말 요약문 권근( 權 近 )은 체용론( 體 用 論 )에 입각하여 오경( 五 經 ) 간의 관계 및 각 경서의 근본 성격을 규정하였다. 체용론에서 용( 用 )

More information

ETL_project_best_practice1.ppt

ETL_project_best_practice1.ppt ETL ETL Data,., Data Warehouse DataData Warehouse ETL tool/system: ETL, ETL Process Data Warehouse Platform Database, Access Method Data Source Data Operational Data Near Real-Time Data Modeling Refresh/Replication

More information

JUNIT 실습및발표

JUNIT 실습및발표 JUNIT 실습및발표 JUNIT 접속 www.junit.org DownLoad JUnit JavaDoc API Document 를참조 JUNIT 4.8.1 다운로드 설치파일 (jar 파일 ) 을다운로드 CLASSPATH 를설정 환경변수에서설정 실행할클래스에서 import JUnit 설치하기 테스트실행주석 @Test Test 를실행할 method 앞에붙임 expected

More information

#KM-235(110222)

#KM-235(110222) PARTS BOOK KM-235A/B INFORMATION A. Parts Book Structure of Part Book Unique code by mechanism Unique name by mechanism Explode view Ref. No. : Unique identifcation number by part Parts No. : Unique Product

More information

4.1 힘의모멘트 스칼라공식 4.1 힘의모멘트 스칼라공식 모멘트크기 (resultant moment) 2

4.1 힘의모멘트 스칼라공식 4.1 힘의모멘트 스칼라공식 모멘트크기 (resultant moment) 2 Engineering Mechanics 정역학 (Statics) 4장힘계의합력 1 GeoPave Lab. 4.1 힘의모멘트 스칼라공식 1 4.1 힘의모멘트 스칼라공식 4.1 힘의모멘트 스칼라공식 모멘트크기 (resultant moment) 2 4.1 힘의모멘트 The moment does not always cause r otation. The actual

More information

01

01 2019 학년도대학수학능력시험 9 월모의평가문제및정답 2019 학년도대학수학능력시험 9 월모의평가문제지 1 제 2 교시 5 지선다형 1. 두벡터, 모든성분의합은? [2 점 ] 에대하여벡터 의 3. 좌표공간의두점 A, B 에대하여선분 AB 를 로외분하는점의좌표가 일때, 의값은? [2점] 1 2 3 4 5 1 2 3 4 5 2. lim 의값은? [2점] 4. 두사건,

More information

LX 200 3 I - 4 II - III - 6 6 IV - 7 7 7 V - 8 11 VI - VII - 16 VIII - 1 IX - 17 17 17 X - 4 I - LX200, CIE V(λ) CIE( ) LX200 PC Lux footcandle, 5 : -, / : - : - NF EN 12464 - - - - NF EN 12464-1 ( )

More information

Microsoft PowerPoint - chap_2_rep.ppt [호환 모드]

Microsoft PowerPoint - chap_2_rep.ppt [호환 모드] 제 강.1 통계적기초 확률변수 (Radom Variable). 확률변수 (r.v.): 관측되기전까지는그값이알려지지않은변수. 확률변수의값은확률적실험으로부터결과된다. 확률적실험은실제수행할수있는실험뿐아니라가상적실험도포함함 (ex. 주사위던지기, [0,1] 실선에점던지기 ) 확률변수는그변수의모든가능한값들의집합에대해정의된알려지거나알려지지않은어떤확률분포의존재가연계됨 반면에,

More information

(000-000)실험계획법-머리말 ok

(000-000)실험계획법-머리말 ok iii Design Analysis Optimization Design Expert Minitab Minitab Design Expert iv 2008 1 v 1 1. 1 2 1. 2 4 1. 3 6 1. 4 8 1. 5 12 2 2. 1 16 2. 2 17 2. 3 20 2. 4 27 2. 5 30 2. 6 33 2. 7 37 2. 8 42 46 3 3.

More information

PART 8 12 16 21 25 28

PART 8 12 16 21 25 28 PART 8 12 16 21 25 28 PART 34 38 43 46 51 55 60 64 PART 70 75 79 84 89 94 99 104 PART 110 115 120 124 129 134 139 144 PART 150 155 159 PART 8 1 9 10 11 12 2 13 14 15 16 3 17 18 19 20 21 4 22 23 24 25 5

More information

정보기술응용학회 발표

정보기술응용학회 발표 , hsh@bhknuackr, trademark21@koreacom 1370, +82-53-950-5440 - 476 - :,, VOC,, CBML - Abstract -,, VOC VOC VOC - 477 - - 478 - Cost- Center [2] VOC VOC, ( ) VOC - 479 - IT [7] Knowledge / Information Management

More information

VOL.76.2008/2 Technical SmartPlant Materials - Document Management SmartPlant Materials에서 기본적인 Document를 관리하고자 할 때 필요한 세팅, 파일 업로드 방법 그리고 Path Type인 Ph

VOL.76.2008/2 Technical SmartPlant Materials - Document Management SmartPlant Materials에서 기본적인 Document를 관리하고자 할 때 필요한 세팅, 파일 업로드 방법 그리고 Path Type인 Ph 인터그래프코리아(주)뉴스레터 통권 제76회 비매품 News Letters Information Systems for the plant Lifecycle Proccess Power & Marine Intergraph 2008 Contents Intergraph 2008 SmartPlant Materials Customer Status 인터그래프(주) 파트너사

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA e- 비즈니스연구 (The e-business Studies) Volume 17, Number 1, February, 28, 2016:pp. 3~30 ISSN 1229-9936 (Print), ISSN 2466-1716 (Online) 원고접수일심사 ( 수정 ) 게재확정일 2016. 01. 08 2016. 01. 09 2016. 02. 25 ABSTRACT

More information

국립국어원 2011-01-28 발간 등록 번호 11-1371028-000350-01 신문과 방송의 언어 사용 실태 조사 연구 책임자: 남영신 국립국어원 2011-01-28 발간 등록 번호 11-1371028-000350-01 신문과 방송의 언어 사용 실태 조사 연구 책임자: 남영신 2011. 11. 16. 제 출 문 국립국어원장 귀하 2011년 신문과 방송의

More information

에너지경제연구 Korean Energy Economic Review Volume 11, Number 2, September 2012 : pp. 1~26 실물옵션을이용한해상풍력실증단지 사업의경제성평가 1

에너지경제연구 Korean Energy Economic Review Volume 11, Number 2, September 2012 : pp. 1~26 실물옵션을이용한해상풍력실증단지 사업의경제성평가 1 에너지경제연구 Korean Energy Economic Review Volume 11, Number 2, September 2012 : pp. 1~26 실물옵션을이용한해상풍력실증단지 사업의경제성평가 1 2 3 4 5 6 ln ln 7 8 9 [ 그림 1] 해상풍력단지건설로드맵 10 11 12 13 < 표 1> 회귀분석결과 14 < 표 2> 미래현금흐름추정결과

More information

Chap 6: Graphs

Chap 6: Graphs 그래프표현법 인접행렬 (Adjacency Matrix) 인접리스트 (Adjacency List) 인접다중리스트 (Adjacency Multilist) 6 장. 그래프 (Page ) 인접행렬 (Adjacency Matrix) n 개의 vertex 를갖는그래프 G 의인접행렬의구성 A[n][n] (u, v) E(G) 이면, A[u][v] = Otherwise, A[u][v]

More information

인터넷 검색엔진

인터넷 검색엔진 Web Information Retrieval 2001 년 9 월 21 일 국민대학교컴퓨터학부강승식 차례 웹검색엔진 국내외검색엔진 웹의특성및사용자특성 웹검색엔진의 issues Web spider(crawler) Ranking : 문서연관성기법 PageRank, HITS 결론 2 검색엔진개발 ( 국외 ) Lycos : CMU 의연구프로젝트 (1994) Excite

More information

Documents Taxonomy - LASSO regression을 중심으로

Documents Taxonomy - LASSO regression을 중심으로 Documents Taxonomy LASSO regression 을중심으로 유충현 Updated: 2017/12/17 Overview 1. 들어가기 2. 데이터전처리 3. 모델생성 4. 모델성능비교 1 들어가기 서론 Taxonomy는 사전적으로 "사물이나 생명체 등을 분류하기 위해서 사용되는 분류체계"로 해석되며, 분류체계는 트리형의 위계적 (Hirerachy)

More information

Let G = (V, E) be a connected, undirected graph with a real-valued weight function w defined on E. Let A be a set of E, possibly empty, that is includ

Let G = (V, E) be a connected, undirected graph with a real-valued weight function w defined on E. Let A be a set of E, possibly empty, that is includ 알고리즘설계와분석 (CSE3081(2 반 )) 기말고사 (2016년 12월15일 ( 목 ) 오전 9시40분 ~) 담당교수 : 서강대학교컴퓨터공학과임인성 < 주의 > 답안지에답을쓴후제출할것. 만약공간이부족하면답안지의뒷면을이용하고, 반드시답을쓰는칸에어느쪽의뒷면에답을기술하였는지명시할것. 연습지는수거하지않음. function MakeSet(x) { x.parent

More information

林 海 彰 敎 授 指 導 碩 士 學 位 論 文 본문과 덧글의 동시출현 자질을 이용한 역 카이제곱 기반 블로그 덧글 스팸 필터 시스템 A Comment Spam Filter System based on Inverse Chi- Square Using of Co-occurr

林 海 彰 敎 授 指 導 碩 士 學 位 論 文 본문과 덧글의 동시출현 자질을 이용한 역 카이제곱 기반 블로그 덧글 스팸 필터 시스템 A Comment Spam Filter System based on Inverse Chi- Square Using of Co-occurr 碩 士 學 位 論 文 본문과 덧글의 동시출현 자질을 이용한 역 카이제곱 기반 블로그 덧글 스팸 필터 시스템 A Comment Spam Filter System based on Inverse Chi- Square Using of Co-occurrence Feature between Comment and Blog Post 高 麗 大 學 校 컴퓨터 情 報 通 信

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 6, December, 30, 2016:275~289 Received: 2016/12/02, Accepted: 2016/12/22 Revised: 2016/12/20, Published: 2016/12/30 [ABSTRACT] SNS is used in various fields. Although

More information

- iii - - i - - ii - - iii - 국문요약 종합병원남자간호사가지각하는조직공정성 사회정체성과 조직시민행동과의관계 - iv - - v - - 1 - - 2 - - 3 - - 4 - - 5 - - 6 - - 7 - - 8 - - 9 - - 10 - - 11 - - 12 - - 13 - - 14 - α α α α - 15 - α α α α α α

More information