딥러닝NLP응용_이창기

Size: px
Start display at page:

Download "딥러닝NLP응용_이창기"

Transcription

1 딥러닝과 자연어처리 응용 강원대학교 IT대학 이창기

2 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network

3 Recurrent Neural Network Many NLP problems can be viewed as sequence labeling or sequence-to-sequence tasks Recurrent property à dynamical system over time

4 Bidirectional RNN Exploit future context as well as past

5 Long Short-Term Memory RNN Vanishing Gradient Problem for RNN LSTM can preserve gradient information

6 Gated Recurrent Unit (GRU) r " = σ W &' x " + W *' h ",- + b ' z " = σ W && x " + W *0 h ",- + b 0 h1 " = φ W &* x " + W ** r " h ",- + b * h " = z " h " + 1 z " h1 " y " = g(w *9 h " + b 9 )

7 Convolutional Neural Network Convolutional NN Convolution Layer Sparse Connectivity Shared Weights Multiple feature maps Sub-sampling Layer Average/max pooling NxNà1 NLP(Sentence Classification) 에적용 ACL14 EMNLP14

8 Dropout [Hinton 2012] In training, randomly dropout hidden units with probability p. 8

9 Batch Normalization Problem: Internal Covariance shift Change of distribution in activation across layers Solution: Batch Normalization

10 Residual Learning Overly deep plain nets have higher training error

11 Generative Adversarial Network

12 Example

13 Virtual Adversarial Training Overfitting is a serious problem in supervised training à regularization term Adversarial Training (GAN) Additional cost: Virtual Adversarial Training (VAT) Additional cost:

14 Experiments MNIST test error(%) Semi-supervised leaning

15 VAT for Semi-supervised Text Classification IMDB sentiment classification

16 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network

17 전이기반의한국어의존구문분석 Transition-based(Arc-Eager): O(N) 의존구문분석 à 분류문제 SBJ MOD OBJ 예 : CJ 그룹이 1 대한통운 2 인수계약을 3 체결했다 4 [root], [CJ 그룹이 1 대한통운 2 ], {} 1: Shift [root CJ 그룹이 1 ], [ 대한통운 2 인수계약을 3 ], {} 2: Shift [root CJ그룹이 1 대한통운 2 ], [ 인수계약을 3 체결했다 4 ], {} 3: Left-arc(NP_MOD) [root CJ 그룹이 1 ], [2ß 인수계약을 3 체결했다 4 ], {( 인수계약을 3 à 대한통운 2 )} 4: Shift [root CJ그룹이 1 2ß인수계약을 3 ], [ 체결했다 4 ], {( 인수계약을 3 à대한통운 2 )} 5: Left-arc(NP_OBJ) [root CJ 그룹이 1 ], [3ß 체결했다 4 ], {( 체결했다 4 à 인수계약을 3 ), } 6: Left-arc(NP_SUB) [root], [(1,3)ß 체결했다 4 ], {( 체결했다 4 àcj 그룹이 1 ), } 7: Right-arc(VP) [rootà4 (1,3)ß 체결했다 4 ], [], {(rootà 체결했다 4 ), }

18 딥러닝기반한국어의존구문분석 ( 한글및한국어 14) Transition-based + Backward O(N) 세종코퍼스 à 의존구문변환 보조용언 / 의사보조용언후처리 Deep Learning 기반 ReLU(> Sigmoid) + Dropout Korean Word Embedding NNLM, Ranking(hinge, logit) Word2Vec Feature Embedding POS (stack + buffer) 자동분석 ( 오류포함 ) Dependency Label (stack) Distance information Valency information Mutual Information 대용량코퍼스 à 자동구문분석 Input Word S[w t-2 w t-1 ] B[w t ] Word Lookup Table LT 1 LT N Linear M 1 x ReLU Linear M 2 x Input Feature f 1 f 2 f 3 f 4 Feature Lookup Table LT 1 LT D concat h #output

19 한국어의존구문분석실험결과 기존연구 : UAS 85~88% Structural SVM 기반성능 : UAS=89.99% LAS=87.74% Pre-training > no Pre. Dropout > no Dropout ReLU > Sigmoid MI feat. > no MI feat. Word Embedding 성능순위 1. NNLM 2. Ranking(logit loss) 3. Word2vec 4. Ranking(hinge loss)

20 문맥의존철자오류교정 ( 춘계학술대회 15) 단순철자오류 요금결죄, 감기가낯다 문맥의존철자오류 요금결재, 감기가낳다 문맥의존철자오류 à 교정어휘쌍방식 à 분류의문제 교정어휘쌍 F1-measure SVM 딥러닝 낫다, 낳다 (+25.18) 마치다, 맞히다 (+1.53) 마치다, 맞추다 (+41.37) 맞히다, 맞추다 (-0.05) 배다, 베다 (+35.43) 집다, 짚다 (+32.11) 기본, 기분 (+50.4) 자식, 지식 (+38.61) 사정, 사장 (+40.19) 의지, 의자 (+40.63) 주의, 주위 (+5137) 20

21 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network

22 Sequence Labeling Tasks: CRF, FFNN(or CNN), CNN+CRF (SENNA) y(t-1) y(t ) y(t+1) Features x(t-1) x(t ) x(t+1) y(t-1) y(t ) y(t+1) y(t-1) y(t ) y(t+1) h(t-1) h(t ) h(t+1) h(t-1) h(t ) h(t+1) x(t-1) x(t ) x(t+1) Word embedding x(t-1) x(t ) x(t+1) Word embedding

23 LSTM RNN + CRF à LSTM-CRF (KCC 15, ) y(t-1) y(t ) y(t+1) y(t-1) y(t ) y(t+1) h(t-1) h(t ) h(t+1) x(t-1) x(t ) x(t+1) x(t-1) x(t ) x(t+1) y(t-1) y(t ) y(t+1) f (t ) h(t-1) h(t ) h(t+1) i (t ) o(t ) x(t-1) x(t ) x(t+1) x(t ) C(t) h(t )

