PowerPoint 프레젠테이션

Size: px
Start display at page:

Download "PowerPoint 프레젠테이션"

Transcription

1 Introduction to Deep Learning and Neural Networks Vision Modeling Lab. Division of Electrical Engineering Hanyang University, ERICA Campus

2 2 Contents Machine learning Artificial Neural Network (ANN) 신경망의역사와최근의딥러닝 Python & Numpy Python & Numpy란? 예제 PyTorch Linear Regression 예제 PyTorch 를이용한수기 (Handwritten) 숫자분류기구현

3 3 Machine learning 머신러닝 ( 영어 : machine learning) 또는기계학습 ( 機械學習 ) 은인공지능의한분야로, 컴퓨터가학습할수있도록하는알고리즘과기술을개발하는분야를말한다. 가령, 기계학습을통해서수신한이메일이스팸인지아닌지를구분할수있도록훈련할수있다 년, 아서사무엘은기계학습을 컴퓨터에게배울수있는능력, 즉코드로정의하지않은동작을실행하는능력에대한연구분야 라고정의하였다. -Wikipedia

4 4 Machine learning Supervised learning Classification Regression UnSupervised learning Clustering Underlying Probability Density Estimation SVM(Classification) SemiSupervised learning Reinforcement learning 군집화 (Clustering) 참고문헌 : Wikipedia

5 5 최근딥러닝의결과

6 출력신력신호6 인공신경망 (ANN) 입 뉴런의구조 호사진출처 : 입력신호의합이역치를넘으면출력단에신호 ( 자극 ) 을보냄 &proxyReferer=https%3A%2F%2Fwww.google.co.kr%2F

7 7 인공신경망 (ANN) 퍼셉트론구조 x1 x2 w1 w2 Activation function x3 w3 ΣΣ xi wi ΣΣww ii xx ii = ww TT xx 입력단에가중치를곱한것의합이 activation function 의역치를넘기면 1 을그렇지않으면 -1 을넘겨주도록모델링함.

8 8 퍼셉트론의동작예제 OR 분류문제 c a d b a = (0,0), tt aa = 1 b = (1,0), tt bb = 1 c = (0,1), tt cc = 1 d = (1,1), tt dd = c d Solution! d(x,y) = yy + xx 1 2 = 0 a b * 엄밀히 unique 한 sol 은아님 d(x,y)

9 9 퍼셉트론의동작예제 OR 분류문제 d(x,y) = yy + xx 1 + = 0 2 c d - a b 퍼셉트론구조에적용! ττ ss = +1, ss 0 1, ss < 0 Activation function x y 1 ΣΣ 1 ΣΣww ii xx ii = ww TT xx

10 10 퍼셉트론의동작예제 Does it really work? dd aa = = 1 2 ττ dd aa = 1 dd bb = = 1 2 dd cc = = 1 2 dd dd = = 3 2 ττ dd bb = 1 ττ dd cc = 1 ττ dd dd = 1 It works! c a d b a = (0,0), tt aa = 1 b = (1,0), tt bb = 1 c = (0,1), tt cc = 1 d = (1,1), tt dd = 1

11 퍼셉트론학습 퍼셉트론학습이란? 훈련집합 XX = xx 11, tt 11, xx 11, tt 11,, xx NN, tt NN 이주어졌을때이들을옳게분류하는퍼셉트론을찾는것. 즉, ww 와 bb 를찾는문제가됨. 11 x1 x2 w1 w2 Activation function x3 w3 ΣΣ xi wi ΣΣww ii xx ii = ww TT xx

12 12 퍼셉트론학습 일반적인패턴인식의학습알고리즘의설계 3 단계 1. 분류기구조를정의하고분류과정을수학적으로표현. Ex) 단일퍼셉트론구조등 2. 분류기의품질을측정할수있는비용함수 JJ(θθ) 를정의. Ex) JJ(θθ) = ff(ww TT xx + bb) yy, ff xx : aaaaaaaaaaaaaaaaaaaa ffffffff 3. JJ(θθ) 를최대최소로하는 θθ 를찾기위한알고리즘을설계. JJ θθ 0 인 θθ 를찾아야하며, 최적화알고리즘으로 gradient descent 등이있음.

13 13 Gradient descent method Main idea JJ(θθ) iiiiiiiiiiii pppppppppp JJ mmmmmm (θθ) θθ 사진출처 :

14 14 Sigmoid Gradient descent method 는미분가능해야사용가능! Sigmoid function 비선형함수 전구간미분가능함. 계산이간단하며, 미분한값역시계산이간단함. Binary mode, Bipolar mode가있음. Binary mode Bipolar mode 사진출처 :

15 15 Relu function Sigmoid 보다더좋은성능을보이는 Relu function! Relu function Sigmoid function 의미분함수의양단은 0 에가까워지므로, 학습이진행될수록 gradient 가 0 에수렴해질가능성이생긴다. Relu function 은 미분계산이매우간단해짐 학습속도가매우빨라진다 ( 빠르게수렴 ) Input node 의반이 0 의값을가지게됨으로써 hidden node 가 sparse 해지는효과를갖고, over fitting 문제를완화해준다. 사진출처 :

16 16 Gradient descent method Update rule θθ h + 1 = θθ h ρρ h JJ θθ θθ, ρρ h : 학습률 ww h + 1 = ww h + ρρ(h) bb h + 1 = bb h + ρρ(h) JJ θθ ww JJ θθ bb ww h + 1 = ww h + ρρ(h) xxkk YY tt kk xx kk ) ww = ww bb, xx kk = xx kk 1

17 OR 분류기학습예제 JJ(θθ) = xxkk YY( tt kk )(ww TT xx kk + bb) Y는책정된 θθ가틀리게분류한샘플집합. tt kk 가양수이며, 오분류된경우, ww TT xx kk + bb < 0 tt kk ww TT xx kk + bb > 0 tt kk 가음수이며, 오분류된경우, ww TT xx kk + bb > 0 tt kk ww TT xx kk + bb > 0 따라서, θθ 가적절히분류하는경우에는 cost function 이줄어들게되어있음. 17 grrrrrrrrrrrrrr dddddddddddddd mmmmmmmmmmm θθ h + 1 = θθ h ρρ h JJ θθ θθ, ρρ h : 학습률 JJ θθ ww JJ θθ bb = xx kk YY tt kk xx kk = xx kk YY tt kk ww h + 1 = ww h + ρρ(h) xxkk YY tt kk xx kk bb h + 1 = bb h + ρρ(h) xxkk YY tt kk ww h + 1 = ww h + ρρ(h) xxkk YY tt kk xx kk ) ww = ww bb, xx kk = xx kk 1

