SlideShare a Scribd company logo
1 of 51
Convolutional
neural network
2018.04.02
신호해석특론
김정훈 jhkim@dilab.co.kr
ILSVRC
 Imagenet Large Scale Visual Recognition Competition
 1000만장의 image를 학습, 15만장의 이미지를 test
 1000 classes
신호해석특론 2
Contents
 Artificial intelligence
 Machine Learning
 Deep Learning
 Convolutional Neural network
신호해석특론 3
Artificial Intelligence
 “인공지능(人工知能, 영어: artificial intelligence, AI)은 철학적으로 인간성이나 지성을
갖춘 존재, 혹은 시스템에 의해 만들어진 지능, 즉 인공적인 지능을 뜻한다. 일반적으
로 범용 컴퓨터에 적용한다고 가정한다. 이 용어는 또한 그와 같은 지능을 만들 수 있
는 방법론이나 실현 가능성 등을 연구하는 과학 분야를 지칭하기도 한다.”
 단순하게:
 입력이 주어지면, 출력을 내보낸다.
신호해석특론 4
원의 넓이?
신호해석특론 5
Machine Learning
 머신 러닝(영어: machine learning) 또는 기계 학습(機械
學習)은 인공 지능의 한 분야로, 컴퓨터가 학습할 수 있도
록 하는 알고리즘과 기술을 개발하는 분야를 말한다. 가령,
기계 학습을 통해서 수신한 이메일이 스팸인지 아닌지를
구분할 수 있도록 훈련할 수 있다.
 어떠한 태스크(T)에 대해 꾸준한 경험(E)을 통하
여 그 T에 대한 성능(P)를 높이는 것
신호해석특론 6
Machine Learning
신호해석특론 7
Machine Learning
 Supervised Learning
 입력에 대한 정답값이 있음. 대조하며 학습
 Backpropagation
 Unsupervised Learning
 정답 없이 입력값들만 주어짐
 Clustering, autoencoder
 Reinforcement learning
 입력값(액션)에 대한 평가만 주어짐
 Q-learning
신호해석특론 8
Machine Learning
 Supervised Learning
 Unsupervised Learning
신호해석특론 9
Machine Learning
 Reinforcement learning
신호해석특론 10
Deep Learning
 Deep? Machine?
신호해석특론 11
Neural Network
 뉴런과 인공 뉴런
 Input, output, threshold
신호해석특론 12
Neural Network
 뉴런 모델링
신호해석특론 13
Neural Network
 뉴런들의 연결
신호해석특론 14
Deep Learning
 레이어가 많을수록 높은 지능의 인공지능??
 Overfitting
 Vanishing Gradient
 오랫동안 이 두가지 문제를 풀지 못함
신호해석특론 15
Overfitting
신호해석특론 16
 Housing price prediction
Overfitting
신호해석특론 17
 Why?
 주어진 데이터가 적다.
 모델이 너무 복잡하다.
 딥러닝은 수백만개의 파라미터가 있다. -> overfitting
Overfitting
신호해석특론 18
 Dropout
 랜덤하게 뉴런을 끊음으로써 모델을 단순하게 만든다.
Overfitting
신호해석특론 19
 Dropout
 에러율의 차이
Vanishing Gradient
신호해석특론 20
 Backpropagation
 1986 ~ 2006
Vanishing Gradient
신호해석특론 21
 딥러닝은 미분값을 이용한다.
 학습되는 양 = 미분값 * 출력값
 대부분의 영역에서 미분값이 0에 가깝다.
Vanishing Gradient
신호해석특론 22
 ReLU(Rectified Linear Unit)의 등장.
 미분값이 1
 출력값은 제한없음
 max(0, x)
Covolutional NN
신호해석특론 23
 Neural Network를 영상처리에 특화시켜 보자.
 1. 영상의 특징을 찾자: Convolution 이용
Covolution(합성곱)
신호해석특론 24
 “합성곱(合成-, convolution, 콘벌루션)은 하나의 함수와 또 다른 함수
를 반전 이동한 값을 곱한 다음, 구간에 대해 적분하여 새로운 함수를
구하는 수학 연산자이다.”
Covolution
신호해석특론 25
 떨어 뜨린 공의 교훈
Covolution
신호해석특론 26
 a + b 가 3이 될 경우
 확률: f(2)g(1)
Covolution
신호해석특론 27
 a + b 가 3이 될 경우
 확률: f(1)g(2), f(0)g(3)
Covolution
신호해석특론 28
 a + b = c 일 경우
 확률:
 b = c – a
 Convolution의 표준정의
2차원(영상)에서 Convolution
신호해석특론 29
 다른 함수 위에 슬라이딩 하여 곱하고 더하는 것