24 LSTM-CRF y(t-1) y(t ) y(t+1) h(t-1) h(t ) h(t+1) i " = σ W &< x " + W *< h ",- + W =< c ",- + b < f " = σ W &@ x " + W *@ h ",- + W =@ c ",- + x(t-1) x(t ) x(t+1) c " = f " c ",- + i " tanh W &= x " + W *= h ",- + b = o " = σ W &F x " + W *F h ",- + W =F c " + b F h " = o " tanh(c " ) y " = g(w *9 h " + b 9 ) à 단어단위로학습 y " = W *9 h " + b 9 s x, y = M "N- A y ",-, y " + y " log P y x = s x, y log yx exp(s(x, y )) à 문장단위로학습

25 GRU-CRF y(t-1) y(t ) y(t+1) h(t-1) h(t ) h(t+1) r " = σ W &' x " + W *' h ",- + b ' x(t-1) x(t ) x(t+1) z " = σ W &0 x " + W *0 h ",- + b 0 h1 " = φ W &* x " + W ** r " h ",- + b * h " = z " h ",- + 1 z " h1 " y " = g(w *9 h " + b 9 ) à 단어단위로학습 y " = W *9 h " + b 9 s x, y = M "N- A y ",-, y " + y " log P y x = s x, y log yx exp(s(x, y )) à 문장단위로학습

26 BI-LSTM CRF Bidirectional LSTM+CRF Bidirectional GRU+CRF Stacked LSTM+CRF y(t-1) y(t ) y(t+1) y(t-1) y(t ) y(t+1) y(t-1) y(t ) y(t+1) bh(t-1) bh(t ) bh(t+1) bh(t-1) bh(t ) bh(t+1) h2(t-1) h2(t ) h2(t+1) h(t-1) h(t ) h(t+1) h(t-1) h(t ) h(t+1) h(t-1) h(t ) h(t+1) x(t-1) x(t ) x(t+1) x(t-1) x(t ) x(t+1) x(t-1) x(t ) x(t+1)

27

28

29 Neural Architectures for NER (Arxiv16) LSTM-CRF model + Char-based Word Representation Char: Bi-LSTM RNN

30 End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF (ACL16) LSTM-CRF model + Char-level Representation Char: CNN

31 한국어의미역결정 (SRL) 서술어인식 (PIC) 그는르노가 3 월말까지인수제의시한을 [ 갖고 ] 갖.1 있다고 [ 덧붙였다 ] 덧붙.1 논항인식 (AIC) 그는 [ 르노가 ] ARG0 [3 월말까지 ] ARGM-TMP 인수제의 [ 시한을 ] ARG1 [ 갖고 ] 갖.1 [ 있다고 ] AUX 덧붙였다 [ 그는 ] ARG0 르노가 3 월말까지인수제의시한을갖고 [ 있다고 ] ARG1 [ 덧붙였다 ] 덧붙.1 의존구문분석 의미역결정

32 딥러닝기반한국어의미역결정 ( 한글및한국어 15, 동계학술대회 15, 정보과학회지게재예정 ) Bidirectional LSTM+CRF Korean Word embedding Predicate word, argument word NNLM Feature embedding POS, distance, direction Dependency path, LCA h(t-1) y(t-1) y(t ) y(t+1) bh(t-1) bh(t ) bh(t+1) h(t ) h(t+1) x(t-1) x(t ) x(t+1) Syntactic information w/ w/o Structural SVM FFNN Backward LSTM CRFs Bidirectional LSTM CRFs Stacked Bidirectional LSTM CRFs (2 layers) Stacked Bidirectional LSTM CRFs (3 layers)

33 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network

34 Recurrent NN Encoder Decoder for Statistical Machine Translation (EMNLP14 Cho) GRU RNN à Encoding GRU RNN à Decoding Vocab: 15,000 (src, tgt)

35 Sequence to Sequence Learning with Neural Networks (NIPS14 Google) Source Voc.: 160,000 Target Voc.: 80,000 Deep LSTMs with 4 layers Train: 7.5 epochs (12M sentences, 10 days with 8- GPU machine)

36 Neural MT by Jointly Learning to Align and Translate (ICLR15 Bahdanau) GRU RNN + Attention à Encoding GRU RNN à Decoding Vocab: 30,000 (src, tgt) Train: 5 days

37 Limited Vocabulary Problem On Using Very Large Target Vocabulary for NMT (ACL15 Jean) RNNsearch-LV Addressing the RareWord Problem in NMT (ACL15 Luong) UNK replace NAVER MT System for WAT 2015 (WAT15, Naver, 강원대 ) Word-level encoder + Character-lever decoding Variable-Length Word Encodings for Neural Translation Models (EMNLP15 Chitnis) Variable-Length Encoding Methods (Huffman Code) A Character-level Decoder without Explicit Segmentation for NMT (Arxiv16 Chung) Subword-level encoder + Character-level decoder Fully Character-Level Neural Machine Translation without Explicit Segmentation (Arxi16v Lee) Character-level CNN encoder Character-level encoder Achieving Open Vocabulary NMT with Hybrid Word-Character Models (ACL16 Luong) Word-level + character level encoder/decoder

38 Variable-Length Word Encodings for NMT (EMNLP15 Chitnis) English-French parallel corpus from ACL WMT 2014

39 문자단위의 NMT (WAT15, 한글및한국어 15) 기존의 NMT: 단어단위의인코딩 - 디코딩 미등록어후처리 or NMT 모델의수정등이필요 문자단위의 NMT 입력언어는단어단위로인코딩 출력언어는문자단위로디코딩 단어단위 : その /UN 結果 /NCA を /PS 詳細 /NCD 문자단위 : そ /B の /I 結 /B 果 /I を /B 詳 /B 細 /I 문자단위 NMT 의장점 모든문자를사전에등록 à 미등록어문제해결 기존 NMT 모델의수정이필요없음 미등록어후처리작업이필요없음 c y t-1 y t S S

40 ASPEC E-to-J 실험 (WAT15) ASPEC E-to-J data 성능 (Juman 이용 BLEU) PB SMT: HPB SMT: Tree-to-string SMT: NMT (Word-level decoding): NMT (Character-level decoding): (4 위 ) RIBES (2 위 ) Tree-to-String + NMT(Character-level) reranking BLEU (2 위 ) Human (2 위 ) This/DT:0 paper/nn:1 explaines/nns:2 experimenta l/jj:3 result/nn:4 according/vbg:5 to/to:6 the/dt:7 model/nn:8./.:9 </s>:10 こ /B:0 の /I:1 モ /B:2 デ /I:3 ル /I:4 に /B:5 よ /B:6 る /I:7 実 /B:8 験 /I:9 結 /B:10 果 /I:11 を /B:12 説 /B:13 明 /I:14 し /B:15 た /B:16 /B:17 </s>:18

41 Fully Character-Level NMT without Explicit Segmentation (Arxi16v Lee) Character-level CNN encoder + Character-level encoder

42 Achieving Open Vocabulary NMT with Hybrid Word-Character Models (ACL16 Luong) Word-level + character level encoder/decoder

43 Zero-Shot Translation with Google s Multilingual NMT (16)

44 Input-feeding Approach (EMNLP15 Luong) The attentional decisions are made independently, which is suboptimal. In standard MT, a coverage set is often maintained during the translation process to keep track of which source words have been translated. Effect: - We hope to make the model fully aware of previous alignment choices - We create a very deep network spanning both horizontally and vertically

45 Copying Mechanism or CopyNet (ACL16 Gu)

46 Pointer Sentinel Mixture Model (under review at ICLR17) <WikiText-2 language modeling task>

47 Abstractive Text Summarization ( 한글및한국어 16)

48 Grammar as a Foreign Language (NIPS15 google)

49 Sequence-to-sequence 기반한국어구구조구문분석 ( 한글및한국어 16) NP 43/SN NP NP + 국 /NNG 참가 /NNG y t-1 (NP (NP 43/SN + 국 /NNG) (NP 참가 /NNG)) h2 t-1 y t h2 t 입력 정답 RNN-search[7] RNN-search + Input-feeding + Dropout 형태소의음절 + 품사태그 + <sp> 선생 <NNG> 님 <XSN> 의 <JKG> <sp> 이야기 <NNG> <sp> 끝나 <VV> 자 <EC> <sp> 마치 <VV> 는 <ETM> <sp> 종 <NNG> 이 <JKS> <sp> 울리 <VV> 었 <EP> 다 <EF>. <SF> (S (S (NP_SBJ (NP_MOD XX ) (NP_SBJ XX ) ) (VP XX ) ) (S (NP_SBJ (VP_MOD XX ) (NP_SBJ XX ) ) (VP XX ) ) ) (S (VP (NP_OBJ (NP_MOD XX ) (NP_OBJ XX ) ) (VP XX ) ) (S (NP_SBJ (VP_MOD XX ) (NP_SBJ XX ) ) (VP XX ) ) ) (S (S (NP_SBJ (NP_MOD XX ) (NP_SBJ XX ) ) (VP XX ) ) (S (NP_SBJ (VP_MOD XX ) (NP_SBJ XX ) ) (VP XX ) ) ) 모델 스탠포드구문분석기 [13] 버클리구문분석기 [13] RNN-search[7] (Beam size 10) RNN-search + Input-feeding RNN-search + Input-feeding + Dropout F1 h1 t-1 c t GRU GRU GRU GRU h1 t GRU GRU x 1 x 2 x T Attention + Input-feeding

50 한국어구구조구문분석 : 성능 vs. 속도 Sequence-to-sequence 모델을 cuda 라이브러리를사용하여 C++ 로구현 Intel(R) core(tm) i5-4690(3.50ghz), DDR3RAM, GeForce GTX 980Ti 의리눅스환경에서측정 Beam size 10 일때초당평균 4.12 문장을처리 F1 sec/sent 50

51 한국어구구조구문분석결과의 Attention Weight 의예시

52 End-to-End 한국어형태소분석 ( 동계학술대회 16) 형태소분석 : 했다 à 하 /XSV 았 /EP 다 /EP Attention + Input-feeding + Copying mechanism

53 Neural Responding Machine for Short-Text Conversation (ACL 15 Shang)

54 고객센터데이터실험 학습데이타 : 고객센터데이터 18 만문장 모델 : Stacked GRU encoder-decoder 세탁기가전원이안들어와요? A) 네아그러세요 A) 많이불편하셨겠습니다 A) 드럼이세요아니면일반세탁기세요 언제방문해줄수있나요? A) 언제방문드리면편하실까요 A) 언제방문드리면편하시겠어요 출장비가얼마죠? A) 출장점검료는 원이구요 A) 출장비가만오천원이구요

