기술 Roadmap

Size: px
Start display at page:

Download "기술 Roadmap"

Transcription

1 Deep Learning 기술의 Commerce 적용사례 SK planet Machine Intelligence Lab. 전병기

2 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

3 SK planet 2

4 SK planet 3

5 SK planet 4

6 SK planet 5

7 SK planet 6

8

9

10

11

12

13 Trucks on Demand 어디서나쉽고빠르게트럭을부를수있는서비스

14 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

15

16

17 Deep Learning - Artificial Neural Networks Perceptron (Rosenblatt, 1958) 16

18 Deep Learning - Deep Neural Networks & Difficulties Hidden Input Output It can be optimized by the back propagation algorithm. But, the training is not easy. Vanishing gradient problem: problems with non-linear activation Typically requires lots of labeled data Overfitting problem: Given limited amounts of labeled data, training via back-propagation does not work well Get stuck in local minima(?) 17

19 Deep Learning - Genealogy 참고 : KAIST 김준모교수 18

20 Deep Learning - 1st Breakthrough by Hinton et al. (2006) DBN (Deep Belief Networks) Unsupervised pre-training (greedy layer-wise training) Supervised top-down training as final step Linear classifier Fine-tuning (supervised, MLP) Pretraining (unsupervised) P(x, h1, h2, h3) = P(x h1) P(h1 h2) P(h2,h3) 19

21 Deep Learning - 2nd Breakthrough by Krizhevsky et al. (2012) AlexNet (Convolutional Neural Networks): ImageNet Challenge Winner (2012) Same model as LeNet (LeCun 1989) but, Bigger model (7 hidden layers, 0.65M neurons, 60M parameters) More data (1M vs 1K images) Trained on 2 GPUs for a week (50x speedup over CPU) Better regularization (DropOut) + ReLU (Nair 2010) 20

22 Deep Learning - Why again? 음성인식, 문자 / 얼굴및객체인식등의분야에는이미 human accuracy 에근접하거나능가할정도이며자연어처리, 의료, 유전자분석, 금융등타영역에서앞다투어성능검증이시도되고있음 High Performance 고속연산이가능한 GPU 기술및병렬처리기술이급격히발전하여예전에불가능했던연산들이가능해지고있음 (Google 은 16,000 개의 CPU 를연결하여고양이인식을시도함 ) New Algorithms Big Data HW (GPU) 예전에는풀리지않았던복잡한문제에대한실용적인해결책들이쏟아져나오고있음 정교한 model 이나 feature 대신 big data 의입력만으로훌륭한학습이가능하다고알려지고있는데다 data 에대한접근성이좋아짐 Human Perception Human brain 신호처리과정에서의계층적구조를닮은 / 흉내낸 machine learning 알고리즘 21

23 Potential of Deep Learning Linear classification 은 vector space 를 linear 하게분할하는것입니다.

24 아래 data 는 linear classification 할수있습니까? Linear 하게나누려면어떻게하면될까요?

25 이렇게하면됩니다.

26 Deep Learning 은 layer 를겹겹이쌓아 space 를 warping 함으로써복잡한 nonlinear 문제에대한해결가능성을보여주었습니다. (2 차부흥?) f

27 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

28

29

30

31 요구사항 30

32 Optical Charter Recognition (OCR 문제 ) 예 ) 자동차번호판인식, 명함인식

33 전통적인방법 숫자위치검출 숫자특징추출 숫자분류 32

34 전통적인방법 숫자위치검출 숫자특징추출 숫자분류 33

35 전통적인방법 숫자위치검출 숫자특징추출 숫자분류 34

36 전통적인방법 숫자위치검출 숫자특징추출 숫자분류 Artificial Neural Network 35

37 전통적인방법 숫자위치검출 숫자특징추출 숫자분류 Support Vector Machine 36

38 전통적인방법의한계 복잡한배경 / 훼손된카드에서성능이떨어짐 37

39 전통적인방법의한계 형태왜곡, 조명변화에민감함 38

40

41 Deep Learning (Deep Neural Network)

42 전통적방법과의차이 영상처리 (= 인간의경험 ) 기계학습 숫자위치검출특징추출숫자분류 기계학습 Deep Learning 숫자위치검출특징추출숫자분류 41

43 Deep Learning (Deep Neural Network) Neural Network 을깊게만들어학습시키는것 Machine Learning 알고리즘중최고의성능을보임 특징 학습을위해많은데이터가필요함 학습시간도오래걸림 GPU 로병렬처리가능 종류 DBN, RNN, CNN, 42

44 CNN (Convolutional Neural Network) 0 1 Convolution Layer Pooling Layer A Z Fully Connected Layer 43