18 18 OR 분류기학습예제 JJ(θθ) = xxkk YY( tt kk )(ww TT xx kk + bb) Init: ww 0 = 0.5,0.75 TT, bb 0 = dd xx = 0.5xx xx (1) 1 st generation YY = aa, bb ww 1 = ww tt aa aa + tt bb bb = bb 1 = bb tt aa + tt bb = = = , dd xx = 0.1xx xx (2) YY = a ww 2 = ww tt aa aa = bb 2 = bb tt aa = = dd xx = 0.1xx xx (3) YY = b ww 3 = ww tt bb bb = bb 3 = bb tt bb = = nd generation = , 3 rd generation = , 참고문헌 : OR 분류기학습예제 - 패턴인식 ( 오일석 )

19 19 OR 분류기학습예제 dd xx = 0.3xx xx (4) YY = aa ww 4 = ww tt aa aa = bb 4 = bb tt aa = = dd xx = 0.3xx xx (5) 4 th generation = , 5 th generation 4 5 c a d b 2 1 3

20 20 다층퍼셉트론의필요성 XOR 등의선형분리불가능한상황을다룬다면? c d?? c d a 단일직선으론분류불가능 ( 선형분리불가 ) b b a 두개의직선으로분류문제해결!

21 21 XOR 문제와 MLP c d a + b - perceptron1 + - perceptron2 sample Feature vector 1 st process 2 nd process x1 x2 percep1 percep2 percep3 a b c d

22 22 XOR 문제와 MLP Activation function x y 1 x y 1 ΣΣ ΣΣ -1 ΣΣww ii xx ii = ww TT xx Activation function ΣΣww ii xx ii = ww TT xx percep1 percep2 1 x y ΣΣ 1 Activation function ΣΣww ii xx ii = ww TT xx percep3 Multilayer perceptron (MLP)

23 23 General MLP 전방계산 dd zz ssssss jj = xx ii uu iiii + uu 0jj ii=0 zz jj = ττ zz ssssmmjj pp oo ssssss kk = zz jj vv jjjj + vv 0kk jj=1 oo kk = ττ(oo ssssss kk ) 사진출처 : 패턴인식 ( 오일석 )

24 Back propagation algorithm Back propagation algorithm 이란전방계산이후출력층에서출발하여반대방향으로오류를줄이는방향으로의가중치를갱신하는알고리듬이다. 24 Update! Update! Error Calculation 사진출처 : 패턴인식 ( 오일석 )

25 25 History of Neural Networks 자료출처 : Junmo Kim, Deep Learning for Computer Vision

26 26 Recent deep learning Convolutional Neural Networks (CNN) 이미지를위한딥러닝 이미지컨볼루션연산을기본으로함 제한된영역안에서만반응하는시각신경세포구조를닮음 자료출처 : Lecun et al., 1998,

27 27 Recent deep learning Convolutional Neural Networks (CNN) Alexnet Object categorization을위한네트워크 7 레이어, 650K 뉴런, 60M 파라메터 2개의 GPU 사용일주일간학습 ImageNet challenge 2012에서우승 2등과는인식률 10% 차이 이후발전을거듭해현재의딥러닝은물체분류를사람보다잘함 자료출처 : Krizhevsky et al., NIPS 2012

28 28 Recent deep learning Recurrent Neural Network (RNN)

29 29 Recent deep learning Memory network 정보를저장하고이를바탕으로복잡한판단을수행 자료출처 : Sukhbaatar et al., 2015

30 30 Recent deep learning Generative Adversarial Network Unsupervised learning 학습데이터셋과비슷한이미지를생성하는네트워크 Generator 와 Discriminator 가경쟁하며학습 Redford et al., 2016

31 Python Python이란? 파이썬은 1991년프로그래머인귀도벤로섬이발표한프로그래밍언어 인터프리터식, 객체지향적, 동적타이핑대화형언어 파이썬의특징 인간의언어와유사함 간결하여사용하기쉬움 비동기식코딩 자바보다뛰어난멀티패러다임접근방식 파이썬과다른언어와의차이점 컴파일언어인 C 와달리인터프리터언어인파이썬은느린경우가많음 C와같은형식이긴하나더간단하고명료한편. 파이썬은여러언어들의특성들을가져온객체지향성언어. 31 참고문헌 : Wikipedia, 점프투파이썬

32 Python Python 에서의객체 (Object) Python 에서의객체라는것은함수, 모듈, 리스트, 튜플등모든것을객체라고칭함. 32 Import Package 파이썬에선라이브러리를통해다른프로그래밍을할수있음. EX)Numpy, TensorFlow, Matplotlib 참고문헌 : Wikipedia, 점프투파이썬, 누구나할수있는프로그래밍

33 Run Pycharm Pycharm 이란? 파이참은파이썬의 IDE(Integrated Development Environment). IDE 는통합개발환경으로개발자가소프트웨어개발과정에서필요한모든작업을하나의소프트웨어처리할수있도록환경제공. 파이참시작하기 33 참고문헌 : Wikipedia

34 34 Python 예제 Print function usages For + If/else 참고문헌 : Sjchoi101 Github

35 35 Python 예제 Make a function String operations

36 36 Python 예제 List Dictionary

37 37 Python 예제 Class

38 38 Python 예제 For 문을이용한 list print 함수와행렬곱을생성 for 문행렬곱함수 아래주어진 list로행렬곱을실행하는함수를만들것. 행렬사이즈가맞지않으면메시지를출력 (if문) 함수를사용하여실제로행렬곱한결과를출력할것 참고문헌 : Sjchoi101 Github