55 Short-Text Conversation ( 동계학술대회 16) - Data: 클리앙 아무거나질문게시판 - 77,346 질문 - 응답쌍 - 학습 : 개발 : 평가 = 8:1:1

56 Building End-To-End Dialogue Systems Using Generative Hierarchical Neural Network Models (arxiv15 Serban) - HRED

57 Attention with Intention for a Neural Network Conversation Model (arxiv 15) - AWI

58 A Diversity-Promoting Objective Function for Neural Conversation Models (arxiv16 Li) - MMI

59 A Persona-Based Neural Conversation Model (arxiv16 Li) Speaker model + MMI

60 Adversarial Learning for Neural Dialogue Generation (arxiv17) Adversarial REINFORCE algorithm Generative model (G) Learns the policy that generates a response y given dialogue history x Discriminative model (D) Learns a binary classifier that takes as input a sequence of dialogue utterances {x,y} and outputs a label indicating whether the input is generated by humans (Q + ({x,y})) or machines (Q - ({x,y})). Policy Gradient Training Reward = the score of Q + ({x,y}) Pre-train the generative model Seq2seq model pre-train the discriminative model

61 CNN 기반한국어감성분석 (KCC 16) 한국어감성분석 : 문장 à 긍정 or 부정 ( 분류문제 ) EMNLP14 CNN 모델확장 한국어특징반영 < 한국어영화평감성분석데이터구축 >

62 LSTM RNN 기반한국어감성분석 LSTM RNN-based encoding Sentence embedding à 입력 Fully connected NN à 출력 GRU encoding 도유사함 h(1) h(2 ) h(t) y x(1) x(2 ) x(t) Data set Model Accuracy Mobile Train: 4543 Test: 500 SVM (word feature) CNN(EMNLP14 : relu,kernel3,hid50) GRU encoding + Fully connected NN LSTM RNN encoding + Fully connected NN 90.93

63 이미지캡션생성 이미지내용이해 à 이미지내용을설명하는캡션자동생성 이미지인식 ( 이해 ) 기술 + 자연어처리 ( 생성 ) 기술 활용분야 이미지검색 맹인들을위한사진설명, 네비게이션 유아교육,

64 Multimodal RNN (M-RNN) [2] Ø Baidu Ø CNN + vanilla RNN Ø CNN: VGGNet 기존연구 Neural Image Caption generator (NIC) [4] Ø Google Ø CNN + LSTM RNN ü CNN: GoogLeNet Deep Visual-Semantic alignments (DeepVS) [5] Ø Stanford University Ø RCNN + Bi-RNN à alignment (training) Ø CNN + vanilla RNN ü CNN: AlexNet

65 RNN 을이용한이미지캡션생성 ( 동계학술대회 15) Flickr 8K B-1 B-2 B-3 B-4 m-rnn (Baidu)[2] DeepVS (Stanford)[5] NIC (Google)[4] Ours-GRU-DO Ours-GRU-DO Ours-GRU-DO Ours-GRU-DO Flickr 30K B-1 B-2 B-3 B-4 m-rnn (Baidu)[2] DeepVS (Stanford)[5] NIC (Google)[4] Ours-GRU-DO Ours-GRU-DO Ours-GRU-DO Ours-GRU-DO W t+1 W t+1 W t+1 VGGNet Softmax Softmax Softmax Multimodal CNN Multimodal CNN Multimodal CNN GRU Image GRU Image GRU Image Embedding Embedding Embedding W t W t W t

66 Residual Net + 한국어이미지캡션생성 ( 동계학술대회 16) Residual Net:

67 Show, Attend and Tell: Neural Image Caption Generation with Visual Attention (ICLR16 Xu)

68 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network

69 Pointer Network (NIPS15 Vinyals) Travelling Salesman Problem: NP-hard Pointer Network can learn approximate solutions: O(n^2)

70 포인터네트워크기반상호참조해결 (KCC16, Journal submitted) 상호참조해결 : A 씨는 B 씨는 그는 à 그 : A or B? 입력 : 단어 ( 형태소 ) 열, 출발점 ( 대명사, 한정사구 ( 이별자리등 )) X = {A:0, B:1, C:2, D:3, <EOS>:4}, Start_Point=A:0 출력 : 입력단어열의위치 (Pointer) 열 à Entity Y = {A:0, C:2, D:3, <EOS>:4} 특징 : End-to-end 방식의대명사상호참조해결 (mention detection 과정 X) Attention Layer Hidden Layer Projection Layer A B C D <EOS> A C D <EOS> Encoding Decoding

71 결과예제 입력 입력문장 : 우리 :0 나라 :1 국회 :2 에서 :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 <EOS>:40 출력열출발점 : 이 _ 기한 :15 출력정답 (Coref0 순서 ) 이 _ 기한 :15 ( 출발점 ) à 이 _ 기한 :34 à 며칠 :36 à <EOS>:40 Attention score (100 점 ) 이 _ 기한 :15 à 이 _ 기한 :34 이 _ 기한 _ 내 :16 (3), 헌법 :28 (1), 이 _ 기한 :34 (80), 며칠 :36 (10), <EOS>:40 (2) 이 _ 기한 :34 à 며칠 :36 며칠 :36 (89), <EOS>:40 (9) 며칠 :36 à <EOS>:40 <EOS>:40 (99) 참고 : 규칙기반결과 { 이 _ 기한 :15, 이 _ 기한 :34} 며칠 :36 생략됨 { 법률 _ 안 :8, 며칠 :36} (X)