45 44 CNN (Convolutional Neural Network) 0 1 A Z Convolution Layer Pooling Layer Fully Connected Layer Convolution 9) ( 8) ( 7) ( 6) ( 5) ( 4) ( 3) ( 2) ( 1) ( i h g f e d c b a i h g f e d c b a * 영상에서특징을추출하는역할

46 CNN (Convolutional Neural Network) 0 1 Convolution Layer Pooling Layer A Z Fully Connected Layer

47 CNN (Convolutional Neural Network) 0 1 Convolution Layer Pooling Layer A Z Fully Connected Layer

48 CNN (Convolutional Neural Network) 0 1 Pooling Layer A Z Convolution Layer Fully Connected Layer Pooling (sub-sampling) 영상에서크기를줄여줌 Weight 개수축소 ( 효율적계산 ) 영상을추상화 ( 왜곡에 robust) 47

49 CNN (Convolutional Neural Network) 특징추출 인식 0 1 Convolution Layer Pooling Layer A Z Fully Connected Layer 48

50 Deep Learning 기반 신용카드번호인식기

51 전체 flow Deep Neural Network 번호영역검출기 (CNN) reject reject 번호인식기 (CNN) (0.99) (0.98) (0.90) (0.89) (0.99) (0.97) (0.97) (0.99) (0.91) (0.89) (0.99) (0.96) Check Sum (Lunh algorithm) XXXX 50

52 번호검출기와인식기 (CNN) 검출기 인식기 4 51

53 번호검출기와인식기 (CNN) Convolution Pooling 4 Convolution Pooling 52

54 53

55 DB 수집방법 카드수집 카드촬영 ( 조명 / 단말 / 촬영왜곡 variation) 번호라벨링 augmentation overfitting 방지 ( 테스트셋기준, 6%p 성능향상 ) Data Augmentation (scale/rotation/translation/contrast/blur variation) 54

56 55

57 Mobile 최적화방법 ( 속도, 용량 )

58 속도최적화 57

59 CNN weights 줄이기 (Precision) Double Precision / 8 bytes Single Precision / 4 bytes Half Precision / 2 bytes 58

60 CNN weights 줄이기 (Quantization) code book input layer hidden layer output layer 59

61 CNN weights 줄이기 (Quantization) code book input layer hidden layer output layer 60

62 용량최적화 항목 OpenCV Torch7 Network App 리소스합계.apk 용량 2.36MB 2.08MB 2.7MB 0.3MB 7.44MB 4.0MB 용량 ( 최적화후 ) 0MB 1.76MB 0.7MB 0.3MB 2.76MB 1.13MB 61

63 성능비교

64 Deep learning vs 전통적방법 50% 45% 40% 35% 30% 25% 20% NN SVM DNN 분류신뢰도 % 10% 5% 0% error rate 63

65 Global 상용라이브러리와비교 APK 용량 (MB) A 사 B 사 Ours 64

66 Global 상용라이브러리와비교 인식율 20 0 A 사 B 사 Ours 65

67 Global 상용라이브러리와비교 66

68 Global 상용라이브러리와비교 67

69 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

70 Motivation

71 Motivation Global 사업확장으로인한자동번역시스템의필요성증대 중문 11번가 : 시럽스타일중국향서비스 11street for china Syrup style for china Commerce 특화한 - 중자동번역기술 70

72 Motivation Deep-learning 기반기계번역의가능성확인 WMT 2016 기준다수의번역케이스에서 Neural Machine Translation (NMT) 기술이최상위권에포진 네이버, 구글등번역서비스를개발하는회사들에서최근가장관심을보이는기술 WMT 2016 BLEU score results 71

73 History

74 Machine Translation History Rule-Based Machine Translation (RBMT) 형태소분석, 품사태깅등의분석과정과변환사전참조를통해번역문장을생성하는방식 다양한형태의구구조 (phrase structure) 및문법에대한법칙이정의되어있는사전이존재 Source language dictionary : 원시언어에대한법칙사전 Target language dictionary : 목적언어에대한법칙사전 Bilingual dictionary : 원시언어의단어및구를목적언어에맞게변형하는사전 장점 다량의 Bilingual corpus data 가필요없음 사전의수에따라번역품질에한계가없음 제작자혹은관리자에의해완벽히통제될수있음 단점 모든경우의사전제작이사실상불가능 문법 (= 사전의법칙 ) 에맞지않는형태의입력에취약 73

75 Machine Translation History Statistical Machine Translation (SMT) 다량의말뭉치 (=corpus) 로부터번역모델과언어모델을학습하여자연스러운번역문장을생성하는방식 번역모델 (=Translation model) : 생성된문장이원문에얼마나가까운정도인지를나타내는확률모델 언어모델 (=Language model): 생성된번역문장이얼마나자연스러운가를나타내는확률모델 디코더 : 원시언어문장으로부터번역모델과언어모델을통해나온확률값의결합을통해타깃언어문장을찾아내는과정 장점 다량의데이터를통해모델이학습되므로각각의법칙들을전부수작업으로제작해야하는 RBMT 에비해제작이용이 언어모델사용으로자연스러운번역이가능 단점 다량의데이터가필요 특별한오류는예측이나수정이쉽지않음 서로다른단어배치를가지는언어들에대해서취약함 (ex. 한 영 ) 74

76 Machine Translation History Neural Machine Translation (NMT) 다량의말뭉치 (=corpus) 로부터복잡한구문분석없이원시언어와목적언어를대응하여신경망을학습하여 end-to-end 형태로번역을수행하는방식 Encoder : 원시언어를특정 embedding vector 형태로압축하여신경망학습에이용 Decoder : 신경망을통과하여생성된 vector 를목적언어로변환 장점 다량의데이터만있으면쉽게학습이가능 문장전체의정보를이용하므로 SMT에비해컨텍스트정보의반영이쉬움 : 서로다른정렬형태를가지는언어들사이의번역에유리 단점 다량의데이터가필요 오류의예측및수정이쉽지않음 학습이느리고, GPU를사용하기때문에비싼리소스를사용해야함 75

77 Planet NMT( 가칭 )

78 Planet NMT System flowchart Neural machine translation (NMT) 은 end-to-end 시스템으로입력언어문장이출력언어문장으로바로번역이됨 전 / 후처리기를사용하여목적에맞게튜닝가능 Source sentence Preprocessor Planet NMT Postprocessor Target sentence Brief machine translation flowchart 77

79 Planet NMT Bilingual Corpus 구축 여러종류의데이터로구성되어있는데이터구축 문장길이 : 짧은문장 : 긴문장 문장분야 확보방법 : 커머스, 정치, 경제, 사회, 문화, 기술, 스포츠 Open corpus 회사에서보유하고있는 corpus : 중문 11 번가, 시럽스타일등 Corpus 구매 78

80 Planet NMT Pre-processing 번체간체변환 학습데이터및테스트데이터에간헐적으로존재하는번체로인한문제점보완 변환시전체중국어어휘감소및 segmenter의입력이정규화됨 구분 BLEU 전각반각변환 적용전적용후 반각이권장되는문자들에대하여전각을반각으로교체하여통일성유지 구분 반각이권장되는문자들예시 반각! " # 0? { ~ U+ U+0021 U+0022 U+0023 U+0030 U+003F U+007B U+007E 전각! " # 0? { ~ U+ U+FF01 U+FF02 U+FF03 U+FF10 U+FF1F U+FF5B U+FF5E 79

81 Planet NMT Pre-processing 사전에존재하지않는단어처리 사전에존재하지않은단어들을정확히번역해내기위한장치 숫자 / 영어약자등은사전에존재하지는않지만정확히번역해야함 인명, 지명등의경우사전등록이불가능 : 유명한인명, 지명을제외한경우에도일관성있는번역이되게끔처리 구분 예시 한국어저는 7404 년의 NewYorkee 에서왔습니다. 중국어我來自 7404 年的 NewYorkee. 80

82 Planet NMT Preprocessing Tokenizer 각단어를일정한의미가있는말의가장작은단위인형태소로분절 : 한국어의경우표층형과형태소단위에서의성능차이가미미하여표층형형태로분절 : 중국어의경우 Conditional Random Field (CRF) 기반의 segmenter 를사용하여 word 단위로분절 구분 원문 표층형분절 형태소분석 예시 주식시장반등의선도하에지난주 (4 월 11 일부터 15 일까지 ) 중국펀드순자산가치는총체적으로상승했으며상하이 선전 ( 上海, 深圳 ) 펀드지수도상승폭이나타났다. 주식시장반등의선도하에지난주 ( 4 월 11 일부터 15 일까지 ) 중국펀드순자산가치는총체적으로상승했으며상하이 선전 ( 上海, 深圳 ) 펀드지수도상승폭이나타났다. 주식 /NNG 시장 /NNG 반 /NNG 등 /NNB 의 /JKG 선도 /NNG 하 /XSN 에 /JKB 지난 /N NG 주 /NNG (/SSO 4/SN 월 /NNBC 11/SN 일 /NNBC 부터 /JX 15/SN 일 /NNBC 까지 /JX )/SSC 중국 /NNP 펀드 /NNG 순 /NNG 자산 /NNG 가치 /NNG 는 /JX 총체 /NN G 적 /XSN 으로 /JKB 상승 /NNG 하 /XSV 았 /EP 으며 /EC 상하이 /NNP /SY 선전 /N NG (/SSO 上海 /NNG / 深圳 /NNG )/SSC 펀드 /NNG 지수 /NNG 도 /JX 상승 /NNG 폭 /NNG 이 /JKS 나타나 /VV 았 /EP 다 /EF./SF 81

83 Recurrent Neural Network (RNN) CNN RNN 82

84 RNN unfolding 83

85 RNN state 84

86 RNN LSTM Long Short-Term Memory (LSTM) 기존의 RNN의문제점인 gradient vanishing problem을해결 Input / Output / Forget 3개의 gate를두어정보를갱신, 불러오기, 유지하는기능을수행 85

87 RNN Applications Sequence-to-Sequence model 86

88 RNN Applications Sequence-to-Sequence model 87

89 RNN Applications Sequence-to-Sequence model 88

90 RNN Applications Sequence-to-Sequence model 89

91 RNN Applications Sequence-to-Sequence model 90

92 Planet NMT Sequence-to-sequence model Encoder 와 decoder 로구성되어있음 Encoder Decoder 韩语翻译成汉语 <EOS> 한국어를중국어로번역합니다 <EOS> 韩语翻译成汉语 Sequence to sequence model 91

93 Planet NMT Encoder Word embedding: 단어를컴퓨터가이해할수있는숫자로표현하는방식 One-hot representation : N 개의단어가존재하는사전에서의단어를표현할때 N 차원의 vector 를사용 : 가장간단하지만단어들사이의유사성및차이점을표현할수없음 Word2Vec : 단어가가지는의미를기반으로단어를다차원공간에서 벡터화 함 92

94 Planet NMT Word2Vec Word representations with relationship between words 93

95 Planet NMT Sequence-to-sequence model with attention Decoder 韩语翻译成汉语 <EOS> 한국어를중국어로번역합니다 <EOS> Encoder Attention mechanism (from google) 94

96 Planet NMT Sequence-to-sequence model with attention Attention layer Input feeding 95

97 Performance

98 Results 대내외비교 비교군 : 네이버, Baidu, Planet SMT(baseline), Planet NMT SMT : Hierarchical phrase-based machine translation NMT : Sequence-to-sequence with attention model 정량평가 97

99 Results 대내외비교 정성평가 정치 / 경제 / 사회 / 문화 / 커머스각 20 문장씩총 100문장사용 : 0 해석불가, 1 이해할수있음, 2 훌륭함평가 : 200점만점기준 98

100 Results Example 1 원문 海太制果 2 日表示, 据统计, 以 10 月底为准, 蜂蜜黄油薯片的累计销售额突破 2000 亿韩元 번역문 2 일해태제과는 10 월말기준허니버터칩누적매출액이 2000 억원을넘은것으로집계됐다 고밝혔다. Planet NMT 해태제과는 2 일 "10 월말기준으로허니버터칩의누적매출액이 2000 억원을돌파한것으로집계됐다 " 고밝혔다. A 해태제과 통계에따르면 10 월말기준으로허니버터칩의누적매출 2000 억원을돌파하고있다. 이 2 일밝혔다. B 해태시스템과 2 일대해 통계에따르면으로 10 월말까지기준으로꿀버터포테이토칩누적판매돌파 2000 억원. C 해태시스템과 2 일대해 ' 통계에따르면으로 10 월말까지기준으로꿀버터포테이토칩누적판매돌파 2000 억원. " 99

101 Results Example 2 원문 赛季 10 次进入前十名, 作为韩国选手在本赛季最高世界排名第 3 位 奖金排名第 4 位 (1 45 万美元 ) 上写上了自己的名字 번역문 10 차례나톱 10 에들어한국선수로는가장높은세계랭킹 3 위, 상금랭킹 4 위 (145 만달러 ) 에이름을올렸다. Planet NMT 시즌 10 차례톱 10 에들며한국선수로는시즌세계랭킹 3 위, 상금랭킹 4 위 (145 만달러 ) 에자신의이름을썼다. A 시즌 10 회로상위권에들어가는올시즌한국최고선수세계랭킹 3 위상금랭킹 4 위, (145 만달러 ) 에서자신의이름을썼다. B 시즌 10 번진입전열명으로한국선수이번시즌최고세계랭킹세번째, 보너스랭킹 4 분 (145 만달러 ) 위에자신의이름을썼다. C 한국의가장높은세계에서이번시즌세를기록으로시즌 10 위 (10) 가완료되면, 상금순위 4 위 ($ 1.45 백만 ) 에자신의이름을작성합니다. 100

102 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

103 개발배경 상품검색을좀더쉽고편하게! 검색할상품이다양하고많고자주바뀜 102

104 개발배경 상품검색을좀더쉽고편하게! 검색할상품이다양하고많고자주바뀜 Text 검색의어려움 Open Market 의특성상판매자의다량의상품이미지와설명이정제할수없을정도로많이올라옴 상품정제에대한많은노력이필요하나리소스의한계 중복상품이조금다른이미지와다양한설명으로등록 ( 판매자는검색상에서노출이매출을올리는궁극적목적이기때문 ) Keyword 트렌치코트 버튼 벨트 103

105 개발배경 상품검색을좀더쉽고편하게! 검색할상품이다양하고많고자주바뀜 Text 검색의어려움 Open Market 의특성상판매자의다량의상품이미지와설명이정제할수없을정도로많이올라옴 상품정제에대한많은노력이필요하나리소스의한계 중복상품이조금다른이미지와다양한설명으로등록 ( 판매자는검색상에서노출이매출을올리는궁극적목적이기때문 ) 사용자가쉽게상품을찾을수있도록도와주는똑똑한 (= 사람의생각처럼동작하는 ) 검색 104

106 개발목표 영상을 Query 로검색을가능하게하여사용자편의성을증대 To 소비자 : 제한된상황에서도소비자의의도를파악하여정확한상품을검색할수있도록해준다. To 판매자 : 상품관리 ( 이미지, 설명 ) 를보다쉽게하고, 상품노출을확장시켜준다. To 시장 : 효율적이고똑똑한검색을제공해준다. 핵심기능 Machine Learning 을통한이미지분류및상품설명분류 매우빠른 full search 유사성측정및구분 이미지와검색키워드의메타 DB 화를통한사용자 intention 기반 CMS 105

107 전통적방법

108 전체 flow Deep learning 기술적용 티셔츠, 가방, 신발등카테고리예측 카테고리예측 카테고리 : 티셔츠 관심영역추출 Grab-cut + Saliency HoG+SVM 를통한검증 특징추출 Pattern feature Color feature 107

109 카테고리예측 동의어처리 정확한카테고리? Convolution ReLU activation Subsample pooling Fully connected layer Dropout Softmax convolution kernel Deng, Jia, et al. "Hedging your bets: Optimizing accuracy-specificity tradeoffs in large scale visual recognition," CVPR

110 관심영역검출 영역검증 Dense HoG + SVM 109

111 관심영역검출결과 110

112 Visual Search 결과 질의영상 결과 111

113 Deep Learning 기반개선

114 전통방식에의한검색결과고찰 결과가좋은가? 결과가괜찮다. 단, Single object 에대해서는 단순한배경에대해서는 그렇다면진짜잘된것인가? 실제상황은? Multi-object 야외에서의자유로운촬영 주관적판단 유사상품? 113

115 개선방향 여러상품이있어도모두검색할수있도록 Multi-object detection 기술적용 야외에서촬영한것도검색이잘되도록 Deep learning 을적용한 feature extraction 누구나유사하다느낄수있도록 Attribute 기반의인식및분류 114

116 - Open discussion - Ongoing project

117

118 Deep Learning 기반개선 : Detection

119 개발목표 영상내의 Multi-Object 에대해모두검출수행 Faster RCNN 적용 RPN 을 CNN 이후에적용 ROI Pooling layer 를이용각 Region Proposal 에대해 classification 수행 S. Ren et al, Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks, NIPS

120 Detection 실험결과 119

121 Deep Learning 기반개선 : Features

122 Feature Extraction Deep features Feature visualization of convolutional net trained on ImageNet (Zeiler & Fergus, 2013) 121

123 Feature Extraction Deep features C. Szegedy et al. "Going deeper with convolutions," CVPR

124 Feature Extraction Deep feature evaluation 유사상품에대한 ground truth를만드는것은매우어려움 검색결과가명확한공개 DB를대상으로가능성평가하기로함 UKBench DB 대상검색실험 map Deep feature is more suitable for a sort of semantic similarity retrieval application. 123

125 Deep Learning 기반개선 : Attributes

126 Attribute Classification / Recognition 어떤것이비슷한것인가? 동일한 / 유사한속성이있는의류를검색하자! 125

127 Fashion Attribute DB More than 1 million images More than 90 attributes (thousands of unique fashion-styles by their combinations) Maximum 100 MM Almost 1 year Includes ROIs for a fashion item (for detection) 126

128 Fashion Attribute DB Multi-label classification task 127

129 Attribute Classification Simple classification? FC1 FC2 FCN SM1 SM2 SMN Category Collar Sleeve Length Fully Connected Layer Softmax Layer 128

130 Attribute Classification Multi-label classification as sequence generation by using the RNNs RNN 으로접근가능 129

131 Our vision encoder network ResCeption (Residual + Inception) K. He et al. Deep residual learning for image recognition," CVPR

132 Performance evaluation of ResCeption 131

133 Result of Attribute Classification 132

134 Result of Attribute Classification 133

135 Result of Attribute Classification 134

136 Deep Learning 기반개선 : Guided Search

137 Guide information 필요성 사진에서가장두드려져보이는상품은? 사용자가관심있는상품은? 판매자가팔고자하는상품은? 영상에잘인식되는제품이아니라, 판매자가팔고자하는상품이검색되도록, 더나아가서는사용자가관심있는상품이검색되도록!!! 136

138 Guided Attribute Sequence Generation 가방 137

139 Guide information extraction - NLP Parsing & Morphological Analysis Synonym & Stopword dictionary a) Women, cardigan, knit, round-nect b) Women, blouse 138

