Convolutional neural network
In machine learning, a convolutional neural network (CNN, or ConvNet) is a type of feed-forward artificial neural network where the individual neurons are tiled in such a way that they respond to overlapping regions in the visual field. Convolutional networks were inspired by biological processes and are variations of multilayer perceptrons which are designed to use minimal amounts of preprocessing. They are widely used models for image and video recognition.
Convolutional neural network는 기존의 Neural network와 같다. 다만 다른 점은 Convolution을 이용해서 유의미한 자질을 추출한다는 점에서 다르다.
Introduce
당신에게 이미지들과 그 이미지에 사람이 있는지 없는지에 대한 label이 있다. 당신의 목적은 이미지가 주어졌을 때 사람이 있는지 없는지를 추측하는 것이다. 물론 기본적인 방법으로 SIFT feature를 추출해서 분류모델을 적용하면 되겠지만 정확도가 좋지 않다. 사람이 멀리 있을 경우, 물구나무를 서고 있을 경우, 가까이 있을 경우 각각 자질이 달라지기 때문이다. 이를 Deep learning을 이용해서 분류하고 싶다고 할 때 Convolutional neural network를 이용하면 된다.
Category
Terams
- Filter: 입력된 이미지에 Convolution을 적용할 Matrix 또는 값.
- Feature map: 이미지가 Convolution filter를 거친 결과 데이터.
Convolution calculate example
- TensorFlow and deep learning, without a PhD
- [추천] 37. ConvNet의 Conv 레이어 만들기 (lec 11-1) <- 이걸 이해해야 1x1 컨볼루션을 이해할 수 있다.
Theory_-_convolutional_networks.gif
매트릭스처럼 아래와 같이 생각하면 된다.
Ratsgos_blog_-_CNN_Forward_Pass.png
CNN Backpropagation
Average Pooling
현재 지점의 그래디언트는 미분의 연쇄법칙(chain rule)에 의해 흘러들어온 그래디언트에 로컬그래디언트를 곱한 것과 같습니다. 평균은 모든 값을 더한 뒤 개체수로 나누어 구하게 되는데요. 만약에 m 개 요소로 구성돼 있다고 한다면 Average Pooling을 하는 지점의 로컬 그래디언트는 1/m 이 됩니다.
Ratsgos_blog_-_Average_Pooling_Backpropagation.png
Max Pooling
최대값으로 풀링을 했다고 하면 역전파 과정은 아래와 같습니다. 즉, 최대값이 속해 있는 요소의 로컬 그래디언트는 1, 나머지는 0이기 때문에 여기에 흘러들어온 그래디언트를 곱해 구하게 됩니다.
Ratsgos_blog_-_Max_Pooling_Backpropagation.png
CNN
Ratsgos_blog_-_CNN_Backpropagation.png
Layer
일반적으로 몇 개의 층으로 이루어져 있으며 기본적으로 세 가지의 다른 층을 가지고 있다.
- Convolution layer: Convolution feature를 추출하는 layer. 유의미한 자질을 추출하는 층이다.
- Polling layer: 일반적으로 CNN은 이미지에 적용된다. 이미지 특성상 픽셀의 갯수가 너무 많아 자질을 줄이기 위해 sub-sampling하는 과정을 polling이라고 부른다.
- Feedforward layer: 마지막으로 적용되며, Convolution, Polling layer에서 나온 자질들을 이용해서 분류를 할 때 사용된다. 일반적인 Neural Network처럼 행동한다.
일반적인 CNN은 구조가 아래와 같이 이루어져 있다.
Convolution layer -> Polling layer -> Convolution layer -> Polling layer -> ... -> Feedforward layer
즉 Convolution layer와 Polling layer를 번갈아가면서 사용하여 자질을 추출한 후 마지막으로 Feddforward layer를 통해서 분류를 한다.
직관적으로 Pooling layer는 이미지의 크기를 줄인다는 의미로 보면 된다. 이미지 크기를 줄인 후에 Convolution 자질을 추출할 경우 위의 예시에서 보였던 문제 중 큰 사람과 작은 사람을 둘 다 Detect할 수 있게 된다. 이러한 이유로 Pooling layer와 Convolution layer를 번갈아가면서 사용하게 되며 당연히 층이 많아질수록 분류 성능은 더 좋아질 것이다.
Cnn_layer.png
Fully Connected Network
모든 입력층과 은닉층(Hidden Layer)의 연결에 필요한 파라미터들을 계산하는 것이 구현 가능했으나 다소 큰 이미지들 96*96 과 같은 실제로 발생할 이미지들에 대해서는 Fully Connected는 부적합한 면이 있다.
Locally Connected Network
입력에서 근접한 영역의 pixel 만 은닉층의 노드에 연결하는 것이다.
Vision Layers
- Convolution
- Pooling
- Local Response Normalization (LRN)
- im2col
Models
아래와 같은 잘 알려진 모델이 존재한다.
Table of Machine learning
Documentation
Bayesian probability
- Bayesian Reasoning and Machine Learning
- http://web4.cs.ucl.ac.uk/staff/D.Barber/pmwiki/pmwiki.php?n=Brml.Online
- http://web4.cs.ucl.ac.uk/staff/D.Barber/textbook/020217.pdf
-
020217_-_Bayesian_Reasoning_and_Machine_Learning.pdf
Deep learning
- ImageNet Classification with Deep Convolutional Neural Networks (AlexNet)
- http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
- http://papers.nips.cc/paper/4824-imagenet-classification-with-deep-convolutional-neural-networks.pdf
-
ImageNet_Classification_with_Deep_Convolutional_Neural_Networks.pdf - [한글 번역] 깊은 컨볼루셔널 신경망을 이용한 이미지네트(ImageNet) 분류
-
ImageNet_Classification_with_Deep_Convolutional_Neural_Networks_-_ko.pdf
- Going deeper with convolutions (GoogleNet)
- http://arxiv.org/pdf/1409.4842v1.pdf
-
Going_deeper_with_convolutions.pdf - 번역: GoogleNet
- 특집원고 딥하이퍼넷 모델 (Deep Hypernetwork models) (서울대학교/장병탁)
-
Deep_Hypernetwork_models_201508.pdf
- [Mocrosoft] Deep Residual Learning for Image Recognition (Winner ILSVRC2015)
-
Deep_Residual_Learning_for_Image_Recognition(Winner_ILSVRC2015)_Microsoft.pdf
- [Microsoft] Fast R-CNN, Towards Real-Time Object Detection with Region Proposal Networks (Winner ILSVR2015)
-
Fast_R-CNN,Towards_Real-Time_Object_Detection_with_Region_Proposal_Networks(Winner_ILSVR2015)_Microsoft.pdf
- Learning Deconvolution Network for Semantic Segmentation
- http://cvlab.postech.ac.kr/research/deconvnet/
- Deep EXpectation of apparent age from a single image
- https://data.vision.ee.ethz.ch/cvl/rrothe/imdb-wiki/
- Inside-Outside Net: Detecting Objects in Context with Skip Pooling and Recurrent Neural Networks.
-
Inside_outside_net_detecting_objects_in_context_with_skip_pooling_and_recurrent_neural_networks_2015.pdf - Small Object 탐지방법에 관한 논문.
- 조대협의 블로그 - 수학포기자를 위한 딥러닝과 텐서플로우의 이해
- http://bcho.tistory.com/1208
-
Machine_learning_ebooks_-_Machine_learning_for_those_who_abandon_math.pdf
- Densely Connected Convolutional Networks (DenseNets)
- Deep learning CVPR2017 최고 논문상
- Deep Learning Interviews book: Hundreds of fully solved job interview questions from a wide range of key topics in AI.
- 딥러닝 인터뷰 북
- 머신러닝을 배우는 석/박사 과정 및 구직자들을 위한 실전 질문과 솔루션 모음
- 인쇄본 구입도 가능하지만, 전체 PDF는 무료로 공개
Tutorials
- 딥러닝 제대로 시작하기 (지은이 오카타니 타카유키/옮긴이 심효섭)
-
Deep_Learning_-Takayuki_Okatani-2015-_sample.pdf
- 머신러닝 입문 가이드 - IDG Deep Dive
- http://www.itworld.co.kr/techlibrary/97428
-
IDG_DeepDive_Machine_learning-20160113.pdf
- 딥러닝의 이해 (미발간; 2016-08-22 ver)
-
Understanding_deep_learning_0822.pdf
- Fundamental of Reinforcement Learning
- https://www.gitbook.com/book/dnddnjs/rl/details
-
Fundamental_of_Reinforcement_Learning.pdf - 모두의연구소 - 강화 학습의 기본
- Deep Learning Papers Reading Roadmap (딥러닝 논문 로드맵)
- https://github.com/songrotek/Deep-Learning-Papers-Reading-Roadmap/blob/master/README.md
-
Deep_Learning_Papers_Reading_Roadmap.md.zip
- [추천] Machine Learning-based Web Exception Detection (금융보안원 프로젝트 관련 참조사이트!)
- https://cloudfocus.aliyun.com/Machine-Learning-based-Web-Exception-Detection-89782?spm=a2c1b.a2c1b4.a2c1b4.16.ZSQoEd
-
Machine_Learning-based_Web_Exception_Detection_-Insights_and_Trends-_Alibaba_Cloud_Focus.pdf
- 머신러닝 기초 1~57편 (잡동사니 탐구 - 참스터디 ePaiai : 네이버 블로그)
- http://sams.epaiai.com/220498694383
- Microsoft, ML for Beginners 강의 공개
- MS Azure Clouds Advocates 팀이 만든 12주, 24강짜리 커리큘럼
- Scikit-learn을 이용한 클래식 머신러닝 강의 (딥러닝은 별도 AI 강의로 나올 예정)
- https://github.com/microsoft/ML-For-Beginners
Compress model
- Deep Compression and EIE - Deep Neural Network Model Compression and Efficient Inference Engine
-
Deep_compression_and_EIE_PPT.pdf
- Learning bothWeights and Connections for Efficient Neural Networks
-
Learning_both_weights_and_connections_for_efficient_neural_networks_2015.pdf
Convolutional neural network
- Reveal.js를 사용한 CNN 프레젠테이션 (Presentation).
- Author - 나
-
Reveal-ml.tar.gz
- Gradient-Based Learning Applied to Document Recognition
- http://yann.lecun.com/exdb/publis/pdf/lecun-01a.pdf
-
Gradient-Based_Learning_Applied_to_Document_Recognition.pdf
- Visualizing and Understanding Convolutional Neural Networks
- http://arxiv.org/abs/1311.2901
-
1311.2901v3.pdf
- Compressing CNN for Mobile Device (Samsung) - CNN 모델 압축의 필요성 etc ...
- [http://mlcenter.postech.ac.kr/files/attach/workshop_fall_2015/삼성전자_김용덕_박사.pdf](http://mlcenter.postech.ac.kr/files/attach/workshop_fall_2015/삼성전자_김용덕_박사.pdf)
-
Samsung_-_Compressing_CNN_for_Mobile_Device.pdf
- Using Filter Banks in Convolutional Neural Networks for Texture Classification
- https://arxiv.org/abs/1601.02919
Deep belief network
- The Applications of Deep Learning on Traffic Identification
-
Us-15-Wang-The-Applications-Of-Deep-Learning-On-Traffic-Identification-wp.pdf - https://www.blackhat.com/docs/us-15/materials/us-15-Wang-The-Applications-Of-Deep-Learning-On-Traffic-Identification-wp.pdf
Deconvolution neural network
- Learning Deconvolution Network for Semantic Segmentation
- http://cvlab.postech.ac.kr/research/deconvnet/
- https://arxiv.org/abs/1505.04366
-
1505.04366.pdf
Segmentation
- Learning to Segment (Facebook Research)
- https://research.fb.com/learning-to-segment/
- DeepMask+SharpMask as well as MultiPathNet.
- Recurrent Instance Segmentation
- https://arxiv.org/abs/1511.08250
-
1511.08250.pdf - Slideshare - Single Shot MultiBox Detector와 Recurrent Instance Segmentation
- vid2vid
- https://github.com/NVIDIA/vid2vid
- Pytorch implementation for high-resolution (e.g., 2048x1024) photorealistic video-to-video translation.
- It can be used for turning semantic label maps into photo-realistic videos, synthesizing people talking from edge maps, or generating human motions from poses.
Fire Detection
Fire Detection#Deep learning based에 정리한다.
Background subtraction
Background subtraction#Deep learning based에 정리한다.
LSTM
Long short-term memory에 정리한다.
Learning
- Siamese Neural Networks for One-Shot Image Recognition
- https://jayhey.github.io/deep%20learning/2018/02/06/saimese_network/
- 딥러닝에서 네트워크를 학습시킬 때, 매우 많은 트레이닝 데이터가 필요합니다. 이러한 단점을 극복하여 한 레이블 당 하나의 이미지만 있어도 분류할 수 있게 학습시키는게 one-shot learning입니다.
NVIDIA AI Developer Newsletter
- [추천] AI Can Transform Anyone Into a Professional Dancer
- https://news.developer.nvidia.com/ai-can-transform-anyone-into-a-professional-dancer/
- https://arxiv.org/abs/1808.07371
- Transforming Standard Video Into Slow Motion with AI
- https://news.developer.nvidia.com/transforming-standard-video-into-slow-motion-with-ai/
- NVIDIA SPLATNet Research Paper Wins a Major CVPR 2018 Award
- https://news.developer.nvidia.com/nvidia-splatnet-research-paper-wins-a-major-cvpr-2018-award/
- AI Learns to Play Dota 2 with Human Precision
- https://news.developer.nvidia.com/ai-learns-to-play-dota-2-with-human-precision/
- [추천] This AI Can Automatically Remove the Background from a Photo
- https://news.developer.nvidia.com/this-ai-can-automatically-remove-the-background-from-a-photo/
- NVDLA Deep Learning Inference Compiler is Now Open Source
- https://devblogs.nvidia.com/nvdla/
Nature
- Deep learning of aftershock patterns following large earthquakes
- https://www.reddit.com/r/MachineLearning/comments/9bo9i9/r_deep_learning_of_aftershock_patterns_following/
- https://www.nature.com/articles/s41586-018-0438-y
- https://drive.google.com/file/d/1DSqLgFZLuNJXNi2dyyP_ToIGHj94raWX/view
Cancer
- Deep Neural Networks Improve Radiologists’ Performance in Breast Cancer Screening
- https://medium.com/@jasonphang/deep-neural-networks-improve-radiologists-performance-in-breast-cancer-screening-565eb2bd3c9f
Text Generation
See also
- Convolution arithmetic: A technical report on convolution arithmetic in the context of deep learning. (convolution gif generator)
- Vision Transformer
Favorite site
Machine learning
- Wikipedia (en) 기계학습에 대한 설명
- 기계 학습 (Machine Learning) - OpenCV 기계 학습 알고리즘 2
- UNIVERSITY OF OXFORD: COMPUTER SCIENCE: Machine Learning: 2014-2015 Course materials (옥스포트 대학 머신러닝 교재및 비디오)
- 기계 학습의 역사 1
- 기계 학습의 역사 2
- 파라미터 조정과 학습
- Team AI Korea : We do Artificial Intelligence
- [추천] Mad for Simplicity - Enginius/Machine Learning (머신러닝 관련 컨텐츠 다수 보유, 깔끔하게 잘 정리했음)
- [추천] HUB-AI - AI STUDY (AI관련 스터디 자료 다수 보유)
- 수학을 포기한 직업 프로그래머가 머신러닝 학습을 시작하기위한 학습법 소개
- 머신러닝을 위한 기초 수학 살펴보기 by mingrammer
- [추천] Browse state-of-the-art
E-book
- [추천] 로보틱스와 머신 러닝/인공지능 무료 교재 추천 15권
- The Element of Statistical Learning: Data Mining, Inference, and Prediction – T. Hastie, R. Tibshirani, J. Friedman (2009)
- Introduction to Machine Learning – A. Shashua (2008)
- Deep Learning – An MIT Press book in preparation - Y. Bengio (2015)
- Learning Deep Architectures for AI – Y. Bengio (2009)
- Gaussian Process for Machine Learning – C. Rasmussen, C. Williams
- Reinforcement Learning – C. Weber, M. Elshaw, N. Mayer (2008)
- Reinforcement Learning: An Introduction – R. Sutton, A. Barto (1998)
- Bayesian Reasoning and Machine Learning – D. Barber (2014)
데이터 분석
Artificial neural network
- Wikipedia (en) 인공신경망에 대한 설명
- 신경망 - Data Mining 3
- 인공신경망(Artificial neural network)의 Sigmoid Function 4
- [추천] 신경망 이론 : 오창석 5 (몇 가지 활성화 함수 (Activation function)에 대한 풀이 존재)
- MLWiki (주로 Deep Learning를 포함한 뉴럴 네트워크를 설명할 것이다)
- Study/Artificial Intelligence: 인공 신경망(Artificial Neural Network)
- A Neural Network in 11 lines of Python (Part 1) (Python코드로 직접 Neural Network를 작성한다)
Convolutional neural network
- Wikipedia (en) CNN에 대한 설명
- LeNet-5, convolutional neural networks
- TensorFlow - (5) MNIST - CNN
- [추천] VGG Convolutional Neural Networks Practical 6 (순차적으로 CNN을 풀어가는 예제)
- Convolutional Neural Networks (Convolutional, Max-Pooling, Fully-Connected의 공식과 Backpropagation)
- SlideShare: Backpropagation in Convolutional Neural Network
- 손고리즘ML : Middle Learning = Shallow + Deep Machine Learning
Segmentation
Deep learning
- Wikipedia (en) 딥러닝에 대한 설명
- 입문자를 위한 딥러닝 튜토리얼
- 딥 러닝을 이용한 한국어 의존 구문 분석
- 딥 러닝 (Deep Learning) , 한번 살펴보고 가실께요
- Welcome to Deep Learning
Deep learning libraries
- Wikipedia (en) Comparison of deep learning software
- Deep Learning Comp Sheet: Deeplearning4j vs. Torch vs. Theano vs. Caffe vs. TensorFlow
- 어떤 Deep Learning Library를 선택해야하나요?
- [추천] Evaluation of Deep Learning Toolkits
Andrew Ng
Machine Learning Exercises In Python
- Part 1 - Simple Linear Regression 19
- Part 2 - Multivariate Linear Regression 20
- Part 3 - Logistic Regression 21
- Part 4 - Multivariate Logistic Regression 22
- Part 5 - Neural Networks 23
- Part 6 - Support Vector Machines 24
- Part 7 - K-Means Clustering & PCA 25
- Part 8 - Anomaly Detection & Recommendation 26
Guides
- Deeplearning4j #2 예제 MNIST
- Classifying MNIST digits using Logistic Regression
- 심화 학습 (Deep Learning)
- 삼성소프트웨어멤버십: 인공신경망 Neural Network #1 (C++ 코드로 간단한 Neuron구현)27
- 삼성소프트웨어멤버십: 인공신경망 Neural Network #2 (C++ 코드로 간단한 Feedforward neural network구현) 28
- Number plate recognition with Tensorflow (자동차 번호판 인식)
- [추천] GPU: how much faster than CPU? 29 (잘 알려진 딥러닝 모델 구조들에 대해서, GPU와 CPU에서의 forward time을 비교)
Tutorials
- WikiDocs - Deep Learning 이론과 실습 (개정중)
- [추천] WikiDocs - Machine Learning 강의노트
- [추천] Gihub - 1ambda - Data Analysis 30
- UFLDL Tutorial (Unsupervised Feature Learning and Deep Learning)
- opentutorials - 머신러닝
- [추천] GitBook - leonardoaraujosantos > Artificial Inteligence 31
- [추천] '머신러닝_김성훈교수님' 카테고리의 다른 글
- [추천] 170915 Tensorflow 세미나 딥러닝 이론에서 실습까지 - POSTECH 32
- 강화 학습(Reinforcement Learning)을 이해하는 데 필요한 선수 지식을 정리한 페이지
- [추천] Neural Networks : Zero to Hero - 신경망 개발을 밑바닥 부터 코딩 | GeekNews
- Tesla의 AI 총괄이었던 Andrej Karpathy가 만드는 신경망 개발 코스
- 역전파(backpropagation)의 기본부터 시작해서 최신 GPT같은 딥신경망까지 개발
- 언어모델은 딥러닝을 배우기에 좋음. 나중에 컴퓨터 비전 같은 곳으로 확장해 가더라도 대부분의 학습내용이 즉시 적용 가능
- [원문] Neural Networks: Zero To Hero
- [원문] aie-book/resources.md at main · chiphuyen/aie-book
- Chip Huyen이 "AI Engineering" 책을 쓰면서 참고했던 1200개 이상의 링크와 1000개 이상의 AI Github Repo중에서 가장 도움 되는 것들만을 추린 것
Data pool
- Fueling the Gold Rush: The Greatest Public Datasets for AI 33 (AI를 위한 데이터 셋 모음!)
Service
- Aifiddle - Design, Train & Share AI Models from your browser (딥러닝 모델을 브라우저에서 손쉽게 조립할 수 있다)
- PlayGround - Tinker With a Neural Network Right Here in Your Browser. Don’t Worry, You Can’t Break It. We Promise (모델의 레이어 사이 데이터 전달 그래프가 비쥬어블하게 출력됨)
- DeepL Translate: The world's most accurate translator
- 검색엔진 Kagi가 제공하는 "웹상의 모든 것에 대한 요약 생성" 도구
- Universal Summarizer - 모든 것을 요약해드립니다 | GeekNews
기안서에 사용하기 좋은 샘플 이미지
- [https://www.google.com/imgres?imgurl=https%3A%2F%2Fd3i71xaburhd42.cloudfront.net%2F791a9a8d8fe3110985211b3256b67c0e979fdf8a%2F2-Figure1-1.png&imgrefurl=https%3A%2F%2Fwww.semanticscholar.org%2Fpaper%2FImage-Sequences-Based-Traffic-Incident-Detection-Zou-Shi%2F791a9a8d8fe3110985211b3256b67c0e979fdf8a%2Ffigure%2F0&tbnid=U1aALMVaNKcjhM&vet=10CBAQxiAoAWoXChMImOranIz17gIVAAAAAB0AAAAAECg..i&docid=jy0zapjJfnlb9M&w=564&h=426&itg=1&q=Person%20Tracking%20&client=firefox-b-d&ved=0CBAQxiAoAWoXChMImOranIz17gIVAAAAAB0AAAAAECg#imgrc=zFEtt7J5NRRniM&imgdii=IsNk3wEGRScDPM 구글 이미지 검색] - 교차로에서 자동차 객체 탐지 샘플들
Online demo
References
-
Ratsgos_blog_-Deep_Learning-_CNN_backpropagation.pdf ↩
-
Machine_Learning_-_OpenCV_ML_algorithms.pdf ↩
-
S1_nn.pdf ↩
-
Sigmoid_Function_of_Artificial_Neural_Network.pdf ↩
-
Aistudy.co.kr_-_theory_oh.pdf ↩
-
VGG_Convolutional_Neural_Networks_Practical.pdf ↩
-
ConvNets_24_April.pdf ↩
-
Forward_and_Backward_Propagation_of_the_Convolutional_Layer.pdf ↩
-
The_easiest_way_to_understand_CNN_backpropagation.pdf ↩
-
A_Look_at_Image_Segmentation_using_CNNs_–_Mohit_Jain.pdf ↩
-
Artificial_Intelligence_6-Deep_Learning.pdf ↩
-
The_Devil_is_always_in_the_Details_-_Must_Know_Tips_and_Tricks_in_DNNs.pdf ↩
-
Openresearch.ai-190921.zip ↩
-
Stanford-machine_learning-andrew_ng-lectures.tar.gz ↩
-
SanghyukChun.github.io-006e2ae.tar.gz ↩
-
1ambda.github.io-19962c5.tar.gz ↩
-
Machine_Learning_Exercises_In_Python_-_Part_1.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_2.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_3.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_4.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_5.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_6.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_7.pdf ↩
-
Machine_Learning_Exercises_In_Python_-_Part_8.pdf ↩
-
Samsung_software_membership_-_Neural_network_01.pdf ↩
-
Samsung_software_membership_-_Neural_network_02.pdf ↩
-
GPU_-how_much_faster_than_CPU-_NeoBrain.pdf ↩
-
1ambda.github.io-master-5c58cab.zip ↩
-
Gitbook_-leonardoaraujosantos-_artificial-inteligence.pdf ↩
-
170915_Tensorflow_Seminar_From_Deep_Learning_Theory_to_Practice_-_POSTECH.pdf ↩
-
Fueling_the_Gold_Rush_-The_Greatest_Public_Datasets_for_AI-Startup_Grind-_Medium.pdf ↩