72 포인터네트워크기반멘션탐지 ( 한글및한국어 16) 멘션탐지 멘션의중복 : [[[ 조선중기 + 의 ] 무신 ] 이순신 + 이 ] BIO representation à 가장긴멘션만탐지가능 기존 : 구문분석정보 + 규칙 포인터네크워크기반멘션탐지 à 중복된모든멘션탐지가능 [[[ 조선중기 + 의 ] 무신 ] 이순신 + 이 ] Model Long boundary All boundary Rule-based MD[5] Bi-LSTM CRF based MD Pointer Networks based MD

73 포인터네트워크를이용한한국어의존구문분석 ( 동계학술대회 16) SBJ MOD OBJ CJ 그룹이대한통운인수계약을체결했다

RNN & NLP Application

RNN & NLP Application RNN & NLP Application 강원대학교 IT 대학 이창기 차례 RNN NLP application Recurrent Neural Network Recurrent property dynamical system over time Bidirectional RNN Exploit future context as well as past Long Short-Term

More information

Structural SVMs 및 Pegasos 알고리즘을 이용한 한국어 개체명 인식

Structural SVMs 및 Pegasos 알고리즘을 이용한 한국어 개체명 인식 딥러닝 기반의 자연어처리 기술 강원대학교 IT대학 이창기 차례 자연어처리소개 딥러닝소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network Machine Reading Comprehension 자연어처리 자연언어 인공언어에대응되는개념

More information

Structural SVMs 및 Pegasos 알고리즘을 이용한 한국어 개체명 인식

Structural SVMs 및 Pegasos 알고리즘을 이용한 한국어 개체명 인식 Deep Learning 차례 현재딥러닝기술수준소개 딥러닝 딥러닝기반의자연어처리 Object Recognition https://www.youtube.com/watch?v=n5up_lp9smm Semantic Segmentation https://youtu.be/zjmtdrbqh40 Semantic Segmentation VGGNet + Deconvolution

More information

PowerPoint Presentation

PowerPoint Presentation Dependency Parser 자연언어처리 Probabilistic CFG (PCFG) - CFG - PCFG with saw with saw astronomers ears saw stars telescope astronomers ears saw stars telescope PCFG example Repeated work Parsing PCFG: CKY CKY

More information

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5>

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5> 주간기술동향 2016. 5.18. 컴퓨터 비전과 인공지능 장혁 한국전자통신연구원 선임연구원 최근 많은 관심을 받고 있는 인공지능(Artificial Intelligence: AI)의 성과는 뇌의 작동 방식과 유사한 딥 러닝의 등장에 기인한 바가 크다. 이미 미국과 유럽 등 AI 선도국에서는 인공지능 연구에서 인간 뇌 이해의 중요성을 인식하고 관련 대형 프로젝트들을

More information

Delving Deeper into Convolutional Networks for Learning Video Representations - Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville arXiv:

Delving Deeper into Convolutional Networks for Learning Video Representations  -   Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville  arXiv: Delving Deeper into Convolutional Networks for Learning Video Representations Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville arxiv: 1511.06432 Il Gu Yi DeepLAB in Modu Labs. June 13, 2016 Il Gu Yi

More information

(JBE Vol. 24, No. 1, January 2019) (Special Paper) 24 1, (JBE Vol. 24, No. 1, January 2019) ISSN 2287-

(JBE Vol. 24, No. 1, January 2019) (Special Paper) 24 1, (JBE Vol. 24, No. 1, January 2019)   ISSN 2287- (Special Paper) 24 1 2019 1 (JBE Vol. 24 No. 1 January 2019) https//doi.org/10.5909/jbe.2019.24.1.58 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a) a) a) b) c) d) A Study on Named Entity Recognition

More information

Naver.NLP.Workshop.SRL.Sogang_Alzzam

Naver.NLP.Workshop.SRL.Sogang_Alzzam : Natra Langage Processing Lab 한국어 ELMo 모델을이용한의미역결정 박찬민, 박영준 Sogang_Azzam Naver NLP Chaenge 서강대학교자연어처리연구실 목차 서론 제안모델 실험 결론 2 서론 의미역결정이란? 문장의술어를찾고, 그술어와연관된논항들사이의의미관계를결정하는문제 논항 : 의미역이부여된각명사구의미역 : 술어에대한명사구의의미역할

More information

DIY 챗봇 - LangCon

DIY 챗봇 - LangCon without Chatbot Builder & Deep Learning bage79@gmail.com Chatbot Builder (=Dialogue Manager),. We need different chatbot builders for various chatbot services. Chatbot builders can t call some external

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

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 Visual Search At SK-Planet sk-planet Machine Intelligence Lab. 나상일 1. 개발배경 2. 첫접근방법 3. 개선된방법 A. Visual recognition technology B. Guided search C. Retrieval system 개발배경 개발배경 상품검색을좀더쉽게 Key-word 트렌치코트버튺벨트

More information

Ch 1 머신러닝 개요.pptx

Ch 1 머신러닝 개요.pptx Chapter 1. < > :,, 2017. Slides Prepared by,, Biointelligence Laboratory School of Computer Science and Engineering Seoul National University 1.1 3 1.2... 7 1.3 10 1.4 16 1.5 35 2 1 1.1 n,, n n Artificial

More information

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018) ISSN

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018)   ISSN (Special Paper) 23 2, 2018 3 (JBE Vol. 23, No. 2, March 2018) https://doi.org/10.5909/jbe.2018.23.2.186 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) Robust Online Object Tracking via Convolutional

More information

<4D F736F F F696E74202D F ABFACB1B8C8B85FBEF0BEEEC3B3B8AEBFCDB1E2B0E8B9F8BFAAC7F6C8B228C1F6C3A2C1F829>

<4D F736F F F696E74202D F ABFACB1B8C8B85FBEF0BEEEC3B3B8AEBFCDB1E2B0E8B9F8BFAAC7F6C8B228C1F6C3A2C1F829> Ebiz 연구회 2017 9 21 정의용 FrankJeong@systrangroupcom SYSTRAN History & Technology Natural Language Processing Machine Translation History MT Technique Neural Network Neural Machine Translation Data Landscape