39 NumPy Numpy 란? Numerical Python 의줄임말로고성능의수치계산을하기위해만들어진 Python package 효율적인데이터분석위한툴 Numpy 의특징 벡터, 매트릭스고수준의배열과학계산이가능 입력값세트를통해계산이반복될때배열로데이터를나타내는것이자연스럽고편함. Numpy 의핵심기능은 C 로구현 ( 파이썬용 C 라이브러리 ) BLAS/LAPACK 기반 빠른수치계산을위한 structured Array 제공 오직같은종류의데이터만을배열에추가할수있음 39 참고문헌 : Wikipedia,

40 40 NumPy Python List vs NumPy Array Python List 여러가지타입의원소 메모리용량이크고속도가느림 Nesting 가능 전체연산불가능 Numpy Array 동일타입의원소 메모리최적화및계산속도향상 크기 (dimension) 이명확하게정의 전체연산가능

41 41 Numpy 예제 Load Packages, Rank n array Random(uniform,Gaussian) 참고문헌 : Sjchoi101 Github

42 42 Numpy 예제 Generation ones, zeros, Identity Product and addition and Matrix product

43 43 Numpy 예제 Get Row

44 44 Numpy 예제 Data Types & Array math

45 45 Numpy 예제 행렬 A,B,C,D 를만들어식을실행하는코드를만들기 다음수식을계산하는함수를만들것. 행렬은같은차원을가지고있어야함 행렬끼리차원이맞지않으면메시지를출력 곱셈은행렬곱으로이루어짐 완성된함수를바탕으로여러입력행렬을처리하고그결과를출력하는코드를만들것.

46 matplotlib Matplotlib 파이썬라이브러리중플롯을그릴때주로쓰이는 2D,3D 플로팅패키지이다 46

47 47 matplotlib Matplotlib 식과그림을보고 line2 를만들어내자

48 Pytorch Pytorch 란? 파이토치 (Pytorch) 는딥러닝라이브러리로계산그래프를정의하는데있어서 tensorflow 보다용의하며최근그유용성으로인해많은관심을받고있는라이브러리이다. 48 Computational graph? 계산그래프는수학계산과데이터의흐름을노드 (Node) 와엣지 (Edge) 사용한방향그래프 (Directed Graph) 로표현한다. 노드는수학적계산, 데이터입 / 출력, 그리고데이터의읽기 / 저장등의작업을수행한다 엣지는노드들간데이터의입출력관계를나타낸다. 엣지동적사이즈의다차원데이터배열 (= 텐서 ) 을실어나르게된다. 참고문헌 : Wikipedia, Tensorflow internal from Cho Hyunghun

49 Pytorch Pytorch 특징 Dynamic computational graph 생성을통한프로그래밍의용의함 Numpy 와 python 친화적인인터페이스 데이터처리나기존의모델을편하게사용할수있는라이브러리제공 Multi-GPU, Multi-CPU 를활용한분산컴퓨팅을제공 Python 과 C++ 를지원 Pytorch 개념 오퍼레이션 (Operation) 텐서를입력으로임의의계산을수행함 Pytorch 는동적으로 tensor 와 operation 을통해계산그래프를생성함 텐서 (Tensor) 원래의미는 2 차원이상의배열이지만 pytorch 에선임의의차원을가진배열을의미 네트워크의처리결과값과입력받은데이터등다양한정보를담을수있음 49 참고문헌 : Wikipedia, Tensorflow internal from Cho Hyunghun

50 Pytorch 계산그래프를사용하는이유는? 딥러닝네트워크를학습하기위해서는입력과 loss 함수사이의네트워크에대한미분을계산하는것이필요하다. 미분은 chain rule 을통하여계산됨으로연산과 tensor 사이의종속관계를저장하는것이필요하다. 또한계산그래프는함수의역할을함으로변하는입력데이터에대하여같은 operation 을적용할수있게된다. 50 Pytorch 예제및 corresponding computation graph 참고문헌 : Wikipedia, Tensorflow internal from Cho Hyunghun

51 Pytorch 다양한실행모드 싱글디바이스혹은멀티디바이스등다양한디바이스에서수행가능 51 Client process Master process Worker Process 1 GPU Worker Process 2 GPU Worker Process 3 GPU GPU CPU GPU CPU GPU CPU 참고문헌 : Wikipedia, Tensorflow internal from Cho Hyunghun

52 Pytorch 예제 (linear regression) 52

53 53 Pytorch 예제 (linear regression) Pytorch, numpy, matplotlib Load Packages 파이썬에서필요한 Package 를 import 하여사용 Load packages np.random.random(x,y): x*y 짜리 random np array 를생성. np.zeros(x,y): x*y 짜리 zeros np array 생성 np.random.normal: x*y 짜리 normal distribution 으로부터추출된 np array 생성 Prepare train point set <-solution

54 Pytorch 예제 (linear regression) Plot training data plt.figure(x): x번째 figure generate plt.plot(x,y,color,label): x좌표와 y좌표를갖는포인트들을 color로플롯팅 plt.legend(): lengend의위치조정관장 54 pytorch 변수선언 tensor: gradient 계산에포함되는변수선언입력과모델 parameter 등이이에해당하며 require_grad 인자를통해 gradient 를 update 의영향을받을지말지를결정하는것이가능하다.

55 55 Pytorch 예제 (linear regression) 변수와데이터 X,Y의선형관계를정의한다.(30) aaaaaaaaaaaaaaaaaaaa( AA 와 BB 로추정된 YY) = AAAA + BB Mean Square Error 로 cost function 을정의한다.(31) 1 nn nn ii=1 aaaaaaaaaaaaaaaaaann ii YY ii 2 최적화방법을정의해준다.(26) torch.optim.sgd([parameters], learning_rate) 모델계산과 loss 식계산

56 Pytorch 예제 (linear regression) Forward propagation 의결과를이용하여 back loss 를계산하고 parameter 를 update 함 (37~39) Update 된결과 W b 와변화한 loss 값을매 step 출력함 (41~42) 매 25 step 마다 W b 값을이용하여추정된선을 plot 함 (44~47) 56

57 57 Pytorch 예제 (linear regression) 결과물 Solution was (a = 0.25, b = 0.76)