140 Attribute Classification Results The same inputs but different results by guiding fashion-product information (sequence generation in RNNs) 139

141 패션상품 이미지검색시스템

142 Overall Flow 141

143 Guided Retrieval Results Guide: Jacket - The Guide is automatically extracted from the meta information uploaded by the seller. - User input is also possible! 142

144 Guided Retrieval Results Guide: Bag - The Guide is automatically extracted from the meta information uploaded by the seller. - User input is also possible! 143

145 Guided Retrieval Results Guide: Shoes - The Guide is automatically extracted from the meta information uploaded by the seller. - User input is also possible! 144

146 Other Results 145

147 Other Results 146

148 Other Results 147

149 1. SK플래닛소개 2. Deep Learning의가능성 3. 모바일신용카드인식기술 4. 자동번역기술 5. 패션이미지검색기술 6. 맺음말

150 High Performance New Algorithms Big Data HW (GPU) Human Perception 149

151 Thank you.

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

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5>

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

More information

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

김기남_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

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

(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

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

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

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

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

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

(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

<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

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

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

(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

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

<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

_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

(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

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

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

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

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

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

딥러닝 첫걸음

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

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

딥러닝NLP응용_이창기

딥러닝NLP응용_이창기 딥러닝과 자연어처리 응용 강원대학교 IT대학 이창기 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network Recurrent Neural Network Many NLP problems can be viewed

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

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

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

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

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 CRM Fair 2004 Spring Copyright 2004 DaumSoft All rights reserved. INDEX Copyright 2004 DaumSoft All rights reserved. Copyright 2004 DaumSoft All rights reserved. Copyright 2004 DaumSoft All rights reserved.

More information

untitled

untitled 전방향카메라와자율이동로봇 2006. 12. 7. 특허청전기전자심사본부유비쿼터스심사팀 장기정 전방향카메라와자율이동로봇 1 Omnidirectional Cameras 전방향카메라와자율이동로봇 2 With Fisheye Lens 전방향카메라와자율이동로봇 3 With Multiple Cameras 전방향카메라와자율이동로봇 4 With Mirrors 전방향카메라와자율이동로봇

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

歯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

02(848-853) SAV12-19.hwp

02(848-853) SAV12-19.hwp 848 정보과학회논문지 : 소프트웨어 및 응용 제 39 권 제 11 호(2012.11) 3차원 객체인식을 위한 보완적 특징점 기반 기술자 (Complementary Feature-point-based Descriptors for 3D Object Recognition) 장영균 김 주 환 문 승 건 (Youngkyoon Jang) (Ju-Whan Kim) (Seung

More information

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

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

More information

본문01

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

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

Output file

Output file 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 An Application for Calculation and Visualization of Narrative Relevance of Films Using Keyword Tags Choi Jin-Won (KAIST) Film making

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

보고싶었던 Deep Learning과 OpenCV를이용한이미지처리과정에대해공부를해볼수있으며더나아가 Deep Learning기술을이용하여논문을작성하는데많은도움을받을수있으며아직배우는단계에있는저에게는기존의연구를따라해보는것만으로도큰발전이있다고생각했습니다. 그래서이번 DSP스마

보고싶었던 Deep Learning과 OpenCV를이용한이미지처리과정에대해공부를해볼수있으며더나아가 Deep Learning기술을이용하여논문을작성하는데많은도움을받을수있으며아직배우는단계에있는저에게는기존의연구를따라해보는것만으로도큰발전이있다고생각했습니다. 그래서이번 DSP스마 특성화사업참가결과보고서 작성일 2017 12.22 학과전자공학과 참가활동명 EATED 30 프로그램지도교수최욱 연구주제명 Machine Learning 을이용한얼굴학습 학번 201301165 성명조원 I. OBJECTIVES 사람들은새로운사람들을보고인식을하는데걸리는시간은 1초채되지않다고합니다. 뿐만아니라사람들의얼굴을인식하는인식률은무려 97.5% 정도의매우높은정확도를가지고있습니다.

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 Reasons for Poor Performance Programs 60% Design 20% System 2.5% Database 17.5% Source: ORACLE Performance Tuning 1 SMS TOOL DBA Monitoring TOOL Administration TOOL Performance Insight Backup SQL TUNING

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

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

More information

*º¹ÁöÁöµµµµÅ¥-¸Ô2Ä)

*º¹ÁöÁöµµµµÅ¥-¸Ô2Ä) 01 103 109 112 117 119 123 142 146 183 103 Guide Book 104 105 Guide Book 106 107 Guide Book 108 02 109 Guide Book 110 111 Guide Book 112 03 113 Guide Book 114 115 Guide Book 116 04 117 Guide Book 118 05

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

PowerPoint Presentation

PowerPoint Presentation 기계학습을통한 시계열데이터분석및 금융시장예측응용 울산과학기술원 전기전자컴퓨터공학부최재식 얼굴인식 Facebook 의얼굴인식기 (DeepFace) 가사람과비슷한인식성능을보임 문제 : 사진에서연애인의이름을맞추기 사람의인식율 : 97.5% vs DeepFace 의인식률 : 97.35% (2014 년 3 월 ) 물체인식 ImageNet (http://image-net.org):

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

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

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

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

°í¼®ÁÖ Ãâ·Â

°í¼®ÁÖ Ãâ·Â Performance Optimization of SCTP in Wireless Internet Environments The existing works on Stream Control Transmission Protocol (SCTP) was focused on the fixed network environment. However, the number of

More information

272 石 堂 論 叢 49집 기꾼이 많이 확인된 결과라 할 수 있다. 그리고 이야기의 유형이 가족 담, 도깨비담, 동물담, 지명유래담 등으로 한정되어 있음도 확인하였 다. 전국적인 광포성을 보이는 이인담이나 저승담, 지혜담 등이 많이 조사되지 않은 점도 특징이다. 아울

272 石 堂 論 叢 49집 기꾼이 많이 확인된 결과라 할 수 있다. 그리고 이야기의 유형이 가족 담, 도깨비담, 동물담, 지명유래담 등으로 한정되어 있음도 확인하였 다. 전국적인 광포성을 보이는 이인담이나 저승담, 지혜담 등이 많이 조사되지 않은 점도 특징이다. 아울 271 부산지역 구비설화 이야기꾼의 현황과 특징 정 규 식* 1) - 목 차 - Ⅰ. 서론 Ⅱ. 부산지역 구비설화 이야기꾼의 전반적 현황 1. 이야기꾼의 여성 편중성 2. 구연 자료의 민요 편중성 3. 이야기꾼의 가변적 구연력 4. 이야기 유형의 제한성 5. 이야기꾼 출생지의 비부산권 강세 Ⅲ. 부산지역 구비설화 이야기꾼의 특징 Ⅳ. 결론 개 요 본고의 목적은

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

(JBE Vol. 22, No. 2, March 2017) (Special Paper) 22 2, (JBE Vol. 22, No. 2, March 2017) ISSN

(JBE Vol. 22, No. 2, March 2017) (Special Paper) 22 2, (JBE Vol. 22, No. 2, March 2017)   ISSN (Special Paper) 22 2, 2017 3 (JBE Vol. 22, No. 2, March 2017) https://doi.org/10.5909/jbe.2017.22.2.162 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) Convolutional Neural Network a), b), a), a), Facial

More information

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

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

More information

(JBE Vol. 24, No. 4, July 2019) (Special Paper) 24 4, (JBE Vol. 24, No. 4, July 2019) ISSN

(JBE Vol. 24, No. 4, July 2019) (Special Paper) 24 4, (JBE Vol. 24, No. 4, July 2019)   ISSN (JBE Vol. 24, No. 4, July 2019) (Special Paper) 24 4, 2019 7 (JBE Vol. 24, No. 4, July 2019) https://doi.org/10.5909/jbe.2019.24.4.564 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) Integral Regression

More information

融合先验信息到三维重建 组会报 告[2]

融合先验信息到三维重建  组会报 告[2] [1] Crandall D, Owens A, Snavely N, et al. "Discrete-continuous optimization for large-scale structure from motion." (CVPR), 2011 [2] Crandall D, Owens A, Snavely N, et al. SfM with MRFs: Discrete-Continuous

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

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

,. 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

Gray level 변환 및 Arithmetic 연산을 사용한 영상 개선

Gray level 변환 및 Arithmetic 연산을 사용한 영상 개선 Point Operation Histogram Modification 김성영교수 금오공과대학교 컴퓨터공학과 학습내용 HISTOGRAM HISTOGRAM MODIFICATION DETERMINING THRESHOLD IN THRESHOLDING 2 HISTOGRAM A simple datum that gives the number of pixels that a

More information

07.045~051(D04_신상욱).fm

07.045~051(D04_신상욱).fm J. of Advanced Engineering and Technology Vol. 1, No. 1 (2008) pp. 45-51 f m s p» w Á xá zá Ÿ Á w m œw Image Retrieval Based on Gray Scale Histogram Refinement and Horizontal Edge Features Sang-Uk Shin,

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

자연언어처리

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

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

정보기술응용학회 발표

정보기술응용학회 발표 , 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

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

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

U.Tu System Application DW Service AGENDA 1. 개요 4. 솔루션 모음 1.1. 제안의 배경 및 목적 4.1. 고객정의 DW구축에 필요한 메타정보 생성 1.2. 제품 개요 4.2. 사전 변경 관리 1.3. 제품 특장점 4.3. 부품화형

U.Tu System Application DW Service AGENDA 1. 개요 4. 솔루션 모음 1.1. 제안의 배경 및 목적 4.1. 고객정의 DW구축에 필요한 메타정보 생성 1.2. 제품 개요 4.2. 사전 변경 관리 1.3. 제품 특장점 4.3. 부품화형 AGENDA 1. 개요 4. 솔루션 모음 1.1. 제안의 배경 및 목적 4.1. 고객정의 DW구축에 필요한 메타정보 생성 1.2. 제품 개요 4.2. 사전 변경 관리 1.3. 제품 특장점 4.3. 부품화형 언어 변환 1.4. 기대 효과 4.4. 프로그램 Restructuring 4.5. 소스 모듈 관리 2. SeeMAGMA 적용 전략 2.1. SeeMAGMA

More information

09È«¼®¿µ 5~152s

09È«¼®¿µ5~152s Korean Journal of Remote Sensing, Vol.23, No.2, 2007, pp.45~52 Measurement of Backscattering Coefficients of Rice Canopy Using a Ground Polarimetric Scatterometer System Suk-Young Hong*, Jin-Young Hong**,

More information

3 : OpenCL Embedded GPU (Seung Heon Kang et al. : Parallelization of Feature Detection and Panorama Image Generation using OpenCL and Embedded GPU). e

3 : OpenCL Embedded GPU (Seung Heon Kang et al. : Parallelization of Feature Detection and Panorama Image Generation using OpenCL and Embedded GPU). e (JBE Vol. 19, No. 3, May 2014) (Special Paper) 19 3, 2014 5 (JBE Vol. 19, No. 3, May 2014) http://dx.doi.org/10.5909/jbe.2014.19.3.316 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) OpenCL Embedded GPU

More information

[ReadyToCameral]RUF¹öÆÛ(CSTA02-29).hwp

[ReadyToCameral]RUF¹öÆÛ(CSTA02-29).hwp RUF * (A Simple and Efficient Antialiasing Method with the RUF buffer) (, Byung-Uck Kim) (Yonsei Univ. Depth of Computer Science) (, Woo-Chan Park) (Yonsei Univ. Depth of Computer Science) (, Sung-Bong

More information

6 : (Gicheol Kim et al.: Object Tracking Method using Deep Learing and Kalman Filter) (Regular Paper) 24 3, (JBE Vol. 24, No. 3, May 2019) http

6 : (Gicheol Kim et al.: Object Tracking Method using Deep Learing and Kalman Filter) (Regular Paper) 24 3, (JBE Vol. 24, No. 3, May 2019) http (Regular Paper) 24 3, 2019 5 (JBE Vol. 24, No. 3, May 2019) https://doi.org/10.5909/jbe.2019.24.3.495 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a), a), b), b), b), a) Object Tracking Method using

More information

PCServerMgmt7

PCServerMgmt7 Web Windows NT/2000 Server DP&NM Lab 1 Contents 2 Windows NT Service Provider Management Application Web UI 3 . PC,, Client/Server Network 4 (1),,, PC Mainframe PC Backbone Server TCP/IP DCS PLC Network

More information

KCC2011 우수발표논문 휴먼오피니언자동분류시스템구현을위한비결정오피니언형용사구문에대한연구 1) Study on Domain-dependent Keywords Co-occurring with the Adjectives of Non-deterministic Opinion

KCC2011 우수발표논문 휴먼오피니언자동분류시스템구현을위한비결정오피니언형용사구문에대한연구 1) Study on Domain-dependent Keywords Co-occurring with the Adjectives of Non-deterministic Opinion KCC2011 우수발표논문 휴먼오피니언자동분류시스템구현을위한비결정오피니언형용사구문에대한연구 1) Study on Domain-dependent Keywords Co-occurring with the Adjectives of Non-deterministic Opinion 요약 본연구에서는, 웹문서로부터특정상품에대한의견문장을분석하는오피니언마이닝 (Opinion

More information

2002년 2학기 자료구조

2002년 2학기 자료구조 자료구조 (Data Structures) Chapter 1 Basic Concepts Overview : Data (1) Data vs Information (2) Data Linear list( 선형리스트 ) - Sequential list : - Linked list : Nonlinear list( 비선형리스트 ) - Tree : - Graph : (3)

More information

<4D F736F F F696E74202D203137C0E55FBFACBDC0B9AEC1A6BCD6B7E7BCC72E707074>

<4D F736F F F696E74202D203137C0E55FBFACBDC0B9AEC1A6BCD6B7E7BCC72E707074> SIMATIC S7 Siemens AG 2004. All rights reserved. Date: 22.03.2006 File: PRO1_17E.1 차례... 2 심벌리스트... 3 Ch3 Ex2: 프로젝트생성...... 4 Ch3 Ex3: S7 프로그램삽입... 5 Ch3 Ex4: 표준라이브러리에서블록복사... 6 Ch4 Ex1: 실제구성을 PG 로업로드하고이름변경......

More information

Stage 2 First Phonics

Stage 2 First Phonics ORT Stage 2 First Phonics The Big Egg What could the big egg be? What are the characters doing? What do you think the story will be about? (큰 달걀은 무엇일까요? 등장인물들은 지금 무엇을 하고 있는 걸까요? 책은 어떤 내용일 것 같나요?) 대해 칭찬해

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 CRM Data Quality Management 2003 2003. 11. 11 (SK ) hskim226@skcorp.com Why Quality Management? Prologue,,. Water Source Management 2 Low Quality Water 1) : High Quality Water 2) : ( ) Water Quality Management

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

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