More information

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE 2: (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, 2019 7 (JBE Vol. 24, No. 4, July 2019) https://doi.org/10.5909/jbe.2019.24.4.623

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

본문01

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

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Jul.; 29(7), 550 559. http://dx.doi.org/10.5515/kjkiees.2018.29.7.550 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Human

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

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

_KrlGF발표자료_AI

_KrlGF발표자료_AI AI 의과거와현재그리고내일 AI is the New Electricity 2017.09.15 AI! 2 Near Future of Super Intelligence? *source l http://www.motherjones.com/media/2013/05/robots-artificial-intelligence-jobs-automation 3 4 I think

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB> 주간기술동향 2016. 2. 24. 최신 ICT 이슈 인공지능 바둑 프로그램 경쟁, 구글이 페이스북에 리드 * 바둑은 경우의 수가 많아 컴퓨터가 인간을 넘어서기 어려움을 보여주는 사례로 꼽혀 왔 으며, 바로 그런 이유로 인공지능 개발에 매진하는 구글과 페이스북은 바둑 프로그램 개 발 경쟁을 벌여 왔으며, 프로 9 단에 도전장을 낸 구글이 일단 한발 앞서 가는

More information

01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Conce

01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Conce Artificial Intelligence for Deep Learning 01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Concept of Neural

More information

<C5D8BDBAC6AEBEF0BEEEC7D02D3336C1FD2E687770>

<C5D8BDBAC6AEBEF0BEEEC7D02D3336C1FD2E687770> 텍스트언어학 36, 2014, pp. 149~177 빅데이터 적정 텍스트 추출을 위한 언어학적 접근 - 학교폭력 관련 텍스트를 중심으로- 남길임(경북대) 송현주(계명대) 이수진(경북대) Nam, Kilim, Song, Hyunju, Lee, Soojin 2014. Linguistic approach for Document Classification on Big

More information

3 Gas Champion : MBB : IBM BCS PO : 2 BBc : : /45

3 Gas Champion : MBB : IBM BCS PO : 2 BBc : : /45 3 Gas Champion : MBB : IBM BCS PO : 2 BBc : : 20049 0/45 Define ~ Analyze Define VOB KBI R 250 O 2 2.2% CBR Gas Dome 1290 CTQ KCI VOC Measure Process Data USL Target LSL Mean Sample N StDev (Within) StDev

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB> 최신 ICT 이슈 최신 ICT 이슈 알파고의 심층강화학습을 뒷받침한 H/W 와 S/W 환경의 진화 * 알파고의 놀라운 점은 바둑의 기본규칙조차 입력하지 않았지만 승리 방식을 스스로 알아 냈다는 것이며, 알파고의 핵심기술인 심층강화학습이 급속도로 발전한 배경에는 하드웨 어의 진화와 함께 오픈소스화를 통해 발전하는 AI 관련 소프트웨어들이 자리하고 있음 2014

More information

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770>

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770> 한국지능시스템학회 논문지 2010, Vol. 20, No. 3, pp. 375-379 유전자 알고리즘을 이용한 강인한 Support vector machine 설계 Design of Robust Support Vector Machine Using Genetic Algorithm 이희성 홍성준 이병윤 김은태 * Heesung Lee, Sungjun Hong,

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 heecheol.seo@navercorp.com) www.chatbots.org 637 개영어챗봇 http://www.loebner.net/prizef/loebner-prize.html http://www.aisb.org.uk/media/files/loebnerprize2015/rose.pdf AIML (The Artificial Intelligence

More information

(JBE Vol. 24, No. 2, March 2019) (Special Paper) 24 2, (JBE Vol. 24, No. 2, March 2019) ISSN

(JBE Vol. 24, No. 2, March 2019) (Special Paper) 24 2, (JBE Vol. 24, No. 2, March 2019)   ISSN (Special Paper) 24 2, 2019 3 (JBE Vol. 24, No. 2, March 2019) https://doi.org/10.5909/jbe.2019.24.2.234 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) SIFT a), a), a), a) SIFT Image Feature Extraction

More information

Manufacturing6

Manufacturing6 σ6 Six Sigma, it makes Better & Competitive - - 200138 : KOREA SiGMA MANAGEMENT C G Page 2 Function Method Measurement ( / Input Input : Man / Machine Man Machine Machine Man / Measurement Man Measurement

More information

High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a lo

High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a lo High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a low-resolution Time-Of- Flight (TOF) depth camera and

More information

Microsoft PowerPoint - 실습소개와 AI_ML_DL_배포용.pptx

Microsoft PowerPoint - 실습소개와 AI_ML_DL_배포용.pptx 실습강의개요와인공지능, 기계학습, 신경망 < 인공지능입문 > 강의 허민오 Biointelligence Laboratory School of Computer Science and Engineering Seoul National University 실습강의개요 노트북을꼭지참해야하는강좌 신경망소개 (2 주, 허민오 ) Python ( 프로그래밍언어 ) (2주, 김준호

More information

사회통계포럼

사회통계포럼 wcjang@snu.ac.kr Acknowledgements Dr. Roger Peng Coursera course. https://github.com/rdpeng/courses Creative Commons by Attribution /. 10 : SNS (twitter, facebook), (functional data) : (, ),, /Data Science

More information

Disclaimer IPO Presentation,. Presentation...,,,,, E.,,., Presentation,., Representative...

Disclaimer IPO Presentation,. Presentation...,,,,, E.,,., Presentation,., Representative... DEXTER STUDIOS INVESTOR RELATIONS 2015 Disclaimer IPO Presentation,. Presentation...,,,,, E.,,., Presentation,., Representative... Contents Prologue 01 VFX 02 China 03 Investment Highlights 04 Growth Engine

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

기술 Roadmap

기술 Roadmap Deep Learning 기술의 Commerce 적용사례 2016. 12. 2. SK planet Machine Intelligence Lab. 전병기 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말 SK planet 2 SK planet 3 SK planet 4 SK

More information

<5B313132385D32303039B3E220C1A634B1C720C1A632C8A320B3EDB9AEC1F628C3D6C1BE292E687770>

<5B313132385D32303039B3E220C1A634B1C720C1A632C8A320B3EDB9AEC1F628C3D6C1BE292E687770> 디지털 영상에서의 자막추출을 이용한 자막 특성 분석에 관한 연구 이세열 * 요약 본 연구는 방송 프로그램 제작에 있어서 중요한 역할을 담당하고 있는 영상 자막의 특성과 영상 커 뮤니케이션 기능적인 관점에서 나타나고 있는 현상을 살펴본다. 다양한 방송 프로그램에서 활용되고 있는 디지털 영상 자막의 기능은 단순하게 간략한 정보를 전달하는 기능적인 역할을 수행하였다.

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

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

,. 3D 2D 3D. 3D. 3D.. 3D 90. Ross. Ross [1]. T. Okino MTD(modified time difference) [2], Y. Matsumoto (motion parallax) [3]. [4], [5,6,7,8] D/3

,. 3D 2D 3D. 3D. 3D.. 3D 90. Ross. Ross [1]. T. Okino MTD(modified time difference) [2], Y. Matsumoto (motion parallax) [3]. [4], [5,6,7,8] D/3 Depth layer partition 2D 3D a), a) 3D conversion of 2D video using depth layer partition Sudong Kim a) and Jisang Yoo a) depth layer partition 2D 3D. 2D (depth map). (edge directional histogram). depth

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

