SlideShare a Scribd company logo
1 of 37
Download to read offline
오픈소스
AI 프레임웍
파헤치기
Open Source
Artificial Intelligence
Frame Works
KOSS Lab. 2기
중앙대학교 의료보안연구소
Mario Cho (조만석)
hephaex@gmail.com
Mario Cho
Development Experience
◆ Image Recognition using Neural Network
◆ Bio-Medical Data Processing
◆ Human Brain Mapping on High Performance
Computing
◆ Medical Image Reconstruction
(Computer Tomography)
◆ Enterprise System
◆ Open Source Software Developer
◆ OPNFV (NFV&SDN) & OpenStack
◆ Machine Learning (TensorFlow, Torch, Leaf)
Cognitive Artificial Intelligence for Medicine
◆ Machine Learning
◆ NLP
Book
◆ Unix V6 Kernel Chungan Univercity
Mario Cho
hephaex@gmail.com
What is the Machine Learning ?
• Field of Computer Science that evolved from the
study of pattern recognition and computational
learning theory into Artificial Intelligence.
• Its goal is to give computers the ability to learn
without being explicitly programmed.
• For this purpose, Machine Learning uses
mathematical / statistical techniques to construct
models from a set of observed data rather than
have specific set of instructions entered by the
user that define the model for that set of data.
Neural network vs Learning network
Neural Network Deep Learning Network
What is a neural network?
Yes/No
(Mug or not?)
Data (image)
!
x1
∈!5
,!x2
∈!5
x2
=(W1
×x1
)+
x3
=(W2
×x2
)+
x1 x2 x3
x4
x5
W4W3W2W1
Make predictions on data
Tensor compute
Tensor
(다차원행렬)
Tensor Tensor
곱셈
덧셈
함수
Tensor: 3차 이상 다차원 행렬
Computational Graph
Y = x1 * x2
Z = x3 – y
Why is Deep Learning taking off?
Engine
Fuel
Large neural networks
Labeled data
(x,y pairs)
The Big Players
Open Source Software for Machine Learning
Caffe
Theano
Convnet.js
Torch7
Chainer
DL4J
TensorFlow
Neon
SANOA
Summingbird
Apache SA
Flink ML
Mahout
Spark MLlib
RapidMiner
Weka
Knife
Scikit-learn
Amazon ML
BigML
DataRobot
FICO
Google
prediction API
HPE haven
OnDemand
IBM Watson
PurePredictive
Yottamine
Deep
Learning
Stream
Analytics
Big Data
Machine Learning
Data
Mining
Machine Learning
As a Service
Pylearn2
History of Deep Learning Framework
2010
2013
2014
2015
2016
2017
(Nov.)
(Dec.)
(Jul.)
(Jun.)
On GitHub
(Debut: Apr. ‘2015)
(Oct.)
(Jun.)
(Nov.)
(Jan.)
(Apr.)
(Mar.)
Google (2)
Google Tensorflow
Comparison DL frame works
Deep Learning Frame Works
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Caffe BAIR
Linux,
Mac
- C++
Python,
MATAB
Y
Y
- Y
Chainer
Preferred
Networks
Linux - Python Python -
Y
- Y Y
CNTK Microsoft
Linux,
Windows
- C++ Python, C++ Y Y - Y Y
DL4J SkyMind
Cross-
platform
(JVM)
Android Java
Java, Scala,
Python
Y Y
- Y
Y
(Spark)
Keras
François
Chollet
Linux,
Mac,
Windows
- Python Python
Y(Thean
o)
N(TF)
Y
- Y
MXNet DMLC
Linux,
Mac,
Windows,
Javascript
Android,
iOS
C++
C++, Python,
Julia,
MATLAB,
JavaScript,
Go, R, Scala,
Perl
Y
Y
- Y Y
TensorFlow Google
Linux,
Mac,
Windows
Android,
iOS
C++,
Python
Python,
C/C++, Java,
Go
N
Y
- Y Y
Theano
Université
de
Montréal
Linux,
Mac,
Windows
- Python Python
Y Y
- Y
Torch
Ronan,
Clément,
Koray,
Soumith
Linux,
Mac,
Windows
Android,
iOS
C, Lua Lua Y
Y
Y Y
Not
officiall
y
출처: Comparison of deep learning software
https://en.wikipedia.org/wiki/Comparison_of_deep_learning_software#cite_note-29
• Created by
– Yangqing Jia (http://daggerfs.com/)
– UC Berkerey 컴퓨터 과학 Ph.D. / 지도 교수(Trevor Darrell, BAIR 책임자)
– 구글 브레인 TensorFlow 프로젝트 참여
– 페이스북 리서치 사이언티트
– Evan Shellhamer (http://imaginarynumber.net/)
– UC Berkerey 컴퓨터 과학 Ph.D. / 지도 교수(Trevor Darrell, BAIR 책임자)
• Maintained by
– BAIR(Berkeley Artificial Intelligence Research, http://bair.berkeley.edu/)
• 릴리즈
– ‘2013: DeCAF (https://arxiv.org/abs/1310.1531)
– Dec. ‘2013: Caffe v0
• 적용 사례
– Facebook, Adobe, Microsoft, Samsung, Flickr, Tesla, Yelp, Pinterest, etc.
• Motivation
– ‘2012 ILSVRC에서 발표한 AlexNet을 재현
– DNN 정의/훈련/배포하기 위한 범용 F/W 구현
Caffe
http://caffe.berkeleyvision.org/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Caffe BAIR
Linux,
Mac
- C++
Python,
MATLAB
Y
Y
- Y
• Created & Maintained by
– Preferred Networks, Inc.
– (https://www.preferred-networks.jp/ja/)
• 릴리즈
– Jun. ‘2015
• 적용 사례
– Toyota motors, Panasonic
(https://www.wsj.com/articles/japan-seeks-tech-revival-with-artificial-intelligence-1448911981)
– FANUC
(http://www.fanucamerica.com/FanucAmerica-news/Press-
releases/PressReleaseDetails.aspx?id=79)
• Motivation
– Define-by-Run 아키텍처
– 실행 시점에 네트워크 그래프가 정의됨
– 복잡한 네트워크 정의를 보다 유연하게 지원할 수 있게 함
Chainer
http://docs.chainer.org/en/latest/index.html
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Chainer
Preferred
Networks
Linux - Python Python -
Y
- Y Y
[Define-and-Run (TensorFlow)] [Define-by-Run (Chainer, PyTorch)]
• Created & Maintained by
– Microsoft Research
• 릴리즈
– Jan. ‘2016
• 적용 사례
– Microsoft’s speech recognition engine
– Skype’s Translator
• Motivation
– Efficient performance on distributed environments
CNTK
https://www.microsoft.com/en-us/research/product/cognitive-toolkit/
https://www.microsoft.com/en-us/research/blog/microsoft-computational-network-toolkit-offers-most-efficient-distributed-deep-learning-computational-performance/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
CNTK Microsoft
Linux,
Windows
- C++ Python, C++ Y Y - Y Y
• 주체
• Created by
– Adam Gibson @Skymind (CTO)
– Chris Nicholson @Skymind (CEO)
• Maintained by
– Skymind (https://skymind.ai/)
• 릴리즈
– Jun. ‘2014
• 적용 사례
– 은행 Fraud Detection 연구 파트너쉽 with Nextremer in Japan
(https://skymind.ai/press/nextremer)
• Motivation
– 가장 많은 프로그래머를 보유하는 Java 기반의 딥러닝 프레임워크 개발
– 추론엔진에 대해 엔터프라이즈 서비스급 안정성을 보장
DL4J
https://deeplearning4j.org/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
DL4J SkyMind
Cross-
platform
(JVM)
Android Java
Java, Scala,
Python
Y Y
- Y
Y
(Spark)
• Created & Maintained by
– Francois Chollet @Google
• 릴리즈
– Mar. ‘2015
• 적용 사례
– TensorFlow (http://www.fast.ai/2017/01/03/keras)
• Motivation
– Provide a high-level interface based on deep learning framework like Theano, TensorFlow
– Easy to use
– 최소화, 단순화, 모듈화
– 다양한 딥러닝 프레임워크와의 쉬운 연동
Keras
https://keras.io/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Keras
François
Chollet
Linux,
Mac,
Windows
- Python Python
Y(Thean
o)
N(TF)
Y
- Y
• Created by
– CMU (http://www.cs.cmu.edu/~muli/file/mxnet-learning-sys.pdf)
• Maintained by
– DMLC(Distributed Machine Learning Community)
– CMU, NYU, NVIDIA, Baidu, Amazon, etc.
• 릴리즈
– Oct. ‘2015
• 적용 사례
– AWS (https://www.infoq.com/news/2016/11/amazon-mxnet-deep-learning)
• Motivation
– Support for Mixed Programming Model: Imperative & Symbolic
– Support for Portability: Desktops, Clusters, Mobiles, etc.
– Support for Multiple Languages: C++, R, Python, Matlab, Javascript, etc.
MXNet
http://mxnet.io/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
MXNet DMLC
Linux,
Mac,
Windows,
Javascript
Android,
iOS
C++
C++, Python,
Julia,
MATLAB,
JavaScript,
Go, R, Scala,
Perl
Y Y - Y Y
• Created & Maintained by
– Google Brain
• 릴리즈
– Nov. ‘2015
• 적용 사례
– Google
– Search Signals (https://www.bloomberg.com/news/articles/2015-10-26/google-turning-its-lucrative-
web-search-over-to-ai-machines)
– Email auto-responder (https://research.googleblog.com/2015/11/computer-respond-to-this-
email.html)
– Photo Search (https://techcrunch.com/2015/11/09/google-open-sources-the-machine-learning-
tech-behind-google-photos-search-smart-reply-and-more/#.t38yrr8:fUIZ)
• Motivation
– It’s Google
TensorFlow
https://www.tensorflow.org/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
TensorFlow Google
Linux,
Mac,
Windows
Android,
iOS
C++,
Python
Python,
C/C++, Java,
Go
N
Y
- Y Y
• Created by
– James Bergstra, Frederic Bastien, etc. (http://www.iro.umontreal.ca/~lisa/pointeurs/theano_scipy2010.pdf_
– Maintained by
– LISA lab @ Université de Montréal
• 릴리즈
– Nov ‘2010
• 적용 사례
– Keras
– Lasagne
– Blocks
• Motivation
– There’s any.
Theano
http://deeplearning.net/software/theano/index.html
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Theano
Université
de
Montréal
Linux,
Mac,
Windows
- Python Python
Y Y
- Y
• Created & Maintained by
– Ronan Collobert: Research Scientist @ Facebook
– Clément Farabet: Senior Software Engineer @ Twitter
– Koray Kavukcuoglu: Research Scientist @ Google DeepMind
– Soumith Chinatala: Research Engineer @ Facebook
• 릴리즈
– Jul. ‘2014
• 적용 사례
– Facebook, Google, Twitter, Element Inc., etc.
• Motivation
– Unlike Caffe, for research rather than mass market
– Unlike Theano, easy to use based on imperative model rather than symbolic model
Torch
http://torch.ch/
F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA
OpenC
L
멀티GPU 분산
Torch
Ronan,
Clément,
Koray,
Soumith
Linux,
Mac,
Windows
Android,
iOS
C, Lua Lua Y
Y
Y Y
Not
officiall
y
Deep Learning Framework comparison
출처: Getting Started with Dep Learning
https://svds.com/getting-started-deep-learning/
GPU
Tensorflow Processing Unit (TPU)
AlphaGo Gen1
Machine Learning Farm
Computing Env. Challenges
Thanks you!
Q&A

More Related Content

What's hot

What's hot (20)

Introducing TensorFlow: The game changer in building "intelligent" applications
Introducing TensorFlow: The game changer in building "intelligent" applicationsIntroducing TensorFlow: The game changer in building "intelligent" applications
Introducing TensorFlow: The game changer in building "intelligent" applications
 
Standardizing arrays -- Microsoft Presentation
Standardizing arrays -- Microsoft PresentationStandardizing arrays -- Microsoft Presentation
Standardizing arrays -- Microsoft Presentation
 
TensorFlow
TensorFlowTensorFlow
TensorFlow
 
Keynote at Converge 2019
Keynote at Converge 2019Keynote at Converge 2019
Keynote at Converge 2019
 
SciPy Latin America 2019
SciPy Latin America 2019SciPy Latin America 2019
SciPy Latin America 2019
 
PyData Barcelona Keynote
PyData Barcelona KeynotePyData Barcelona Keynote
PyData Barcelona Keynote
 
TensorFlow in Context
TensorFlow in ContextTensorFlow in Context
TensorFlow in Context
 
Deep Learning Cases: Text and Image Processing
Deep Learning Cases: Text and Image ProcessingDeep Learning Cases: Text and Image Processing
Deep Learning Cases: Text and Image Processing
 
Deep Learning for AI (3)
Deep Learning for AI (3)Deep Learning for AI (3)
Deep Learning for AI (3)
 
Deep Learning on Qubole Data Platform
Deep Learning on Qubole Data PlatformDeep Learning on Qubole Data Platform
Deep Learning on Qubole Data Platform
 
Deep learning with Tensorflow in R
Deep learning with Tensorflow in RDeep learning with Tensorflow in R
Deep learning with Tensorflow in R
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analyticsMetta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
 
Intro to TensorFlow and PyTorch Workshop at Tubular Labs
Intro to TensorFlow and PyTorch Workshop at Tubular LabsIntro to TensorFlow and PyTorch Workshop at Tubular Labs
Intro to TensorFlow and PyTorch Workshop at Tubular Labs
 
雲端影音與物聯網平台的軟體工程挑戰:以 Skywatch 為例-陳維超
雲端影音與物聯網平台的軟體工程挑戰:以 Skywatch 為例-陳維超雲端影音與物聯網平台的軟體工程挑戰:以 Skywatch 為例-陳維超
雲端影音與物聯網平台的軟體工程挑戰:以 Skywatch 為例-陳維超
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on Android
 
Big data app meetup 2016-06-15
Big data app meetup 2016-06-15Big data app meetup 2016-06-15
Big data app meetup 2016-06-15
 
Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through Examples
 
Deep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles ApproachDeep Learning Primer: A First-Principles Approach
Deep Learning Primer: A First-Principles Approach
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
 

Similar to Koss Lab 세미나 오픈소스 인공지능(AI) 프레임웍파헤치기

Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Simplilearn
 
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Karthik Murugesan
 
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
Databricks
 
MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle
Databricks
 
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
Lviv Startup Club
 

Similar to Koss Lab 세미나 오픈소스 인공지능(AI) 프레임웍파헤치기 (20)

Technology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and BeyondTechnology and AI sharing - From 2016 to Y2017 and Beyond
Technology and AI sharing - From 2016 to Y2017 and Beyond
 
Resume-Aditya Parkhi NCSU_MSCS
Resume-Aditya Parkhi NCSU_MSCSResume-Aditya Parkhi NCSU_MSCS
Resume-Aditya Parkhi NCSU_MSCS
 
Samsung SDS OpeniT - The possibility of Python
Samsung SDS OpeniT - The possibility of PythonSamsung SDS OpeniT - The possibility of Python
Samsung SDS OpeniT - The possibility of Python
 
Tour de France Azure PaaS 6/7 Ajouter de l'intelligence
Tour de France Azure PaaS 6/7 Ajouter de l'intelligenceTour de France Azure PaaS 6/7 Ajouter de l'intelligence
Tour de France Azure PaaS 6/7 Ajouter de l'intelligence
 
cv
cvcv
cv
 
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
Deep Learning Frameworks 2019 | Which Deep Learning Framework To Use | Deep L...
 
My Portfolio
My PortfolioMy Portfolio
My Portfolio
 
building intelligent systems with large scale deep learning
building intelligent systems with large scale deep learningbuilding intelligent systems with large scale deep learning
building intelligent systems with large scale deep learning
 
Microsoft AI Platform Overview
Microsoft AI Platform OverviewMicrosoft AI Platform Overview
Microsoft AI Platform Overview
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
 
Anaconda and PyData Solutions
Anaconda and PyData SolutionsAnaconda and PyData Solutions
Anaconda and PyData Solutions
 
2018 11 14 Artificial Intelligence and Machine Learning in Azure
2018 11 14 Artificial Intelligence and Machine Learning in Azure2018 11 14 Artificial Intelligence and Machine Learning in Azure
2018 11 14 Artificial Intelligence and Machine Learning in Azure
 
Info Session
Info SessionInfo Session
Info Session
 
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
Uber - Building Intelligent Applications, Experimental ML with Uber’s Data Sc...
 
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
Building Intelligent Applications, Experimental ML with Uber’s Data Science W...
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
 
Designing Artificial Intelligence
Designing Artificial IntelligenceDesigning Artificial Intelligence
Designing Artificial Intelligence
 
MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle MLFlow: Platform for Complete Machine Learning Lifecycle
MLFlow: Platform for Complete Machine Learning Lifecycle
 
Machine learning in cybersecutiry
Machine learning in cybersecutiryMachine learning in cybersecutiry
Machine learning in cybersecutiry
 
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
Borys Rybak “How to make your data smart with Artificial Intelligence and Mac...
 

More from Mario Cho

More from Mario Cho (18)

Python pyenv virtualenv
Python pyenv virtualenvPython pyenv virtualenv
Python pyenv virtualenv
 
A.I. Exercise.
A.I. Exercise.A.I. Exercise.
A.I. Exercise.
 
제로부터시작하는 Git 두번째 이야기
제로부터시작하는 Git 두번째 이야기제로부터시작하는 Git 두번째 이야기
제로부터시작하는 Git 두번째 이야기
 
제로부터시작하는Git
제로부터시작하는Git제로부터시작하는Git
제로부터시작하는Git
 
오픈소스로 시작하는 인공지능 실습
오픈소스로 시작하는 인공지능 실습오픈소스로 시작하는 인공지능 실습
오픈소스로 시작하는 인공지능 실습
 
제로부터시작하는오픈소스
제로부터시작하는오픈소스제로부터시작하는오픈소스
제로부터시작하는오픈소스
 
Re: 제로부터시작하는텐서플로우
Re: 제로부터시작하는텐서플로우Re: 제로부터시작하는텐서플로우
Re: 제로부터시작하는텐서플로우
 
Koss 6 a17_deepmachinelearning_mariocho_r10
Koss 6 a17_deepmachinelearning_mariocho_r10Koss 6 a17_deepmachinelearning_mariocho_r10
Koss 6 a17_deepmachinelearning_mariocho_r10
 
Open stack 4day
Open stack 4dayOpen stack 4day
Open stack 4day
 
티벳 사자의 서: 환생론/우주관
티벳 사자의 서: 환생론/우주관티벳 사자의 서: 환생론/우주관
티벳 사자의 서: 환생론/우주관
 
EMT machine learning 12th weeks : Anomaly detection
EMT machine learning 12th weeks : Anomaly detectionEMT machine learning 12th weeks : Anomaly detection
EMT machine learning 12th weeks : Anomaly detection
 
ESM Machine learning 5주차 Review by Mario Cho
ESM Machine learning 5주차 Review by Mario ChoESM Machine learning 5주차 Review by Mario Cho
ESM Machine learning 5주차 Review by Mario Cho
 
ESM Mid term Review
ESM Mid term ReviewESM Mid term Review
ESM Mid term Review
 
ESM SVM & Unsupervised Learning
ESM SVM & Unsupervised LearningESM SVM & Unsupervised Learning
ESM SVM & Unsupervised Learning
 
Tfk 6618 tensor_flow로얼굴인식구현_r10_mariocho
Tfk 6618 tensor_flow로얼굴인식구현_r10_mariochoTfk 6618 tensor_flow로얼굴인식구현_r10_mariocho
Tfk 6618 tensor_flow로얼굴인식구현_r10_mariocho
 
Storage based on_openstack_mariocho
Storage based on_openstack_mariochoStorage based on_openstack_mariocho
Storage based on_openstack_mariocho
 
An Introduce of OPNFV (Open Platform for NFV)
An Introduce of OPNFV (Open Platform for NFV)An Introduce of OPNFV (Open Platform for NFV)
An Introduce of OPNFV (Open Platform for NFV)
 
Linux Kernel Boot Process , SOSCON 2015, By Mario Cho
Linux Kernel Boot Process , SOSCON 2015, By Mario ChoLinux Kernel Boot Process , SOSCON 2015, By Mario Cho
Linux Kernel Boot Process , SOSCON 2015, By Mario Cho
 

Recently uploaded

TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
mohitmore19
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
masabamasaba
 

Recently uploaded (20)

%in Hazyview+277-882-255-28 abortion pills for sale in Hazyview
%in Hazyview+277-882-255-28 abortion pills for sale in Hazyview%in Hazyview+277-882-255-28 abortion pills for sale in Hazyview
%in Hazyview+277-882-255-28 abortion pills for sale in Hazyview
 
VTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learnVTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learn
 
Crypto Cloud Review - How To Earn Up To $500 Per DAY Of Bitcoin 100% On AutoP...
Crypto Cloud Review - How To Earn Up To $500 Per DAY Of Bitcoin 100% On AutoP...Crypto Cloud Review - How To Earn Up To $500 Per DAY Of Bitcoin 100% On AutoP...
Crypto Cloud Review - How To Earn Up To $500 Per DAY Of Bitcoin 100% On AutoP...
 
10 Trends Likely to Shape Enterprise Technology in 2024
10 Trends Likely to Shape Enterprise Technology in 202410 Trends Likely to Shape Enterprise Technology in 2024
10 Trends Likely to Shape Enterprise Technology in 2024
 
Define the academic and professional writing..pdf
Define the academic and professional writing..pdfDefine the academic and professional writing..pdf
Define the academic and professional writing..pdf
 
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
 
%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand
 
TECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service providerTECUNIQUE: Success Stories: IT Service provider
TECUNIQUE: Success Stories: IT Service provider
 
SHRMPro HRMS Software Solutions Presentation
SHRMPro HRMS Software Solutions PresentationSHRMPro HRMS Software Solutions Presentation
SHRMPro HRMS Software Solutions Presentation
 
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
 
%in Stilfontein+277-882-255-28 abortion pills for sale in Stilfontein
%in Stilfontein+277-882-255-28 abortion pills for sale in Stilfontein%in Stilfontein+277-882-255-28 abortion pills for sale in Stilfontein
%in Stilfontein+277-882-255-28 abortion pills for sale in Stilfontein
 
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
 
AI & Machine Learning Presentation Template
AI & Machine Learning Presentation TemplateAI & Machine Learning Presentation Template
AI & Machine Learning Presentation Template
 
Exploring the Best Video Editing App.pdf
Exploring the Best Video Editing App.pdfExploring the Best Video Editing App.pdf
Exploring the Best Video Editing App.pdf
 
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Pushp Vihar (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
%+27788225528 love spells in Colorado Springs Psychic Readings, Attraction sp...
 
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
 
Unlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language ModelsUnlocking the Future of AI Agents with Large Language Models
Unlocking the Future of AI Agents with Large Language Models
 
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdfPayment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
Payment Gateway Testing Simplified_ A Step-by-Step Guide for Beginners.pdf
 
8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students
 

Koss Lab 세미나 오픈소스 인공지능(AI) 프레임웍파헤치기

  • 1. 오픈소스 AI 프레임웍 파헤치기 Open Source Artificial Intelligence Frame Works KOSS Lab. 2기 중앙대학교 의료보안연구소 Mario Cho (조만석) hephaex@gmail.com
  • 2. Mario Cho Development Experience ◆ Image Recognition using Neural Network ◆ Bio-Medical Data Processing ◆ Human Brain Mapping on High Performance Computing ◆ Medical Image Reconstruction (Computer Tomography) ◆ Enterprise System ◆ Open Source Software Developer ◆ OPNFV (NFV&SDN) & OpenStack ◆ Machine Learning (TensorFlow, Torch, Leaf) Cognitive Artificial Intelligence for Medicine ◆ Machine Learning ◆ NLP Book ◆ Unix V6 Kernel Chungan Univercity Mario Cho hephaex@gmail.com
  • 3. What is the Machine Learning ? • Field of Computer Science that evolved from the study of pattern recognition and computational learning theory into Artificial Intelligence. • Its goal is to give computers the ability to learn without being explicitly programmed. • For this purpose, Machine Learning uses mathematical / statistical techniques to construct models from a set of observed data rather than have specific set of instructions entered by the user that define the model for that set of data.
  • 4. Neural network vs Learning network Neural Network Deep Learning Network
  • 5. What is a neural network? Yes/No (Mug or not?) Data (image) ! x1 ∈!5 ,!x2 ∈!5 x2 =(W1 ×x1 )+ x3 =(W2 ×x2 )+ x1 x2 x3 x4 x5 W4W3W2W1
  • 8. Computational Graph Y = x1 * x2 Z = x3 – y
  • 9. Why is Deep Learning taking off? Engine Fuel Large neural networks Labeled data (x,y pairs)
  • 11. Open Source Software for Machine Learning Caffe Theano Convnet.js Torch7 Chainer DL4J TensorFlow Neon SANOA Summingbird Apache SA Flink ML Mahout Spark MLlib RapidMiner Weka Knife Scikit-learn Amazon ML BigML DataRobot FICO Google prediction API HPE haven OnDemand IBM Watson PurePredictive Yottamine Deep Learning Stream Analytics Big Data Machine Learning Data Mining Machine Learning As a Service Pylearn2
  • 12. History of Deep Learning Framework 2010 2013 2014 2015 2016 2017 (Nov.) (Dec.) (Jul.) (Jun.) On GitHub (Debut: Apr. ‘2015) (Oct.) (Jun.) (Nov.) (Jan.) (Apr.) (Mar.)
  • 16. Deep Learning Frame Works F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Caffe BAIR Linux, Mac - C++ Python, MATAB Y Y - Y Chainer Preferred Networks Linux - Python Python - Y - Y Y CNTK Microsoft Linux, Windows - C++ Python, C++ Y Y - Y Y DL4J SkyMind Cross- platform (JVM) Android Java Java, Scala, Python Y Y - Y Y (Spark) Keras François Chollet Linux, Mac, Windows - Python Python Y(Thean o) N(TF) Y - Y MXNet DMLC Linux, Mac, Windows, Javascript Android, iOS C++ C++, Python, Julia, MATLAB, JavaScript, Go, R, Scala, Perl Y Y - Y Y TensorFlow Google Linux, Mac, Windows Android, iOS C++, Python Python, C/C++, Java, Go N Y - Y Y Theano Université de Montréal Linux, Mac, Windows - Python Python Y Y - Y Torch Ronan, Clément, Koray, Soumith Linux, Mac, Windows Android, iOS C, Lua Lua Y Y Y Y Not officiall y 출처: Comparison of deep learning software https://en.wikipedia.org/wiki/Comparison_of_deep_learning_software#cite_note-29
  • 17. • Created by – Yangqing Jia (http://daggerfs.com/) – UC Berkerey 컴퓨터 과학 Ph.D. / 지도 교수(Trevor Darrell, BAIR 책임자) – 구글 브레인 TensorFlow 프로젝트 참여 – 페이스북 리서치 사이언티트 – Evan Shellhamer (http://imaginarynumber.net/) – UC Berkerey 컴퓨터 과학 Ph.D. / 지도 교수(Trevor Darrell, BAIR 책임자) • Maintained by – BAIR(Berkeley Artificial Intelligence Research, http://bair.berkeley.edu/) • 릴리즈 – ‘2013: DeCAF (https://arxiv.org/abs/1310.1531) – Dec. ‘2013: Caffe v0 • 적용 사례 – Facebook, Adobe, Microsoft, Samsung, Flickr, Tesla, Yelp, Pinterest, etc. • Motivation – ‘2012 ILSVRC에서 발표한 AlexNet을 재현 – DNN 정의/훈련/배포하기 위한 범용 F/W 구현 Caffe http://caffe.berkeleyvision.org/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Caffe BAIR Linux, Mac - C++ Python, MATLAB Y Y - Y
  • 18. • Created & Maintained by – Preferred Networks, Inc. – (https://www.preferred-networks.jp/ja/) • 릴리즈 – Jun. ‘2015 • 적용 사례 – Toyota motors, Panasonic (https://www.wsj.com/articles/japan-seeks-tech-revival-with-artificial-intelligence-1448911981) – FANUC (http://www.fanucamerica.com/FanucAmerica-news/Press- releases/PressReleaseDetails.aspx?id=79) • Motivation – Define-by-Run 아키텍처 – 실행 시점에 네트워크 그래프가 정의됨 – 복잡한 네트워크 정의를 보다 유연하게 지원할 수 있게 함 Chainer http://docs.chainer.org/en/latest/index.html F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Chainer Preferred Networks Linux - Python Python - Y - Y Y [Define-and-Run (TensorFlow)] [Define-by-Run (Chainer, PyTorch)]
  • 19. • Created & Maintained by – Microsoft Research • 릴리즈 – Jan. ‘2016 • 적용 사례 – Microsoft’s speech recognition engine – Skype’s Translator • Motivation – Efficient performance on distributed environments CNTK https://www.microsoft.com/en-us/research/product/cognitive-toolkit/ https://www.microsoft.com/en-us/research/blog/microsoft-computational-network-toolkit-offers-most-efficient-distributed-deep-learning-computational-performance/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 CNTK Microsoft Linux, Windows - C++ Python, C++ Y Y - Y Y
  • 20. • 주체 • Created by – Adam Gibson @Skymind (CTO) – Chris Nicholson @Skymind (CEO) • Maintained by – Skymind (https://skymind.ai/) • 릴리즈 – Jun. ‘2014 • 적용 사례 – 은행 Fraud Detection 연구 파트너쉽 with Nextremer in Japan (https://skymind.ai/press/nextremer) • Motivation – 가장 많은 프로그래머를 보유하는 Java 기반의 딥러닝 프레임워크 개발 – 추론엔진에 대해 엔터프라이즈 서비스급 안정성을 보장 DL4J https://deeplearning4j.org/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 DL4J SkyMind Cross- platform (JVM) Android Java Java, Scala, Python Y Y - Y Y (Spark)
  • 21. • Created & Maintained by – Francois Chollet @Google • 릴리즈 – Mar. ‘2015 • 적용 사례 – TensorFlow (http://www.fast.ai/2017/01/03/keras) • Motivation – Provide a high-level interface based on deep learning framework like Theano, TensorFlow – Easy to use – 최소화, 단순화, 모듈화 – 다양한 딥러닝 프레임워크와의 쉬운 연동 Keras https://keras.io/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Keras François Chollet Linux, Mac, Windows - Python Python Y(Thean o) N(TF) Y - Y
  • 22. • Created by – CMU (http://www.cs.cmu.edu/~muli/file/mxnet-learning-sys.pdf) • Maintained by – DMLC(Distributed Machine Learning Community) – CMU, NYU, NVIDIA, Baidu, Amazon, etc. • 릴리즈 – Oct. ‘2015 • 적용 사례 – AWS (https://www.infoq.com/news/2016/11/amazon-mxnet-deep-learning) • Motivation – Support for Mixed Programming Model: Imperative & Symbolic – Support for Portability: Desktops, Clusters, Mobiles, etc. – Support for Multiple Languages: C++, R, Python, Matlab, Javascript, etc. MXNet http://mxnet.io/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 MXNet DMLC Linux, Mac, Windows, Javascript Android, iOS C++ C++, Python, Julia, MATLAB, JavaScript, Go, R, Scala, Perl Y Y - Y Y
  • 23. • Created & Maintained by – Google Brain • 릴리즈 – Nov. ‘2015 • 적용 사례 – Google – Search Signals (https://www.bloomberg.com/news/articles/2015-10-26/google-turning-its-lucrative- web-search-over-to-ai-machines) – Email auto-responder (https://research.googleblog.com/2015/11/computer-respond-to-this- email.html) – Photo Search (https://techcrunch.com/2015/11/09/google-open-sources-the-machine-learning- tech-behind-google-photos-search-smart-reply-and-more/#.t38yrr8:fUIZ) • Motivation – It’s Google TensorFlow https://www.tensorflow.org/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 TensorFlow Google Linux, Mac, Windows Android, iOS C++, Python Python, C/C++, Java, Go N Y - Y Y
  • 24. • Created by – James Bergstra, Frederic Bastien, etc. (http://www.iro.umontreal.ca/~lisa/pointeurs/theano_scipy2010.pdf_ – Maintained by – LISA lab @ Université de Montréal • 릴리즈 – Nov ‘2010 • 적용 사례 – Keras – Lasagne – Blocks • Motivation – There’s any. Theano http://deeplearning.net/software/theano/index.html F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Theano Université de Montréal Linux, Mac, Windows - Python Python Y Y - Y
  • 25. • Created & Maintained by – Ronan Collobert: Research Scientist @ Facebook – Clément Farabet: Senior Software Engineer @ Twitter – Koray Kavukcuoglu: Research Scientist @ Google DeepMind – Soumith Chinatala: Research Engineer @ Facebook • 릴리즈 – Jul. ‘2014 • 적용 사례 – Facebook, Google, Twitter, Element Inc., etc. • Motivation – Unlike Caffe, for research rather than mass market – Unlike Theano, easy to use based on imperative model rather than symbolic model Torch http://torch.ch/ F/W 주체 플랫폼 모바일 언어 인터페이스 OpenMP CUDA OpenC L 멀티GPU 분산 Torch Ronan, Clément, Koray, Soumith Linux, Mac, Windows Android, iOS C, Lua Lua Y Y Y Y Not officiall y
  • 26.
  • 27.
  • 28.
  • 29.
  • 30. Deep Learning Framework comparison 출처: Getting Started with Dep Learning https://svds.com/getting-started-deep-learning/
  • 31. GPU
  • 35.