2차원(영상)에서 Convolution
신호해석특론 30
 이미지 변환 : 필터
 이미지 : 2차원 함수
2차원(영상)에서 Convolution
신호해석특론 31
 곡선을 검출하는 filter
2차원(영상)에서 Convolution
신호해석특론 32
 곡선을 검출하는 filter
2차원(영상)에서 Convolution
신호해석특론 33
 곡선을 검출하는 filter
영상 분석의 기초
신호해석특론 34
 서로 다른 크기의 영상 feature
 1. 필터 사이즈를 점점 크게 만든다.
 2. 영상 사이즈를 점점 작게 만든다.
 Corner detection Example
영상 분석의 기초
신호해석특론 35
 1. 필터 사이즈를 점점 크게 만든다.
영상 분석의 기초
신호해석특론 36
 2. 이미지 사이즈를 점점 작게 만든다.
Convolutional NN
신호해석특론 37
 1. 필터 사이즈를 점점 크게 만든다.
Convolutional NN
신호해석특론 38
 2. 이미지 사이즈를 점점 작게 만든다.
 정보압축 : 효율적 계산 & 왜곡에 robust
LeNet-5 (1998)
신호해석특론 39
 Feature extraction + Neural Network
LeNet-5 (1998)
신호해석특론 40
 Feature extraction + Neural Network
 1. Input - 크기 32x32x1. 흑백 이미지. (필터 5x5, stride 1)
 2. C1 - 크기 28x28x6. feature maps 6개. (필터 2x2, subsampling)
 3. S2 - 크기 14x14x6. feature maps 6개. (필터 5x5, stride 1)
 4. C3 - 크기 10x10x16. feature maps 16개
 5. S4 - 크기 5x5x16. feature maps 16개.
 6. C5 - FC(Full Connection )120개
 7. F6 - FC(Full Connection) 84개
 8. Output - GC(Gaussian Connections) 10개. (최종 분류)
LeNet-5 (1998)
신호해석특론 41
 Feature extraction + Neural Network
AlexNet
신호해석특론 42
 ILSVRC2012 - ImageNet
AlexNet
신호해석특론 43
 ILSVRC2012 - ImageNet
AlexNet
신호해석특론 44
 ILSVRC2012 – ImageNet (15.4% error)
AlexNet
신호해석특론 45
 ILSVRC2012 - ImageNet
GoogLeNet (2014)
신호해석특론 46
 Inception module
GoogLeNet (2014)
신호해석특론 47
 Inception module
 깊어졌지만 많이 넓어지지는 않았다.
 모델의 처음과 끝에 FC layer가 적용됐다.
 Inception 모듈에서는 hidden layer에 포함된 노드가 7
개 있는데 최대 2개만 거치면 목표까지 갈 수 있다.
 거쳐야 하는 1개 또는 2개는 반복할때마다 달라져
균형잡힌 결과를 얻게 된다.
 저자 10명이상.
GoogLeNet (2014)
신호해석특론 48
 2015 ResNet (152 layer) 3.6%
 2016 Trimps-Soushen (Inception-Resnet) 2.99%
R-CNN…
신호해석특론 49
Reference
신호해석특론 50
 http://www.image-net.org/
 http://hellogohn.com/post_one18
 http://bcho.tistory.com/1149
 http://pythonkim.tistory.com/40
 https://medium.com/@mldevhong
Q&A
신호해석특론 51

More Related Content

What's hot

Final project v0.84
Final project v0.84Final project v0.84
Final project v0.84Soukwon Jun
 
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Mad Scientists
 
Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Jinwon Lee
 
Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명홍배 김
 
딥러닝 논문읽기 efficient netv2 논문리뷰
딥러닝 논문읽기 efficient netv2  논문리뷰딥러닝 논문읽기 efficient netv2  논문리뷰
딥러닝 논문읽기 efficient netv2 논문리뷰taeseon ryu
 
[Paper Review] Image captioning with semantic attention
[Paper Review] Image captioning with semantic attention[Paper Review] Image captioning with semantic attention
[Paper Review] Image captioning with semantic attentionHyeongmin Lee
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...홍배 김
 
Encoding in Style: a Style Encoder for Image-to-Image Translation
Encoding in Style: a Style Encoder for Image-to-Image TranslationEncoding in Style: a Style Encoder for Image-to-Image Translation
Encoding in Style: a Style Encoder for Image-to-Image Translationtaeseon ryu
 
I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)Susang Kim
 
Summary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detectionSummary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detection창기 문
 