58 Pytorch 예제 (linear regression) yy = xx 22 + aaaa + bb, a= 0.25, b = 0.75 에 noise 를추가한 train set 을학습시켜, a 와 b 를얻어내기

59 Multi Layer Perceptron MNIST Example 전체코드

60 Multi Layer Perceptron MNIST Example 전체코드

61 61 Multi Layer Perceptron MNIST Example 라이브러리 import, train/test set 불러오기 Mnist set Set Network parameter 2층의 hidden layer를갖는 MLP network 구축 ( 총 4층 ) Input과 output, hidden layer의노드숫자설정 결과 plot 을위한 list 정의 input model output MLP 0 x = 28*28 image y = label

62 62 Multi Layer Perceptron MNIST Example MLP 의구조, 동작정의 xx = ssssssssssssss WW 11 TT XX + bb 11 : hidden layer 1 xx = dddddddddddddd ssssssssssssss WW 22 TT xx 11 + bb 22 : hidden layer 2 + dropout * dropout 은과적합을막기위해 weight 을일정확률로끊기위한테크닉 return llllgg_ssssssssssssss(oooooooooooo xx ) 사용할 layer, activation function 등정의 Layer 와 activation function 등을활용해동작정의

63 Multi Layer Perceptron MNIST Example model 생성, criterion 과 optimizer 정의 gpu 가사용가능할경우 gpu 에서계산 앞서정의한 class 대로 model 생성 criterion 은 NLL(negative log likelihood)loss 로, 모델의 output 으로나온결과와실제 label 을비교 Optimizer 은 adam optimizer 를사용 63 training parameters training_epochs: 학습할횟수 (epoch: 세대 ) batch_size: model 이한번에계산할 image 의개수 (Dataloader 에서 batch size 가필요하기때문에순서상앞쪽에정의함 )

64 Multi Layer Perceptron MNIST Example Train train 을위한 model 설정 mnist_dataloader 가제공하는각 batch 에대해 loss 를계산하고 backpropagation 수행, loss 누적 누적된 loss 를평균을취하고결과 plot 을위해 epoch 과평균 loss 를기록 해당 epoch 에대한정보를출력 64

65 Multi Layer Perceptron MNIST Example Test test 을위한 model 설정 testloader 가제공하는각 batch 에대해 loss 를계산하여누적, 마지막에평균을취함 test data 에대해 model 이내놓은결과값 ( 확률 ) 이가장높은것과실제 label(target) 이나타내는것이같은개수를셈 test average loss, accuracy 출력 65

66 Multi Layer Perceptron MNIST Example Train & Test, Plot Graph 설정한 epoch 수만큼을돌며 train 과 test 를반복 학습이모두끝나면 epoch 의증가에따른 loss 의감소를나타내는그래프를출력 66

67 67 Multi Layer Perceptron MNIST Example Result

68 Multi Layer Perceptron MNIST Example 파라미터 (running rate, training_epochs 등 ) 와, layer 의수나 node 의수등모델을변화시켜, 성능을늘려봅시다! 이상의성능을내는모델과파라미터세팅을구현하기

69 69 참고문헌 오일석, 패턴인식 박응용, 점프투파이썬 Tensorflow internal from Cho Hyunghun

70 70 참고문헌 Books : 패턴인식, 오일석 Deep learning book, Ian Goodfellow Library documentation : Pytorch : Numpy : Scipy : Python : Tutorial documentation : Distilled pytorch tutorial : 95ce8781a89c

71 71

72 72

73 73

74 74 C:\ProgramData\anaconda3\tensorflow \env\python.exe C:\Users\kyujin\AppData\Local\conda \tensorflow\env\python.exe

75

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

Introduction to Deep learning

Introduction to Deep learning Introduction to Deep learning Youngpyo Ryu 동국대학교수학과대학원응용수학석사재학 youngpyoryu@dongguk.edu 2018 년 6 월 30 일 Youngpyo Ryu (Dongguk Univ) 2018 Daegu University Bigdata Camp 2018 년 6 월 30 일 1 / 66 Overview 1 Neuron

More information

딥러닝 첫걸음

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

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

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

PowerPoint 프레젠테이션

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

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 [ 인공지능입문랩 ] SEOPT ( Study on the Elements Of Python and Tensorflow ) . ( 통계적이아니라시행착오적 ) 회귀분석 ( 지도학습 ) by Tensorflow - Tensorflow 를사용하는이유, 신경망구조 - youngdocseo@gmail.com 인공지능 데이터분석 When you re fundraising,

More information

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5>

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

More information

PowerPoint Presentation

PowerPoint Presentation 4 장. 신경망 들어가는말 신경망 1940년대개발 ( 디지털컴퓨터와탄생시기비슷 ) 인간지능에필적하는컴퓨터개발이목표 4.1 절 일반적관점에서간략히소개 4.2-4.3 절 패턴인식의분류알고리즘으로서구체적으로설명 4.2 절 : 선형분류기로서퍼셉트론 4.3 절 : 비선형분류기로서다층퍼셉트론 4.1.1 발상과전개 두줄기연구의시너지 컴퓨터과학 계산능력의획기적발전으로지능처리에대한욕구의학

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

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

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

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 System Software Experiment 1 Lecture 5 - Array Spring 2019 Hwansoo Han (hhan@skku.edu) Advanced Research on Compilers and Systems, ARCS LAB Sungkyunkwan University http://arcs.skku.edu/ 1 배열 (Array) 동일한타입의데이터가여러개저장되어있는저장장소

More information