More information

15_3oracle

15_3oracle Principal Consultant Corporate Management Team ( Oracle HRMS ) Agenda 1. Oracle Overview 2. HR Transformation 3. Oracle HRMS Initiatives 4. Oracle HRMS Model 5. Oracle HRMS System 6. Business Benefit 7.

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 ㆍ Natural Language Understanding 관련기술 ㆍ Semantic Parsing Conversational AI Natural Language Understanding / Machine Learning ㆍEntity Extraction and Resolution - Machine Learning 관련기술연구개발경험보유자ㆍStatistical

More information

160322_ADOP 상품 소개서_1.0

160322_ADOP 상품 소개서_1.0 상품 소개서 March, 2016 INTRODUCTION WHO WE ARE WHAT WE DO ADOP PRODUCTS : PLATON SEO SOULTION ( ) OUT-STREAM - FOR MOBILE ADOP MARKET ( ) 2. ADOP PRODUCTS WHO WE ARE ADOP,. 2. ADOP PRODUCTS WHAT WE DO ADOP,.

More information

Microsoft PowerPoint - Java7.pptx

Microsoft PowerPoint - Java7.pptx HPC & OT Lab. 1 HPC & OT Lab. 2 실습 7 주차 Jin-Ho, Jang M.S. Hanyang Univ. HPC&OT Lab. jinhoyo@nate.com HPC & OT Lab. 3 Component Structure 객체 (object) 생성개념을이해한다. 외부클래스에대한접근방법을이해한다. 접근제어자 (public & private)