2 : (EunJu Lee et al.: Speed-limit Sign Recognition Using Convolutional Neural Network Based on Random Forest). (Advanced Driver Assistant System, ADA

2 : (EunJu Lee et al.: Speed-limit Sign Recognition Using Convolutional Neural Network Based on Random Forest). (Advanced Driver Assistant System, ADA (JBE Vol. 20, No. 6, November 2015) (Regular Paper) 20 6, 2015 11 (JBE Vol. 20, No. 6, November 2015) http://dx.doi.org/10.5909/jbe.2015.20.6.938 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a),

More information

<C1DF3320BCF6BEF7B0E8C8B9BCAD2E687770>

<C1DF3320BCF6BEF7B0E8C8B9BCAD2E687770> 2012학년도 2학기 중등과정 3학년 국어 수업 계획서 담당교사 - 봄봄 현영미 / 시온 송명근 1. 학습 목적 말씀으로 천지를 창조하신 하나님이 당신의 형상대로 지음 받은 우리에게 언어를 주셨고, 그 말씀의 능 력이 우리의 언어생활에도 나타남을 깨닫고, 그 능력을 기억하여 표현하고 이해함으로 아름다운 언어생활 을 누릴 뿐만 아니라 언어문화 창조에 이바지함으로써

More information

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019 4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, 2019 5 (JBE Vol. 24, No. 3, May 2019) https://doi.org/10.5909/jbe.2019.24.3.387 ISSN 2287-9137

More information

딥러닝 첫걸음

딥러닝 첫걸음 딥러닝첫걸음 4. 신경망과분류 (MultiClass) 다범주분류신경망 Categorization( 분류 ): 예측대상 = 범주 이진분류 : 예측대상범주가 2 가지인경우 출력층 node 1 개다층신경망분석 (3 장의내용 ) 다범주분류 : 예측대상범주가 3 가지이상인경우 출력층 node 2 개이상다층신경망분석 비용함수 : Softmax 함수사용 다범주분류신경망

More information

장양수

장양수 한국문학논총 제70집(2015. 8) 333~360쪽 공선옥 소설 속 장소 의 의미 - 명랑한 밤길, 영란, 꽃같은 시절 을 중심으로 * 1)이 희 원 ** 1. 들어가며 - 장소의 인간 차 2. 주거지와 소유지 사이의 집/사람 3. 취약함의 나눔으로서의 장소 증여 례 4. 장소 소속감과 미의식의 가능성 5.

More information

Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology

Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology 이승욱 (S.W. Lee, tajinet@etri.re.kr) 황본우 (B.W. Hwang,

More information

6주차.key

6주차.key 6, Process concept A program in execution Program code PCB (process control block) Program counter, registers, etc. Stack Heap Data section => global variable Process in memory Process state New Running

More information

DW 개요.PDF

DW 개요.PDF Data Warehouse Hammersoftkorea BI Group / DW / 1960 1970 1980 1990 2000 Automating Informating Source : Kelly, The Data Warehousing : The Route to Mass Customization, 1996. -,, Data .,.., /. ...,.,,,.

More information

Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제

Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제 Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, 2018 1 1.1 Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제 6.5에서 찾아볼 수 있다. http://incompleteideas.net/book/bookdraft2017nov5.pdf

More information

歯15-ROMPLD.PDF

歯15-ROMPLD.PDF MSI & PLD MSI (Medium Scale Integrate Circuit) gate adder, subtractor, comparator, decoder, encoder, multiplexer, demultiplexer, ROM, PLA PLD (programmable logic device) fuse( ) array IC AND OR array sum

More information

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월 지능정보연구제 17 권제 4 호 2011 년 12 월 (pp.241~254) Support vector machines(svm),, CRM. SVM,,., SVM,,.,,. SVM, SVM. SVM.. * 2009() (NRF-2009-327- B00212). 지능정보연구제 17 권제 4 호 2011 년 12 월 김경재 안현철 지능정보연구제 17 권제 4 호

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

2014 한국어문학회 전국학술대회 통일 시대를 위한 한국 어문학의 성찰과 모색 겨나면서 민족어 란 용어가 등장하였다. 오늘의 학술대회 발표 제목에도 민 족어 란 용어가 보인다. 민족어의 수호와 발전 (고영근, 제이앤씨, 2008)의 민족어 는 국어, 한국어, 조선어,

2014 한국어문학회 전국학술대회 통일 시대를 위한 한국 어문학의 성찰과 모색 겨나면서 민족어 란 용어가 등장하였다. 오늘의 학술대회 발표 제목에도 민 족어 란 용어가 보인다. 민족어의 수호와 발전 (고영근, 제이앤씨, 2008)의 민족어 는 국어, 한국어, 조선어, 통일 시대를 위한 북한어 연구 방향 홍 윤 표 (연세대학교) 1. 머리말 통일 시대를 위한 북한어 연구 동향 이란 주제를 발표자에게 제시한 것은 발 표자에게 통일에 대비하여 북한어를 어떻게 연구하여야 할 것인가를 제안하라는 의미일 것이다. 통일에 대비한다 는 뜻은 무엇일까? 통일을 위한 대비 보다 는 다음 단계의 대비, 즉 통일이 되었을 때를 상정하고 그때에

More information

hwp

hwp BE 8 BE 6 BE 4 BE 2 BE 0 y 17 y 16 y 15 y 14 y 13 y 12 y 11 y 10 y 9 y 8 y 7 y 6 y 5 y 4 y 3 y 2 y 1 y 0 0 BE 7 BE 5 BE 3 BE 1 BE 16 BE 14 BE 12 BE 10 y 32 y 31 y 30 y 29 y 28 y 27 y 26 y 25 y 24 y 23

More information

1217 WebTrafMon II

1217 WebTrafMon II (1/28) (2/28) (10 Mbps ) Video, Audio. (3/28) 10 ~ 15 ( : telnet, ftp ),, (4/28) UDP/TCP (5/28) centralized environment packet header information analysis network traffic data, capture presentation network

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

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 RecurDyn 의 Co-simulation 와 하드웨어인터페이스적용 2016.11.16 User day 김진수, 서준원 펑션베이솔루션그룹 Index 1. Co-simulation 이란? Interface 방식 Co-simulation 개념 2. RecurDyn 과 Co-simulation 이가능한분야별소프트웨어 Dynamics과 Control 1) RecurDyn

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

종합설계 I (Xcode and Source Control )

종합설계 I  (Xcode and Source Control ) Sogang University: Dept of Computer Science 구명완교수 서강대학교컴퓨터공학과 Email: mwkoo9@gmail.com 내용 개념도 시맨틱해석기 대화상태추적기 대화관리기 자연언어생성기 결론 개념도 음성인식 음성대화 음성대화솔류션사례 음성대화서비스 음성대화로봇 Apple Siri Google MS Cortana Amazon Echo

More information

목차 AI Boom Chatbot Deep Learning Company.AI s Approach AI Chatbot In Financial service 2

목차 AI Boom Chatbot Deep Learning Company.AI s Approach AI Chatbot In Financial service 2 챗봇과 금융서비스의 결합 2017.05.25 Company.AI 강지훈 목차 1. 2. 3. 4. 5. AI Boom Chatbot Deep Learning Company.AI s Approach AI Chatbot In Financial service 2 3 인공지능 및 고급 기계 학습 딥러닝, 인공신경망, 자연어 처리 등 다양한 기술 이해, 학습, 예측

More information

(JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, (JBE Vol. 23, No. 5, September 2018) ISSN

(JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, (JBE Vol. 23, No. 5, September 2018)   ISSN (JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, 2018 9 (JBE Vol. 23, No. 5, September 2018) https://doi.org/10.5909/jbe.2018.23.5.614 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) Generative

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 [ 인공지능입문랩 ] SEOPT ( Study on the Elements Of Python and Tensorflow ) 인공지능 + 데이터분석목적 / 방법 / 기법 / 도구 + Python Programming 기초 + NumpyArray(Tensor) youngdocseo@gmail.com 1 *3 시간 / 회 구분일자내용비고 1 회 0309

More information

공연영상

공연영상 한국영화 배급시장의 문제점과 개선방안에 대한 고찰 143 144 한국영화 배급시장의 문제점과 개선방안에 대한 고찰 - 독과점 배급시장을 중심으로 김황재* 23) I. 머리말 II. 한국 영화산업의 배급시장 1. 배급의 개념 2. 한국 영화산업 배급시장의 변화 3. 메이저 배급사의 배급시장 4. 디지털 배급 시스템 III. 한국영화 배급시장의 문제점 1. 독과점

More information

<32303131C7CFB9DDB1E22028C6EDC1FD292E687770>

<32303131C7CFB9DDB1E22028C6EDC1FD292E687770> 통일문제연구 2011년 하반기(통권 제56호) 전쟁 경험의 재구성을 통한 국가 만들기* - 역사/다큐멘터리/기억 - 1)이 명 자** Ⅰ. 들어가는 말 Ⅱ. 과 제작배경 Ⅲ. 과 비교 Ⅳ. 역사/다큐멘터리/기억 현대 남북한 체제 형성에서 주요한 전환점인 한국전 쟁은 해방 후 시작된 좌우대립과 정치적,

More information

소프트웨어개발방법론

소프트웨어개발방법론 사용사례 (Use Case) Objectives 2 소개? (story) vs. 3 UC 와 UP 산출물과의관계 Sample UP Artifact Relationships Domain Model Business Modeling date... Sale 1 1..* Sales... LineItem... quantity Use-Case Model objects,

More information

4 : CNN (Sangwon Suh et al.: Dual CNN Structured Sound Event Detection Algorithm Based on Real Life Acoustic Dataset) (Regular Paper) 23 6, (J

4 : CNN (Sangwon Suh et al.: Dual CNN Structured Sound Event Detection Algorithm Based on Real Life Acoustic Dataset) (Regular Paper) 23 6, (J (Regular Paper) 23 6, 2018 11 (JBE Vol. 23, No. 6, November 2018) https://doi.org/10.5909/jbe.2018.23.6.855 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) CNN a), a), a), a), a) Dual CNN Structured Sound

More information

ePapyrus PDF Document

ePapyrus PDF Document 막힌 부분을 갖는 네트워크 내 효과적인 경로 탐색을 위한 유전 알고리즘 적용 김준우 *, 이민정 ** 요약 자연계의 진화 과정을 모방하는 유전 알고리즘은 다양한 조합 최적화와 같은 NP-hard 문제의 해를 탐색하는데 매 우 유용한 도구이다. 본 논문은 네트워크 내에 존재하는 두 노드 사이의 최단 경로를 구하는 문제 풀이를 위하여 유 전 알고리즘을 적용하고자

More information

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018) ISSN

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018)   ISSN (Special Paper) 23 2, 2018 3 (JBE Vol. 23, No. 2, March 2018) https://doi.org/10.5909/jbe.2018.23.2.246 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) CNN a), a), a) CNN-Based Hand Gesture Recognition

More information

<4D F736F F D20B1E2C8B9BDC3B8AEC1EE2DB0FBB3EBC1D8>

<4D F736F F D20B1E2C8B9BDC3B8AEC1EE2DB0FBB3EBC1D8> 딥러닝기술동향 - CNN 과 RNN 을중심으로 - 곽노준박성헌 * 김대식 * 서울대학교교수서울대학교박사과정 * 본고에서는딥러닝의여러가지분야중최근영상인식분야에서기존방법들보다월등한성능을보이고있는컨볼루션신경망 (Convolutional Neural Networks: CNN) 과음성인식이나자연어처리등에적용되어뛰어난성능을보이는순환신경망 (Recurrent Neural

More information

방송공학회논문지 제18권 제2호

방송공학회논문지 제18권 제2호 방송공학회논문지 제 20권 6호 (2015년 11월) 특집논문 : 2015년 하계학술대회 좌장추천 우수논문 프레넬 회절을 이용한 디지털 홀로그램 암호화 알고리즘 새로운 광적응 효과 모델을 이용한 정교한 영상 화질 측정 민방위 경보 방송에 대한 정보 수용자 인식 연구 UHDTV 방송을 위한 공간 변조 다중 안테나 시스템 수신 성능 분석 홍보동영상 제작 서비스를

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

자연언어처리

자연언어처리 제 7 장파싱 파싱의개요 파싱 (Parsing) 입력문장의구조를분석하는과정 문법 (grammar) 언어에서허용되는문장의구조를정의하는체계 파싱기법 (parsing techniques) 문장의구조를문법에따라분석하는과정 차트파싱 (Chart Parsing) 2 문장의구조와트리 문장 : John ate the apple. Tree Representation List

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 1 2 3 3-1 3-2 3-3 Large-scale data 개요기계학습기반자료분석기술교통분석에기계학습적용사례 1 CNN 을활용한대중교통수요예측 2 RNN 을활용한공로통행속도예측 3 DQN 을이용한최적교통신호제어 4 시연 Large-Scale Data 기술요소 전수자료 이력자료누적 ( 자료를지우지않음 ) Hadoop HDFS MapReduce 병렬 DBMS

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

노동경제논집 38권 4호 (전체).hwp

노동경제논집 38권 4호 (전체).hwp * FA. FA FA. (2013) FA. (separating equilibrium),. (pooling equilibrium)..,. (Free agency, FA). (Reserve clause) : 2015 9 16, : 2015 11 13, : 2015 12 7 *. ** Department of Economics, University of Texas

More information

Vol.259 C O N T E N T S 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

Vol.259 C O N T E N T S 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 2018.01 Vol.259 C O N T E N T S 02 06 28 61 69 99 104 120 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 2018.1 3 4 2018.1 1) 2) 6 2018.1 3) 4) 7 5) 6) 7) 8) 8 2018.1 9 10 2018.1 11 2003.08 2005.08