( 분류및특징 ) 학습방법에따라 1 지도학습 (Supervised 2 비지도 학습 (Unsupervised 3 강화학습 (Reinforcement 으로구분 3) < 머신러닝의학습방법 > 구분 지도학습 (Supervised 비지도학습 (Unsupervised 강화학습 (

( 분류및특징 ) 학습방법에따라 1 지도학습 (Supervised 2 비지도 학습 (Unsupervised 3 강화학습 (Reinforcement 으로구분 3) < 머신러닝의학습방법 > 구분 지도학습 (Supervised 비지도학습 (Unsupervised 강화학습 ( 보안연구부 -2016-016 머신러닝 (Machine 개요및활용동향 - 금융권인공지능 (AI) 을위한머신러닝과딥러닝 - ( 보안연구부보안기술팀 / 2016.3.24.) 개요 이세돌 9단과인공지능 (AI, Artificial Intelligence) 알파고 (AlphaGo) 의대국 ( 16 년 3월 9~15일총 5국 ) 의영향으로 4차산업혁명단계 1) 진입을인식함과더불어금융권에서도인공지능기술이주목받게됨에따라,

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

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

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 3 장. 다층퍼셉트론 PREVIEW 신경망 기계학습역사에서가장오래된기계학습모델이며, 현재가장다양한형태를가짐 1950년대퍼셉트론 1980년대다층퍼셉트론 3장은 4장딥러닝의기초가됨 3.1 신경망기초 3.1.1 인공신경망과생물신경망 3.1.2 신경망의간략한역사 3.1.3 신경망의종류 3.1.1 인공신경망과생물신경망 사람의뉴런 두뇌의가장작은정보처리단위 세포체는 cell

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

Artificial Intelligence: Assignment 5 Seung-Hoon Na December 15, Numpy: Tutorial 다음 자료를 참조하여 numpy기본을 공부하시오.

Artificial Intelligence: Assignment 5 Seung-Hoon Na December 15, Numpy: Tutorial 다음 자료를 참조하여 numpy기본을 공부하시오. Artificial Intelligence: Assignment 5 Seung-Hoon Na December 15, 2018 1 Numpy: Tutorial 다음 자료를 참조하여 numpy기본을 공부하시오. https://docs.scipy.org/doc/numpy-1.15.0/user/quickstart.html https://www.machinelearningplus.com/python/

More information

MATLAB and Numerical Analysis

MATLAB and Numerical Analysis School of Mechanical Engineering Pusan National University dongwoonkim@pusan.ac.kr Review 무명함수 >> fun = @(x,y) x^2 + y^2; % ff xx, yy = xx 2 + yy 2 >> fun(3,4) >> ans = 25 시작 x=x+1 If문 >> if a == b >>

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

17장 클래스와 메소드

17장 클래스와 메소드 17 장클래스와메소드 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 17 장클래스와메소드 1 / 18 학습내용 객체지향특징들객체출력 init 메소드 str 메소드연산자재정의타입기반의버전다형성 (polymorphism) 박창이 ( 서울시립대학교통계학과 ) 17 장클래스와메소드 2 / 18 객체지향특징들 객체지향프로그래밍의특징 프로그램은객체와함수정의로구성되며대부분의계산은객체에대한연산으로표현됨객체의정의는

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

JAVA 프로그래밍실습 실습 1) 실습목표 - 메소드개념이해하기 - 매개변수이해하기 - 새메소드만들기 - Math 클래스의기존메소드이용하기 ( ) 문제 - 직사각형모양의땅이있다. 이땅의둘레, 면적과대각

JAVA 프로그래밍실습 실습 1) 실습목표 - 메소드개념이해하기 - 매개변수이해하기 - 새메소드만들기 - Math 클래스의기존메소드이용하기 (   ) 문제 - 직사각형모양의땅이있다. 이땅의둘레, 면적과대각 JAVA 프로그래밍실습 실습 1) 실습목표 - 메소드개념이해하기 - 매개변수이해하기 - 새메소드만들기 - Math 클래스의기존메소드이용하기 ( http://java.sun.com/javase/6/docs/api ) 문제 - 직사각형모양의땅이있다. 이땅의둘레, 면적과대각선의길이를계산하는메소드들을작성하라. 직사각형의가로와세로의길이는주어진다. 대각선의길이는 Math클래스의적절한메소드를이용하여구하라.

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

슬라이드 1

슬라이드 1 마이크로컨트롤러 2 (MicroController2) 2 강 ATmega128 의 external interrupt 이귀형교수님 학습목표 interrupt 란무엇인가? 기본개념을알아본다. interrupt 중에서가장사용하기쉬운 external interrupt 의사용방법을학습한다. 1. Interrupt 는왜필요할까? 함수동작을추가하여실행시키려면? //***

More information

신경망 (Neural Networks) < 인공지능입문 > 강의 허민오 Biointelligence Laboratory School of Computer Science and Engineering Seoul National University

신경망 (Neural Networks) < 인공지능입문 > 강의 허민오 Biointelligence Laboratory School of Computer Science and Engineering Seoul National University 신경망 (Neural Networks) < 인공지능입문 > 강의 허민오 Bioitelligece Laboratory School of Computer Sciece ad Egieerig Seoul Natioal Uiversity 목차 신경망이란? 퍼셉트론 - 퍼셉트론의구조와학습목표 - 퍼셉트론의활성화함수 - 퍼셉트론의학습 : 델타규칙신경망의학습 - 다층퍼셉트론

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

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

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구 Python: 파이썬이란무엇인가? Kangwon Natl. University Department of Computer Science Cheoneum Park Intelligent software Lab. 파이썬이란? Python 1990년암스테르담의귀도반로섬 (Guido Van Rossum) 이개발한인터프리터언어 국내외에서교육, 실무등에서많이사용 구글의소프트웨어,

More information

PowerPoint Presentation

PowerPoint Presentation Package Class 3 Heeseung Jo 목차 section 1 패키지개요와패키지의사용 section 2 java.lang 패키지의개요 section 3 Object 클래스 section 4 포장 (Wrapper) 클래스 section 5 문자열의개요 section 6 String 클래스 section 7 StringBuffer 클래스 section

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

PowerPoint Presentation

PowerPoint Presentation 데이터처리프로그래밍 Data Processing Programming 01 파이썬프로그래밍언어 목차 1. 프로그래밍언어 2. 파이썬소개 3. 파이썬설치와실행 데이터처리프로그래밍 (Data Processing Programming) - 01 파이썬프로그래밍언어 3 1. 프로그래밍언어 프로그래밍언어개념 프로그래밍언어 programming language : 컴퓨터시스템을구동시키는소프트웨어를작성하기위한형식언어

More information

Microsoft PowerPoint - ch07 - 포인터 pm0415

Microsoft PowerPoint - ch07 - 포인터 pm0415 2015-1 프로그래밍언어 7. 포인터 (Pointer), 동적메모리할당 2015 년 4 월 4 일 교수김영탁 영남대학교공과대학정보통신공학과 (Tel : +82-53-810-2497; Fax : +82-53-810-4742 http://antl.yu.ac.kr/; E-mail : ytkim@yu.ac.kr) Outline 포인터 (pointer) 란? 간접참조연산자

More information

슬라이드 1

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

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 공개 SW 솔루션설치 & 활용가이드 기타 > AI 제대로배워보자 How to Use Open Source Software Open Source Software Installation & Application Guide CONTENTS 1. 개요 2. 기능요약 3. 실행환경 4. 설치및실행 5. 기능소개 6. 활용예제 7. FAQ 8. 용어정리 - 3-1. 개요

More information

Vector Differential: 벡터 미분 Yonghee Lee October 17, 벡터미분의 표기 스칼라미분 벡터미분(Vector diffrential) 또는 행렬미분(Matrix differential)은 벡터와 행렬의 미분식에 대 한 표

Vector Differential: 벡터 미분 Yonghee Lee October 17, 벡터미분의 표기 스칼라미분 벡터미분(Vector diffrential) 또는 행렬미분(Matrix differential)은 벡터와 행렬의 미분식에 대 한 표 Vector Differential: 벡터 미분 Yonhee Lee October 7, 08 벡터미분의 표기 스칼라미분 벡터미분(Vector diffrential) 또는 행렬미분(Matrix differential)은 벡터와 행렬의 미분식에 대 한 표기법을 정의하는 방법이다 보통 스칼라(scalar)에 대한 미분은 일분수 함수 f : < < 또는 다변수 함수(function

More information

빅데이터_DAY key

빅데이터_DAY key Big Data Near You 2016. 06. 16 Prof. Sehyug Kwon Dept. of Statistics 4V s of Big Data Volume Variety Velocity Veracity Value 대용량 다양한 유형 실시간 정보 (불)확실성 가치 tera(1,0004) - peta -exazetta(10007) bytes in 2020

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

Microsoft Word _mentor_conf_output5.docx

Microsoft Word _mentor_conf_output5.docx < 이재성교수님연구실멘토링자료 > 20151012 최현준제작 # 목차 1. 간단한파이썬 1.1 파이썬설치및설명. 1.2 파이썬데이터형과연산자. 1.3 간단한입출력과형변환. 1.4 for, while, if, with ~ as, indent. 1.5 def 함수정의와 default / return values 1.6 import 와 try except, pip.

More information

API STORE 키발급및 API 사용가이드 Document Information 문서명 : API STORE 언어별 Client 사용가이드작성자 : 작성일 : 업무영역 : 버전 : 1 st Draft. 서브시스템 : 문서번호 : 단계 : Docum

API STORE 키발급및 API 사용가이드 Document Information 문서명 : API STORE 언어별 Client 사용가이드작성자 : 작성일 : 업무영역 : 버전 : 1 st Draft. 서브시스템 : 문서번호 : 단계 : Docum API STORE 키발급및 API 사용가이드 Document Information 문서명 : API STORE 언어별 Client 사용가이드작성자 : 작성일 : 2012.11.23 업무영역 : 버전 : 1 st Draft. 서브시스템 : 문서번호 : 단계 : Document Distribution Copy Number Name(Role, Title) Date

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

Chap 6: Graphs

Chap 6: Graphs 5. 작업네트워크 (Activity Networks) 작업 (Activity) 부분프로젝트 (divide and conquer) 각각의작업들이완료되어야전체프로젝트가성공적으로완료 두가지종류의네트워크 Activity on Vertex (AOV) Networks Activity on Edge (AOE) Networks 6 장. 그래프 (Page 1) 5.1 AOV

More information

23_Time-Series-Prediction

23_Time-Series-Prediction TensorFlow #23 (Time-Series Prediction) Magnus Erik Hvass Pedersen (http://www.hvass-labs.org/) / GitHub (https://github.com/hvass- Labs/TensorFlow-Tutorials) / Videos on YouTube (https://www.youtube.com/playlist?

More information

Algorithm_Trading_Simple

Algorithm_Trading_Simple Algorithm Trading Introduction DeepNumbers, 안명호 james@deepnumbers.com 1 3 4 5 적절한종목을선택하고매도와매수시기를알아내수익을실현하는것!!! 6 미국은 2012 년알고리즘트레이딩거래량이 85% 에달할만큼알고리즘트레이딩은가파르게증가 7 Goove WM, Zald DH등이작성한 Clinical versus

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.1 ( 관계연산자 ) >> A=1:9, B=9-A A = B = >> tf = A>4 % 4 보다큰 A 의원소들을찾을경우 tf = >> tf = (A==B) % A

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

More information

비트와바이트 비트와바이트 비트 (Bit) : 2진수값하나 (0 또는 1) 를저장할수있는최소메모리공간 1비트 2비트 3비트... n비트 2^1 = 2개 2^2 = 4개 2^3 = 8개... 2^n 개 1 바이트는 8 비트 2 2

비트와바이트 비트와바이트 비트 (Bit) : 2진수값하나 (0 또는 1) 를저장할수있는최소메모리공간 1비트 2비트 3비트... n비트 2^1 = 2개 2^2 = 4개 2^3 = 8개... 2^n 개 1 바이트는 8 비트 2 2 비트연산자 1 1 비트와바이트 비트와바이트 비트 (Bit) : 2진수값하나 (0 또는 1) 를저장할수있는최소메모리공간 1비트 2비트 3비트... n비트 2^1 = 2개 2^2 = 4개 2^3 = 8개... 2^n 개 1 바이트는 8 비트 2 2 진수법! 2, 10, 16, 8! 2 : 0~1 ( )! 10 : 0~9 ( )! 16 : 0~9, 9 a, b,

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

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

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

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

데이터 시각화

데이터 시각화 데이터시각화 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 데이터시각화 1 / 22 학습내용 matplotlib 막대그래프히스토그램선그래프산점도참고 박창이 ( 서울시립대학교통계학과 ) 데이터시각화 2 / 22 matplotlib I 간단한막대그래프, 선그래프, 산점도등을그릴때유용 http://matplotlib.org 에서설치방법참고윈도우의경우명령프롬프트를관리자권한으로실행한후아래의코드실행

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

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

Asia-pacific Journal of Multimedia Services Convergent with Art, Humanities, and Sociology Vol.7, No.11, November (2017), pp

Asia-pacific Journal of Multimedia Services Convergent with Art, Humanities, and Sociology Vol.7, No.11, November (2017), pp Vol.7, No.11, November (2017), pp. 71-79 http://dx.doi.org/10.14257/ajmahs.2017.11.59 이기종컴퓨팅을활용한환율예측뉴럴네트워크구현 한성현 1), 이광엽 2) Implementation of Exchange Rate Forecasting Neural Network Using Heterogeneous

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

<4E505F415AB1DBB7CEB9FABAF1C1EEC7C3B7A35FBEE0B0FC28303630343031292E687770>

<4E505F415AB1DBB7CEB9FABAF1C1EEC7C3B7A35FBEE0B0FC28303630343031292E687770> 무배당 알리안츠글로벌비즈플랜보험 약관 제1관 보험계약의 성립과 유지 제1조 보험계약의 성립 제2조 청약의 철회 제3조 약관교부 및 설명의무 등 제4조 계약의 무효 제5조 계약내용의 변경 제6조 보험대상자(피보험자)의 변경 제7조 계약의 갱신 제8조 계약자의 임의해지 제9조 계약의 소멸 제10조 보험나이 제2관 보험료의 납입(계약자의 주된 의무) 제11조 제1회

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

19_9_767.hwp

19_9_767.hwp (Regular Paper) 19 6, 2014 11 (JBE Vol. 19, No. 6, November 2014) http://dx.doi.org/10.5909/jbe.2014.19.6.866 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) RGB-Depth - a), a), b), a) Real-Virtual Fusion

More information

Chapter 11 Rate of Reaction

Chapter 11 Rate of Reaction Chapter 11 Rate of Reaction 11 11.1 ? Rate Law Kinetics : 11 11.2 CO(g) + NO 2 (g) CO 2 (g) + NO(g) E a =134 kj CO(g) + NO 2 (g) H = -226 kj CO 2 (g) + NO(g) 11 11.3 N 2 O 5 (g) 2NO 2 (g) + 1/2 O 2 (g)

More information

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

More information

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

<4D F736F F F696E74202D20B8B6C0CCC5A9B7CEC7C1B7CEBCBCBCAD202839C1D6C2F7207E203135C1D6C2F >

<4D F736F F F696E74202D20B8B6C0CCC5A9B7CEC7C1B7CEBCBCBCAD202839C1D6C2F7207E203135C1D6C2F > 10주차 문자 LCD 의인터페이스회로및구동함수 Next-Generation Networks Lab. 5. 16x2 CLCD 모듈 (HY-1602H-803) 그림 11-18 19 핀설명표 11-11 번호 분류 핀이름 레벨 (V) 기능 1 V SS or GND 0 GND 전원 2 V Power DD or V CC +5 CLCD 구동전원 3 V 0 - CLCD 명암조절

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

학습목차 2.1 다차원배열이란 차원배열의주소와값의참조

학습목차 2.1 다차원배열이란 차원배열의주소와값의참조 - Part2- 제 2 장다차원배열이란무엇인가 학습목차 2.1 다차원배열이란 2. 2 2 차원배열의주소와값의참조 2.1 다차원배열이란 2.1 다차원배열이란 (1/14) 다차원배열 : 2 차원이상의배열을의미 1 차원배열과다차원배열의비교 1 차원배열 int array [12] 행 2 차원배열 int array [4][3] 행 열 3 차원배열 int array [2][2][3]

More information

ºÎ·ÏB

ºÎ·ÏB B B.1 B.2 B.3 B.4 B.5 B.1 2 (Boolean algebra). 1854 An Investigation of the Laws of Thought on Which to Found the Mathematical Theories of Logic and Probabilities George Boole. 1938 MIT Claude Sannon [SHAN38].

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

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

(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

슬라이드 1

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

More information

Parallel Computation of Neural Network

Parallel Computation of Neural Network Parallel Computation of Neural Network Sungjoo Ha September 8th, 2016 Sungjoo Ha 1 / 46 Parallel Computation 뉴럴넷의재기의원동력은많은데이터와병렬연산 최근 ASIC 기반의구현으로연구가옮겨가고있으나여전히가장많이활용되는것은 GPGPU GPGPU 를활용한뉴럴넷연산에필요한내용을설명

More information

about_by5

about_by5 WWW.BY5IVE.COM BYFIVE CO. DESIGN PARTNERS MAKE A DIFFERENCE BRAND EXPERIENCE CONSULTING & DESIGN PACKAGE / OFF-LINE EDITING CONSULTING & DESIGN USER EXPERIENCE (UI/GUI) / ON-LINE EDITING CONSULTING & DESIGN

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 딥러닝소개 < 인공지능입문 > 강의 허민오 Biointelligence Laboratory School of Computer Science and Engineering Seoul National University (C) 2007-2018, SNU Biointelligence Lab, http://bi.snu.ac.kr/ 1 Playground (playground.tensorflow.org)

More information

C# Programming Guide - Types

C# Programming Guide - Types C# Programming Guide - Types 최도경 lifeisforu@wemade.com 이문서는 MSDN 의 Types 를요약하고보충한것입니다. http://msdn.microsoft.com/enus/library/ms173104(v=vs.100).aspx Types, Variables, and Values C# 은 type 에민감한언어이다. 모든

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

Journal of Educational Innovation Research 2018, Vol. 28, No. 3, pp DOI: NCS : * A Study on

Journal of Educational Innovation Research 2018, Vol. 28, No. 3, pp DOI:   NCS : * A Study on Journal of Educational Innovation Research 2018, Vol. 28, No. 3, pp.157-176 DOI: http://dx.doi.org/10.21024/pnuedi.28.3.201809.157 NCS : * A Study on the NCS Learning Module Problem Analysis and Effective

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

딥러닝튜토리얼 Deep Learning Tutorial - 신경망과딥러닝의이해 Understanding Neural Network & Deep Learning

딥러닝튜토리얼 Deep Learning Tutorial - 신경망과딥러닝의이해 Understanding Neural Network & Deep Learning 딥러닝튜토리얼 Deep Learning Tutorial - 신경망과딥러닝의이해 Understanding Neural Network & Deep Learning 집필기관및참여인원 : 소프트웨어정책연구소 안성원 추형석 전남대학교 김수형 목 차 제 1 장서론 2 제2장단일퍼셉트론 2 제1절구조 2 제2절기능 3 제3절학습원리 5 제4절단층퍼셉트론 8 제3장다층퍼셉트론

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

(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

03.Agile.key

03.Agile.key CSE4006 Software Engineering Agile Development Scott Uk-Jin Lee Division of Computer Science, College of Computing Hanyang University ERICA Campus 1 st Semester 2018 Background of Agile SW Development

More information

Microsoft PowerPoint - AC3.pptx

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

More information

PowerPoint Presentation

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

More information

강의10

강의10 Computer Programming gdb and awk 12 th Lecture 김현철컴퓨터공학부서울대학교 순서 C Compiler and Linker 보충 Static vs Shared Libraries ( 계속 ) gdb awk Q&A Shared vs Static Libraries ( 계속 ) Advantage of Using Libraries Reduced

More information

Microsoft PowerPoint - chap-03.pptx

Microsoft PowerPoint - chap-03.pptx 쉽게풀어쓴 C 언어 Express 제 3 장 C 프로그램구성요소 컴퓨터프로그래밍기초 이번장에서학습할내용 * 주석 * 변수, 상수 * 함수 * 문장 * 출력함수 printf() * 입력함수 scanf() * 산술연산 * 대입연산 이번장에서는 C프로그램을이루는구성요소들을살펴봅니다. 컴퓨터프로그래밍기초 2 일반적인프로그램의형태 데이터를받아서 ( 입력단계 ), 데이터를처리한후에

More information

Lab - Gradient descent Copyright 2018 by Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression

Lab - Gradient descent Copyright 2018 by Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression Lab - Gradient descent Copyright 2018 by teamlab.gachon@gmail.com Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression 모듈을구현하는것을목표로합니다. 앞서 우리가 Normal equation lab 을수행하였듯이,

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

(JBE Vol. 23, No. 4, July 2018) (Special Paper) 23 4, (JBE Vol. 23, No. 4, July 2018) ISSN

(JBE Vol. 23, No. 4, July 2018) (Special Paper) 23 4, (JBE Vol. 23, No. 4, July 2018)   ISSN (JBE Vol. 23, No. 4, July 2018) (Special Paper) 23 4, 2018 7 (JBE Vol. 23, No. 4, July 2018) https://doi.org/10.5909/jbe.2018.23.4.484 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) Uniform Motion

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

CS322 중간고사.docx

CS322 중간고사.docx Midterm Fall 2014 2014 년 10 월 10 월 21 일화요일오후 1:00 2:30 전산학동 E3-1 1501 호 ( 제 1 공동강의실 ) Prof. Choe, Kwang-Moo : : Grading Result: Problem Total 1 /10 /10 2 /10 /10 /10 /30 3 /5 /10 /15 4 /10 /15 /15 /40

More information

SOSCON-MXNET_1014

SOSCON-MXNET_1014 딥러닝계의블루오션, Apache MXNet 공헌하기 윤석찬, Amazon Web Services 오규삼, 삼성 SDS SAMSUNG OPEN SOURCE CONFERENCE 018 목차 11 1 : 4 2 031 1 1 21 51: 1 L 1 S D A 1 S D N M Deep Learning 101 SAMSUNG OPEN SOURCE CONFERENCE

More information

OR MS와 응용-03장

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

More information

Sequences with Low Correlation

Sequences with Low Correlation 레일리페이딩채널에서의 DPC 부호의성능분석 * 김준성, * 신민호, * 송홍엽 00 년 7 월 1 일 * 연세대학교전기전자공학과부호및정보이론연구실 발표순서 서론 복호화방법 R-BP 알고리즘 UMP-BP 알고리즘 Normalied-BP 알고리즘 무상관레일리페이딩채널에서의표준화인수 모의실험결과및고찰 결론 Codig ad Iformatio Theory ab /15

More information

<31302E204D43545F47535FC3D6C1BEBAB8B0EDBCAD2E687770>

<31302E204D43545F47535FC3D6C1BEBAB8B0EDBCAD2E687770> 2011년도 부품 소재혁신연구회 MCT Global Scoreboard 제 출 문 한국산업기술진흥원장 귀 하 본 보고서를 2011년도 부품 소재혁신연구회 MCT Global Scoreboard (지원기간: 2012. 1. 2 ~ 2012. 3. 31) 과제의 최종보고서로 제출합니다. 2012. 3. 31 연구회명 : MCT K-Star 발굴 연구회 (총괄책임자)

More information

중간고사

중간고사 중간고사 예제 1 사용자로부터받은두개의숫자 x, y 중에서큰수를찾는알고리즘을의사코드로작성하시오. Step 1: Input x, y Step 2: if (x > y) then MAX

More information

02 C h a p t e r Java

02 C h a p t e r Java 02 C h a p t e r Java Bioinformatics in J a va,, 2 1,,,, C++, Python, (Java),,, (http://wwwbiojavaorg),, 13, 3D GUI,,, (Java programming language) (Sun Microsystems) 1995 1990 (green project) TV 22 CHAPTER

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

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

<4D F736F F D20B1E2C8B9BDC3B8AEC1EE2DB0FBB3EBC1D8>

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

More information

, ( ) 1) *.. I. (batch). (production planning). (downstream stage) (stockout).... (endangered). (utilization). *

, ( ) 1) *.. I. (batch). (production planning). (downstream stage) (stockout).... (endangered). (utilization). * , 40 12 (2006 6) 1) *.. I. (batch). (production planning). (downstream stage) (stockout).... (endangered). (utilization). * 40, 40 12 (EPQ; economic production quantity). (setup cost) (setup time) Bradley

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