More information

산선생의 집입니다. 환영해요

산선생의 집입니다. 환영해요 Biped Walking Robot Biped Walking Robot Simulation Program Down(Visual Studio 6.0 ) ). Version.,. Biped Walking Robot - Project Degree of Freedom : 12(,,, 12) :,, : Link. Kinematics. 1. Z (~ Diablo Set

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

24011001-26102015000.ps

24011001-26102015000.ps news 02 한줄 News www.metroseoul.co.kr 2015년 10월 26일 월요일 정치 사회 The price of gold is going up again 군 가운데 정부가 감정노동자 보호를 위한 법 개 정에 나서 이목이 집중된다 다시 뛰는 금값 Gold funds are receiving at ttentions again since there

More information

1-1-basic-43p

1-1-basic-43p A Basic Introduction to Artificial Neural Network (ANN) 도대체인공신경망이란무엇인가? INDEX. Introduction to Artificial neural networks 2. Perceptron 3. Backpropagation Neural Network 4. Hopfield memory 5. Self Organizing

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

<3130C0E5>

<3130C0E5> Redundancy Adding extra bits for detecting or correcting errors at the destination Types of Errors Single-Bit Error Only one bit of a given data unit is changed Burst Error Two or more bits in the data

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

SchoolNet튜토리얼.PDF

SchoolNet튜토리얼.PDF Interoperability :,, Reusability: : Manageability : Accessibility :, LMS Durability : (Specifications), AICC (Aviation Industry CBT Committee) : 1988, /, LMS IMS : 1997EduCom NLII,,,,, ARIADNE (Alliance

More information

04_오픈지엘API.key

04_오픈지엘API.key 4. API. API. API..,.. 1 ,, ISO/IEC JTC1/SC24, Working Group ISO " (Architecture) " (API, Application Program Interface) " (Metafile and Interface) " (Language Binding) " (Validation Testing and Registration)"

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

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

Oracle Apps Day_SEM

Oracle Apps Day_SEM Senior Consultant Application Sales Consulting Oracle Korea - 1. S = (P + R) x E S= P= R= E= Source : Strategy Execution, By Daniel M. Beall 2001 1. Strategy Formulation Sound Flawed Missed Opportunity

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