[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement LearningKiho Suh
 
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...taeseon ryu
 
PR-203: Class-Balanced Loss Based on Effective Number of Samples
PR-203: Class-Balanced Loss Based on Effective Number of SamplesPR-203: Class-Balanced Loss Based on Effective Number of Samples
PR-203: Class-Balanced Loss Based on Effective Number of SamplesSunghoon Joo
 
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...changedaeoh
 
Designing more efficient convolution neural network
Designing more efficient convolution neural networkDesigning more efficient convolution neural network
Designing more efficient convolution neural networkDongyi Kim
 
[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networksTaegyun Jeon
 
AlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetAlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetJungwon Kim
 
A Beginner's guide to understanding Autoencoder
A Beginner's guide to understanding AutoencoderA Beginner's guide to understanding Autoencoder
A Beginner's guide to understanding AutoencoderLee Seungeun
 

What's hot (20)

Final project v0.84
Final project v0.84Final project v0.84
Final project v0.84
 
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
 
Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Deep learning seminar_snu_161031
Deep learning seminar_snu_161031
 
Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명
 
딥러닝 논문읽기 efficient netv2 논문리뷰
딥러닝 논문읽기 efficient netv2  논문리뷰딥러닝 논문읽기 efficient netv2  논문리뷰
딥러닝 논문읽기 efficient netv2 논문리뷰
 
[Paper Review] Image captioning with semantic attention
[Paper Review] Image captioning with semantic attention[Paper Review] Image captioning with semantic attention
[Paper Review] Image captioning with semantic attention
 
Detecting fake jpeg images
Detecting fake jpeg imagesDetecting fake jpeg images
Detecting fake jpeg images
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
 
Encoding in Style: a Style Encoder for Image-to-Image Translation
Encoding in Style: a Style Encoder for Image-to-Image TranslationEncoding in Style: a Style Encoder for Image-to-Image Translation
Encoding in Style: a Style Encoder for Image-to-Image Translation
 
I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)I3D and Kinetics datasets (Action Recognition)
I3D and Kinetics datasets (Action Recognition)
 
Summary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detectionSummary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detection
 
[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning
 
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
 
LeNet & GoogLeNet
LeNet & GoogLeNetLeNet & GoogLeNet
LeNet & GoogLeNet
 
PR-203: Class-Balanced Loss Based on Effective Number of Samples
PR-203: Class-Balanced Loss Based on Effective Number of SamplesPR-203: Class-Balanced Loss Based on Effective Number of Samples
PR-203: Class-Balanced Loss Based on Effective Number of Samples
 
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...
Convolutional Neural Networks(CNN) / Stanford cs231n 2017 lecture 5 / MLAI@UO...
 
Designing more efficient convolution neural network
Designing more efficient convolution neural networkDesigning more efficient convolution neural network
Designing more efficient convolution neural network
 
[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks[PR12] image super resolution using deep convolutional networks
[PR12] image super resolution using deep convolutional networks
 
AlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetAlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, Resnet
 
A Beginner's guide to understanding Autoencoder
A Beginner's guide to understanding AutoencoderA Beginner's guide to understanding Autoencoder
A Beginner's guide to understanding Autoencoder
 

Similar to Convolutional neural network

Image classification
Image classificationImage classification
Image classification종현 김
 
인공신경망
인공신경망인공신경망
인공신경망종열 현
 
쫄지말자딥러닝2 - CNN RNN 포함버전
쫄지말자딥러닝2 - CNN RNN 포함버전쫄지말자딥러닝2 - CNN RNN 포함버전
쫄지말자딥러닝2 - CNN RNN 포함버전Modulabs
 
인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝Jinwon Lee
 
델켐매거진5호
델켐매거진5호델켐매거진5호
델켐매거진5호kr_delcam
 
딥뉴럴넷 클러스터링 실패기
딥뉴럴넷 클러스터링 실패기딥뉴럴넷 클러스터링 실패기
딥뉴럴넷 클러스터링 실패기Myeongju Kim
 
[Tf2017] day4 jwkang_pub
[Tf2017] day4 jwkang_pub[Tf2017] day4 jwkang_pub
[Tf2017] day4 jwkang_pubJaewook. Kang
 
머신러닝(딥러닝 요약)
머신러닝(딥러닝 요약)머신러닝(딥러닝 요약)
머신러닝(딥러닝 요약)Byung-han Lee
 
[코세나, kosena] 금융권의 머신러닝 활용사례
[코세나, kosena] 금융권의 머신러닝 활용사례[코세나, kosena] 금융권의 머신러닝 활용사례
[코세나, kosena] 금융권의 머신러닝 활용사례kosena
 
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1Luke Sunghyun Kim
 
Binarized CNN on FPGA
Binarized CNN on FPGABinarized CNN on FPGA
Binarized CNN on FPGA홍배 김
 
기계학습을 이용한 숫자인식기 제작
기계학습을 이용한 숫자인식기 제작기계학습을 이용한 숫자인식기 제작
기계학습을 이용한 숫자인식기 제작Do Hoerin
 
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)Haezoom Inc.
 
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning SessionsTaegyun Jeon
 
Deep learning의 이해
Deep learning의 이해Deep learning의 이해
Deep learning의 이해KwangPil Hong
 
Workshop 210417 dhlee
Workshop 210417 dhleeWorkshop 210417 dhlee
Workshop 210417 dhleeDongheon Lee
 
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담Sumin Byeon
 
CoreDot TechSeminar 2018 - Session4 Park Eonyong
CoreDot TechSeminar 2018 - Session4 Park EonyongCoreDot TechSeminar 2018 - Session4 Park Eonyong
CoreDot TechSeminar 2018 - Session4 Park EonyongCore.Today
 
Cnn 발표자료
Cnn 발표자료Cnn 발표자료
Cnn 발표자료종현 최
 

Similar to Convolutional neural network (20)

Image classification
Image classificationImage classification
Image classification
 
인공신경망
인공신경망인공신경망
인공신경망
 
쫄지말자딥러닝2 - CNN RNN 포함버전
쫄지말자딥러닝2 - CNN RNN 포함버전쫄지말자딥러닝2 - CNN RNN 포함버전
쫄지말자딥러닝2 - CNN RNN 포함버전
 
인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝
 
델켐매거진5호
델켐매거진5호델켐매거진5호
델켐매거진5호
 
Naive ML Overview
Naive ML OverviewNaive ML Overview
Naive ML Overview
 
딥뉴럴넷 클러스터링 실패기
딥뉴럴넷 클러스터링 실패기딥뉴럴넷 클러스터링 실패기
딥뉴럴넷 클러스터링 실패기
 
[Tf2017] day4 jwkang_pub
[Tf2017] day4 jwkang_pub[Tf2017] day4 jwkang_pub
[Tf2017] day4 jwkang_pub
 
머신러닝(딥러닝 요약)
머신러닝(딥러닝 요약)머신러닝(딥러닝 요약)
머신러닝(딥러닝 요약)
 
[코세나, kosena] 금융권의 머신러닝 활용사례
[코세나, kosena] 금융권의 머신러닝 활용사례[코세나, kosena] 금융권의 머신러닝 활용사례
[코세나, kosena] 금융권의 머신러닝 활용사례
 
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1
[WeFocus] 인공지능_딥러닝_특허 확보 전략_김성현_201902_v1
 
Binarized CNN on FPGA
Binarized CNN on FPGABinarized CNN on FPGA
Binarized CNN on FPGA
 
기계학습을 이용한 숫자인식기 제작
기계학습을 이용한 숫자인식기 제작기계학습을 이용한 숫자인식기 제작
기계학습을 이용한 숫자인식기 제작
 
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
 
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions[PR12] PR-026: Notes for CVPR Machine Learning Sessions
[PR12] PR-026: Notes for CVPR Machine Learning Sessions
 
Deep learning의 이해
Deep learning의 이해Deep learning의 이해
Deep learning의 이해
 
Workshop 210417 dhlee
Workshop 210417 dhleeWorkshop 210417 dhlee
Workshop 210417 dhlee
 
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담
[야생의 땅: 듀랑고]의 식물 생태계를 담당하는 21세기 정원사의 OpenCL 경험담
 
CoreDot TechSeminar 2018 - Session4 Park Eonyong
CoreDot TechSeminar 2018 - Session4 Park EonyongCoreDot TechSeminar 2018 - Session4 Park Eonyong
CoreDot TechSeminar 2018 - Session4 Park Eonyong
 
Cnn 발표자료
Cnn 발표자료Cnn 발표자료
Cnn 발표자료
 

Convolutional neural network

Editor's Notes

  1. http://terms.naver.com/entry.nhn?docId=1136027&cid=40942&categoryId=32845
  2. http://terms.naver.com/entry.nhn?docId=1136027&cid=40942&categoryId=32845
  3. https://ko.wikipedia.org/wiki/Q_%EB%9F%AC%EB%8B%9D
  4. https://www.slideshare.net/modulabs/2-cnn-rnn
  5. https://www.slideshare.net/modulabs/2-cnn-rnn
  6. https://www.slideshare.net/modulabs/2-cnn-rnn
  7. CIFAR Geoffrey hinton
  8. http://colah.github.io/posts/2014-07-Understanding-Convolutions/