More information

2 : CNN (Jaeyoung Kim et al.: Experimental Comparison of CNN-based Steganalysis Methods with Structural Differences) (Regular Paper) 24 2, (JBE

2 : CNN (Jaeyoung Kim et al.: Experimental Comparison of CNN-based Steganalysis Methods with Structural Differences) (Regular Paper) 24 2, (JBE 2: CNN (Jaeyoung Kim et al.: Experimental Comparison of CNN-based Steganalysis Methods with Structural Differences) (Regular Paper) 24 2, 2019 3 (JBE Vol. 24, No. 2, March 2019) https://doi.org/10.5909/jbe.2019.24.2.315

More information

이보고서는 2010 년한국언론진흥재단의언론진흥기금을지원받아수행한것입니다. 보고서의내용은한국언론진흥재단의공식견해가아닌연구자의연구결과임을밝힙니다. 목 차 요약문 ⅳ Ⅰ. 서론 1 5 6 7 7 11 13 14 14 16 18 21 29 40-1 - 47 47 48 66 68 69 70 70 71 72 72 73 74-2 - < 표 > 목차 표 1 대한매일신보보급부수

More information

À±½Â¿í Ãâ·Â

À±½Â¿í Ãâ·Â Representation, Encoding and Intermediate View Interpolation Methods for Multi-view Video Using Layered Depth Images The multi-view video is a collection of multiple videos, capturing the same scene at

More information

Visual recognition in the real world SKT services

Visual recognition  in the real world SKT services Visual recognition in the real world SKT services 박병관 SK Telecom AI Center / 영상인식기술 Cell 2019.07.02 SKT Services 2 Contents 1. T map 도로교통정보인식 a. 서비스개요 b. Core Engine Architecture c. Core Engine d. Multi

More information

SW¹é¼Ł-³¯°³Æ÷ÇÔÇ¥Áö2013

SW¹é¼Ł-³¯°³Æ÷ÇÔÇ¥Áö2013 SOFTWARE ENGINEERING WHITE BOOK : KOREA 2013 SOFTWARE ENGINEERING WHITE BOOK : KOREA 2013 SOFTWARE ENGINEERING WHITE BOOK : KOREA 2013 SOFTWARE ENGINEERING WHITE BOOK : KOREA 2013 SOFTWARE ENGINEERING

More information

Page 2 of 5 아니다 means to not be, and is therefore the opposite of 이다. While English simply turns words like to be or to exist negative by adding not,

Page 2 of 5 아니다 means to not be, and is therefore the opposite of 이다. While English simply turns words like to be or to exist negative by adding not, Page 1 of 5 Learn Korean Ep. 4: To be and To exist Of course to be and to exist are different verbs, but they re often confused by beginning students when learning Korean. In English we sometimes use the

More information

Page 2 of 6 Here are the rules for conjugating Whether (or not) and If when using a Descriptive Verb. The only difference here from Action Verbs is wh

Page 2 of 6 Here are the rules for conjugating Whether (or not) and If when using a Descriptive Verb. The only difference here from Action Verbs is wh Page 1 of 6 Learn Korean Ep. 13: Whether (or not) and If Let s go over how to say Whether and If. An example in English would be I don t know whether he ll be there, or I don t know if he ll be there.

More information

04-다시_고속철도61~80p

04-다시_고속철도61~80p Approach for Value Improvement to Increase High-speed Railway Speed An effective way to develop a highly competitive system is to create a new market place that can create new values. Creating tools and

More information

Problem New Case RETRIEVE Learned Case Retrieved Cases New Case RETAIN Tested/ Repaired Case Case-Base REVISE Solved Case REUSE Aamodt, A. and Plaza, E. (1994). Case-based reasoning; Foundational

More information

歯기구학

歯기구학 1 1.1,,.,. (solid mechanics)., (kinematics), (statics), (kinetics). ( d y n a m i c s ).,,. ( m e c h a n i s m ). ( l i n k a g e ) ( 1.1 ), (pin joint) (revolute joint) (prismatic joint) ( 1.2 ) (open

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

Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp DOI: * A S

Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp DOI:   * A S Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp.461-487 DOI: http://dx.doi.org/10.21024/pnuedi.28.4.201812.461 * - 2008 2018 - A Study on the Change of Issues with Adolescent Problem

More information

탄도미사일 방어무기체계 배치모형 연구 (Optimal Allocation Model for Ballistic Missile Defense System by Simulated Annealing Algorithm)

탄도미사일 방어무기체계 배치모형 연구 (Optimal Allocation Model for Ballistic Missile Defense System by Simulated Annealing Algorithm) 탄도미사일 방어무기체계 배치모형 연구 (Optimal Allocation Model for Ballistic Missile Defense System by Simulated Annealing Algorithm) 이 상 헌 국방대학교 운영분석학과 우 122-875 서울시 은평구 수색동 205번지 Abstract The set covering(sc) problem

More information

2 : (Juhyeok Mun et al.: Visual Object Tracking by Using Multiple Random Walkers) (Special Paper) 21 6, (JBE Vol. 21, No. 6, November 2016) ht

2 : (Juhyeok Mun et al.: Visual Object Tracking by Using Multiple Random Walkers) (Special Paper) 21 6, (JBE Vol. 21, No. 6, November 2016) ht (Special Paper) 21 6, 2016 11 (JBE Vol. 21, No. 6, November 2016) http://dx.doi.org/10.5909/jbe.2016.21.6.913 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a), a) Visual Object Tracking by Using Multiple

More information

09권오설_ok.hwp

09권오설_ok.hwp (JBE Vol. 19, No. 5, September 2014) (Regular Paper) 19 5, 2014 9 (JBE Vol. 19, No. 5, September 2014) http://dx.doi.org/10.5909/jbe.2014.19.5.656 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a) Reduction

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

다중 곡면 검출 및 추적을 이용한 증강현실 책

다중 곡면 검출 및 추적을 이용한 증강현실 책 1 딥러닝기반성별및연령대 추정을통한맞춤형광고솔루션 20101588 조준희 20131461 신혜인 2 개요 연구배경 맞춤형광고의필요성 성별및연령별주요관심사에적합한광고의필요성증가 제한된환경에서개인정보획득의한계 맞춤형광고의어려움 영상정보기반개인정보추정 연구목표 딥러닝기반사용자맞춤형광고솔루션구현 얼굴영상을이용한성별및연령대추정 성별및연령대를통합네트워크로학습하여추정정확도향상

More information

methods.hwp

methods.hwp 1. 교과목 개요 심리학 연구에 기저하는 기본 원리들을 이해하고, 다양한 심리학 연구설계(실험 및 비실험 설계)를 학습하여, 독립된 연구자로서의 기본적인 연구 설계 및 통계 분석능력을 함양한다. 2. 강의 목표 심리학 연구자로서 갖추어야 할 기본적인 지식들을 익힘을 목적으로 한다. 3. 강의 방법 강의, 토론, 조별 발표 4. 평가방법 중간고사 35%, 기말고사

More information

Effects of baseball expertise and stimulus speeds on coincidence-anticipation timing accuracy of batting Jong-Hwa Lee, Seok-Jin Kim, & Seon-Jin Kim* Seoul National University [Purpose] [Methods] [Results]

More information

Data Industry White Paper

Data Industry White Paper 2017 2017 Data Industry White Paper 2017 1 3 1 2 3 Interview 1 ICT 1 Recommendation System * 98 2017 Artificial 3 Neural NetworkArtificial IntelligenceAI 2 AlphaGo 1 33 Search Algorithm Deep Learning IBM

More information

04서종철fig.6(121~131)ok

04서종철fig.6(121~131)ok Development of Mobile Applications Applying Digital Storytelling About Ecotourism Resources Seo, Jongcheol* Lee, Seungju**,,,. (mobile AIR)., 3D.,,.,.,,, Abstract : In line with fast settling trend of

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 I. 문서표준 1. 문서일반 (HY중고딕 11pt) 1-1. 파일명명체계 1-2. 문서등록정보 2. 표지표준 3. 개정이력표준 4. 목차표준 4-1. 목차슬라이드구성 4-2. 간지슬라이드구성 5. 일반표준 5-1. 번호매기기구성 5-2. 텍스트박스구성 5-3. 테이블구성 5-4. 칼라테이블구성 6. 적용예제 Machine Learning Credit Scoring

More information

04김호걸(39~50)ok

04김호걸(39~50)ok Journal of Environmental Impact Assessment, Vol. 22, No. 1(2013) pp.39~50 Prediction of Landslides Occurrence Probability under Climate Change using MaxEnt Model Kim, Hogul* Lee, Dong-Kun** Mo, Yongwon*

More information