SlideShare a Scribd company logo
1 of 85
Download to read offline
인공지능 (A.I.)
이해와 최신기술
Artificial Intelligence
and technical trend.
Lablup Inc.
Mario Cho (조만석)
hephaex@gmail.com
Contents
• Machine Learning?
• Artificial Neural
Network?
• Open Source based
Artificial Intelligence
Softwares
• Open Source A.I
Software Applications
Mario (manseok) 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 Architect & consuliting
 Artificial Intelligence for medicine decision support
Open Source Software Developer
 Committer: (Cloud NFV/SDN)
 Contribute:
TensorFlow (Deep Learning)
OpenStack (Cloud compute)
LLVM (compiler)
Kernel (Linux)
Book
 Unix V6 Kernel
Lablup Inc.
Mario Cho
hephaex@gmail.com
The Future of Jobs
“The Fourth Industrial Revolution, which
includes developments in previously
disjointed fields such as
artificial intelligence & machine-learning,
robotics, nanotechnology, 3-D printing,
and genetics & biotechnology,
will cause widespread disruption not only
to business models but also to labor
market over the next five years, with
enormous change predicted in the skill
sets needed to thrive in the new
landscape.”
Today‟s information
* http://www.cray.com/Assets/Images/urika/edge/analytics-infographic.html
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.
Artificial Intelligence
Understand information,
To Learn,
To Reason,
& Act upon it
Object Recognition
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
Neural network vs Learning network
Neural Network Deep Learning Network
Neural Network
W1
W2
W3
f(x)
1.4
-2.5
-0.06
Neural Network
2.7
-8.6
0.002
f(x)
1.4
-2.5
-0.06
x = -0.06×2.7 + 2.5×8.6 + 1.4×0.002 = 21.34
Neural Network as a Computational Graph
• In Most Machine Learning Frameworks,
• Neural Network is conceptualized as a
Computational Graph
• The simple form of Computational Graph,
• Directed Acyclic Graph consist Data Nodes
and Operator Nodes
Y = x1 * x2
Z = x3 – y
Data node
Opeator node
Computational Graph
Tensor
(Muti axis
matrix)
Tensor Tensor
Multifly
add
Function
Single layer perceptron
Affine ReLUX
W b
h1 C
C = ReLU( b + WX )
Multi layer perceptron
X
W1 b1
h1Affine
a1
W2 b2
h2Affine
ReLU
ReLU
a2
W3 b3
h3Affine Softmax
t
Cross
Entropy
prob loss
WFO Discovery Advisor
• Researches can‟t innovate fast enough to create truly breakthrough therapies
• To anticipate the safety profile of new treatments
WFO Corpus
Over 1TB of data
Over 40m documents
Over 100m entities
& relationships
Chemical
12M+ Chemical Structures
Genomics
20,000+ genes
MD Text
50+ books
Medline
23M+ abstracts
Journals
100+ journals
FDA drugs
11,000+ drugs
Patents
16M+ patents
GPU
Tensor Core : NVIDIA Volta
Why is Deep Learning taking off?
Engine
Fuel
Large neural networks
Labeled data
(x,y pairs)
Convolution Feature
Deep learning : CNN
Traditional learning vs Deep Machine Learning
Eiffel Tower
Eiffel Tower
RAW data
RAW data
Deep
Learning
Network
Feature
Extraction
Vectored Classification
Traditional Learning
Deep Learning
Human-Level Object Recognition
• ImageNet
• Large-Scale Visual Recognition Challenge
Image Classification / Localization
1.2M labeled images, 1000 classes
Convolutional Neural Networks (CNNs)
has been dominating the contest since..
 2012 non-CNN: 26.2% (top-5 error)
 2012: (Hinton, AlexNet)15.3%
 2013: (Clarifai) 11.2%
 2014: (Google, GoogLeNet) 6.7%
 2015: (Google) 4.9%
 Beyond human-level performance
The Big Players
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
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
• Created by
 Yangqing Jia (http://daggerfs.com/)
 UC Berkerey Computer Science Ph.D. / Trevor Darrell, BAIR
 Google BrainLab.TensorFlow join
 Facebook research Scientest
 Evan Shellhamer (http://imaginarynumber.net/)
• Maintained by
 BAIR(Berkeley Artificial Intelligence Research, http://bair.berkeley.edu/)
• Release
 „2013: DeCAF (https://arxiv.org/abs/1310.1531)
 Dec. „2013: Caffe v0
• Application
 Facebook, Adobe, Microsoft, Samsung, Flickr, Tesla, Yelp, Pinterest, etc.
• Motivation
 „2012 ILSVRC, AlexNet
 DNN define/training/deploy implementation by F/W
Caffe
http://caffe.berkeleyvision.org/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL Multi GPU
Parallel
Executi
on
Caffe BAIR
Linux,
Mac
- C++
Python,
MATLAB
Y
Y
- Y
• Created & Maintained by
 Preferred Networks, Inc.
 (https://www.preferred-networks.jp/ja/)
• Release
 Jun. „2015
• Application
 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 Architecture
Chainer
http://docs.chainer.org/en/latest/index.html
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL Multi GPU
Parallel
Executi
on
Chainer
Preferred
Networks
Linux - Python Python -
Y
- Y Y
[Define-and-Run (TensorFlow)] [Define-by-Run (Chainer, PyTorch)]
• Created & Maintained by
 Microsoft Research
• Release
 Jan. „2016
• Applications
 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/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
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/)
• Release
 Jun. „2014
• Application
 Finatial Fraud Detection Research Partnership with Nextremer in Japan
(https://skymind.ai/press/nextremer)
DL4J
https://deeplearning4j.org/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
DL4J SkyMind
Cross-
platform
(JVM)
Android Java
Java, Scala,
Python
Y Y
- Y
Y
(Spark)
• Created & Maintained by
 Francois Chollet @Google
• Release
 Mar. „2015
• Appliation
 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
 Simple Modular
 Various Deep-learning framework support
Keras
https://keras.io/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
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.
• Release
 Oct. „2015
• Application
 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/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
MXNet DMLC
Linux,
Mac,
Windows,
Javascript
Android,
iOS
C++
C++, Python,
Julia,
MATLAB,
JavaScript,
Go, R, Scala,
Perl
Y 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
• Release
 Nov „2010
• Application
 Keras
 Lasagne
 Blocks
• Motivation
 There‟s any.
Theano
http://deeplearning.net/software/theano/index.html
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
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
• Release
 Jul. „2014
• Application
 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/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL
Multi
GPU
Parallel
Execution
Torch
Ronan,
Clément,
Koray,
Soumith
Linux,
Mac,
Windows
Android,
iOS
C, Lua Lua Y
Y
Y Y
Not
officially
• Created & Maintained by
 Google Brain
• Release
 Nov. „2015
• Application
 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/
S/W Creator Platform Mobile
Langua
ge
Interface OpenMP CUDA OpenCL Multi GPU
Parallel
Executi
on
TensorFlow Google
Linux,
Mac,
Windows
Android,
iOS
C++,
Python
Python,
C/C++, Java,
Go
N
Y
- Y Y
Google Tensorflow on github
* Source: Oriol Vinyals – Research Scientist at Google Brain
Expressing High-Level ML Computations
• Core in C++
• Different front ends for specifying/driving the computation
• Python and C++ today, easy to add more
* Source: Jeff Dean– Research Scientist at Google Brain
Hello World on TensorFlow
Image recognition in Google Map
* Source: Oriol Vinyals – Research Scientist at Google Brain
Deep Learning Hello World == MNIST
MNIST (predict number of image)
CNN (convolution neural network) training
MNIST code
Old Character Recognition
Convolution Neural Network
Convolution Neural Network
Multy layer Deep Networks
Face extraction method
Human-Level Face Recognition
• Convolutional neural networks based
face recognition system is dominant
• 99.15% face verification accuracy on
LFW dataset in DeepID2 (2014)
 Beyond human-level recognition
Source: Taigman et al. DeepFace: Closing the Gap to Human-Level Performance in Face Verification, CVPR’14
Deep & Deep Neural network
ImangeNet Classification Top-5 error
ImageNet Large Scale Visual Recognition Challenge
Image Recognition
* Source: Oriol Vinyals – Research Scientist at Google Brain
Object Classification and Detection
Language Generating
* Source: Oriol Vinyals – Research Scientist at Google Brain
How to the Object recognition ?
Image Caption Generation
Black/White Image Colorization
Colorful Image Colorization
abL
Concatenate (L,ab)Grayscale image: L channel
“Free”
supervisory
signal
Semantics?
Higher-level
abstraction?
Ref: Richard Zhang, Phillip Isola, Alexei (Alyosha) Efros
Inceptions
Neuro Style Painter
Neuro Style Painter
Neuro Style Painter
Neuro paint
pix2pix
Edges2Image
[Isola et al. CVPR 2017]
Image Generate
3D Generative Adversarial Network
[Wu et al. NIPS 2016]
Image Segmentation
Scene Parsing
[Farabet et al. ICML 2012, PAMI 2013]
Scene Parsing
[Farabet et al. ICML 2012, PAMI 2013]
Auto pilot car
Neural Conversational Model
Recurrent Neural Language modeling
RNN Unfold into DNN over time
Goolge Natural Translate Machine
Natural Language Translate
Deep Q-Learning
AlphaGo Gen1
How do data science techniques scale with amount of data?
Inspirer Humanity
Thanks you!
Q&A

More Related Content

What's hot

What's hot (20)

TensorFlow
TensorFlowTensorFlow
TensorFlow
 
Tensorflow
TensorflowTensorflow
Tensorflow
 
TensorFlow in Context
TensorFlow in ContextTensorFlow in Context
TensorFlow in Context
 
Tensorflow presentation
Tensorflow presentationTensorflow presentation
Tensorflow presentation
 
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
Deep Learning with TensorFlow: Understanding Tensors, Computations Graphs, Im...
 
深層学習フレームワーク概要とChainerの事例紹介
深層学習フレームワーク概要とChainerの事例紹介深層学習フレームワーク概要とChainerの事例紹介
深層学習フレームワーク概要とChainerの事例紹介
 
3 python packages
3 python packages3 python packages
3 python packages
 
Icpp power ai-workshop 2018
Icpp power ai-workshop 2018Icpp power ai-workshop 2018
Icpp power ai-workshop 2018
 
Scaling Python to CPUs and GPUs
Scaling Python to CPUs and GPUsScaling Python to CPUs and GPUs
Scaling Python to CPUs and GPUs
 
PyCon Estonia 2019
PyCon Estonia 2019PyCon Estonia 2019
PyCon Estonia 2019
 
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
AWS re:Invent 2016: Using MXNet for Recommendation Modeling at Scale (MAC306)
 
Intro to Python
Intro to PythonIntro to Python
Intro to Python
 
Keynote at Converge 2019
Keynote at Converge 2019Keynote at Converge 2019
Keynote at Converge 2019
 
Applying Transfer Learning in TensorFlow
Applying Transfer Learning in TensorFlowApplying Transfer Learning in TensorFlow
Applying Transfer Learning in TensorFlow
 
Deep Learning in a nutshell
Deep Learning in a nutshellDeep Learning in a nutshell
Deep Learning in a nutshell
 
Standardizing arrays -- Microsoft Presentation
Standardizing arrays -- Microsoft PresentationStandardizing arrays -- Microsoft Presentation
Standardizing arrays -- Microsoft Presentation
 
Tensorflow windows installation
Tensorflow windows installationTensorflow windows installation
Tensorflow windows installation
 
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
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
 

Similar to Open source ai_technical_trend

Accelerating open science and AI with automated, portable, customizable and r...
Accelerating open science and AI with automated, portable, customizable and r...Accelerating open science and AI with automated, portable, customizable and r...
Accelerating open science and AI with automated, portable, customizable and r...
Grigori Fursin
 
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
 
Augury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
Augury and Omens Aside, Part 1:
 The Business Case for Apache MesosAugury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
Augury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
Paco Nathan
 

Similar to Open source ai_technical_trend (20)

The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017
 
Deep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWSDeep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWS
 
Designing High performance & Scalable Middleware for HPC
Designing High performance & Scalable Middleware for HPCDesigning High performance & Scalable Middleware for HPC
Designing High performance & Scalable Middleware for HPC
 
Accelerating open science and AI with automated, portable, customizable and r...
Accelerating open science and AI with automated, portable, customizable and r...Accelerating open science and AI with automated, portable, customizable and r...
Accelerating open science and AI with automated, portable, customizable and r...
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
 
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
 
Bringing an AI Ecosystem to the Domain Expert and Enterprise AI Developer wit...
Bringing an AI Ecosystem to the Domain Expert and Enterprise AI Developer wit...Bringing an AI Ecosystem to the Domain Expert and Enterprise AI Developer wit...
Bringing an AI Ecosystem to the Domain Expert and Enterprise AI Developer wit...
 
AI Deep Learning - CF Machine Learning
AI Deep Learning - CF Machine LearningAI Deep Learning - CF Machine Learning
AI Deep Learning - CF Machine Learning
 
Build a Neural Network for ITSM with TensorFlow
Build a Neural Network for ITSM with TensorFlowBuild a Neural Network for ITSM with TensorFlow
Build a Neural Network for ITSM with TensorFlow
 
ML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.jsML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.js
 
Amazon Deep Learning
Amazon Deep LearningAmazon Deep Learning
Amazon Deep Learning
 
Designing High-Performance and Scalable Middleware for HPC, AI and Data Science
Designing High-Performance and Scalable Middleware for HPC, AI and Data ScienceDesigning High-Performance and Scalable Middleware for HPC, AI and Data Science
Designing High-Performance and Scalable Middleware for HPC, AI and Data Science
 
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
AWS re:Invent 2016: Bringing Deep Learning to the Cloud with Amazon EC2 (CMP314)
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
 
[html5jロボット部 第7回勉強会] Microsoft Cognitive Toolkit (CNTK) Overview
[html5jロボット部 第7回勉強会] Microsoft Cognitive Toolkit (CNTK) Overview[html5jロボット部 第7回勉強会] Microsoft Cognitive Toolkit (CNTK) Overview
[html5jロボット部 第7回勉強会] Microsoft Cognitive Toolkit (CNTK) Overview
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
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...
 
Deep Learning on Qubole Data Platform
Deep Learning on Qubole Data PlatformDeep Learning on Qubole Data Platform
Deep Learning on Qubole Data Platform
 
Overview
OverviewOverview
Overview
 
Augury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
Augury and Omens Aside, Part 1:
 The Business Case for Apache MesosAugury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
Augury and Omens Aside, Part 1:
 The Business Case for Apache Mesos
 

More from Mario Cho

More from Mario Cho (16)

A.I. Exercise.
A.I. Exercise.A.I. Exercise.
A.I. Exercise.
 
제로부터시작하는 Git 두번째 이야기
제로부터시작하는 Git 두번째 이야기제로부터시작하는 Git 두번째 이야기
제로부터시작하는 Git 두번째 이야기
 
제로부터시작하는Git
제로부터시작하는Git제로부터시작하는Git
제로부터시작하는Git
 
Introduce Deep learning & A.I. Applications
Introduce Deep learning & A.I. ApplicationsIntroduce Deep learning & A.I. Applications
Introduce Deep learning & A.I. Applications
 
제로부터시작하는오픈소스
제로부터시작하는오픈소스제로부터시작하는오픈소스
제로부터시작하는오픈소스
 
Re: 제로부터시작하는텐서플로우
Re: 제로부터시작하는텐서플로우Re: 제로부터시작하는텐서플로우
Re: 제로부터시작하는텐서플로우
 
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

%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
masabamasaba
 
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
masabamasaba
 
%+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)

Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) SolutionIntroducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
 
%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
 
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
 
Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
W01_panagenda_Navigating-the-Future-with-The-Hitchhikers-Guide-to-Notes-and-D...
 
Direct Style Effect Systems - The Print[A] Example - A Comprehension Aid
Direct Style Effect Systems -The Print[A] Example- A Comprehension AidDirect Style Effect Systems -The Print[A] Example- A Comprehension Aid
Direct Style Effect Systems - The Print[A] Example - A Comprehension Aid
 
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-...
 
WSO2Con2024 - Enabling Transactional System's Exponential Growth With Simplicity
WSO2Con2024 - Enabling Transactional System's Exponential Growth With SimplicityWSO2Con2024 - Enabling Transactional System's Exponential Growth With Simplicity
WSO2Con2024 - Enabling Transactional System's Exponential Growth With Simplicity
 
%in ivory park+277-882-255-28 abortion pills for sale in ivory park
%in ivory park+277-882-255-28 abortion pills for sale in ivory park %in ivory park+277-882-255-28 abortion pills for sale in ivory park
%in ivory park+277-882-255-28 abortion pills for sale in ivory park
 
WSO2Con2024 - WSO2's IAM Vision: Identity-Led Digital Transformation
WSO2Con2024 - WSO2's IAM Vision: Identity-Led Digital TransformationWSO2Con2024 - WSO2's IAM Vision: Identity-Led Digital Transformation
WSO2Con2024 - WSO2's IAM Vision: Identity-Led Digital Transformation
 
Devoxx UK 2024 - Going serverless with Quarkus, GraalVM native images and AWS...
Devoxx UK 2024 - Going serverless with Quarkus, GraalVM native images and AWS...Devoxx UK 2024 - Going serverless with Quarkus, GraalVM native images and AWS...
Devoxx UK 2024 - Going serverless with Quarkus, GraalVM native images and AWS...
 
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park %in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
 
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
%+27788225528 love spells in Knoxville Psychic Readings, Attraction spells,Br...
 
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
 
WSO2CON 2024 - Does Open Source Still Matter?
WSO2CON 2024 - Does Open Source Still Matter?WSO2CON 2024 - Does Open Source Still Matter?
WSO2CON 2024 - Does Open Source Still Matter?
 
%in Harare+277-882-255-28 abortion pills for sale in Harare
%in Harare+277-882-255-28 abortion pills for sale in Harare%in Harare+277-882-255-28 abortion pills for sale in Harare
%in Harare+277-882-255-28 abortion pills for sale in Harare
 
%in tembisa+277-882-255-28 abortion pills for sale in tembisa
%in tembisa+277-882-255-28 abortion pills for sale in tembisa%in tembisa+277-882-255-28 abortion pills for sale in tembisa
%in tembisa+277-882-255-28 abortion pills for sale in tembisa
 
%+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...
 
WSO2CON2024 - It's time to go Platformless
WSO2CON2024 - It's time to go PlatformlessWSO2CON2024 - It's time to go Platformless
WSO2CON2024 - It's time to go Platformless
 
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...
 

Open source ai_technical_trend

  • 1. 인공지능 (A.I.) 이해와 최신기술 Artificial Intelligence and technical trend. Lablup Inc. Mario Cho (조만석) hephaex@gmail.com
  • 2. Contents • Machine Learning? • Artificial Neural Network? • Open Source based Artificial Intelligence Softwares • Open Source A.I Software Applications
  • 3. Mario (manseok) 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 Architect & consuliting  Artificial Intelligence for medicine decision support Open Source Software Developer  Committer: (Cloud NFV/SDN)  Contribute: TensorFlow (Deep Learning) OpenStack (Cloud compute) LLVM (compiler) Kernel (Linux) Book  Unix V6 Kernel Lablup Inc. Mario Cho hephaex@gmail.com
  • 4. The Future of Jobs “The Fourth Industrial Revolution, which includes developments in previously disjointed fields such as artificial intelligence & machine-learning, robotics, nanotechnology, 3-D printing, and genetics & biotechnology, will cause widespread disruption not only to business models but also to labor market over the next five years, with enormous change predicted in the skill sets needed to thrive in the new landscape.”
  • 6. 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.
  • 7. Artificial Intelligence Understand information, To Learn, To Reason, & Act upon it
  • 9. 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
  • 10. Neural network vs Learning network Neural Network Deep Learning Network
  • 12. Neural Network 2.7 -8.6 0.002 f(x) 1.4 -2.5 -0.06 x = -0.06×2.7 + 2.5×8.6 + 1.4×0.002 = 21.34
  • 13. Neural Network as a Computational Graph • In Most Machine Learning Frameworks, • Neural Network is conceptualized as a Computational Graph • The simple form of Computational Graph, • Directed Acyclic Graph consist Data Nodes and Operator Nodes Y = x1 * x2 Z = x3 – y Data node Opeator node
  • 15. Single layer perceptron Affine ReLUX W b h1 C C = ReLU( b + WX )
  • 16. Multi layer perceptron X W1 b1 h1Affine a1 W2 b2 h2Affine ReLU ReLU a2 W3 b3 h3Affine Softmax t Cross Entropy prob loss
  • 17. WFO Discovery Advisor • Researches can‟t innovate fast enough to create truly breakthrough therapies • To anticipate the safety profile of new treatments WFO Corpus Over 1TB of data Over 40m documents Over 100m entities & relationships Chemical 12M+ Chemical Structures Genomics 20,000+ genes MD Text 50+ books Medline 23M+ abstracts Journals 100+ journals FDA drugs 11,000+ drugs Patents 16M+ patents
  • 18. GPU
  • 19. Tensor Core : NVIDIA Volta
  • 20. Why is Deep Learning taking off? Engine Fuel Large neural networks Labeled data (x,y pairs)
  • 23. Traditional learning vs Deep Machine Learning Eiffel Tower Eiffel Tower RAW data RAW data Deep Learning Network Feature Extraction Vectored Classification Traditional Learning Deep Learning
  • 24. Human-Level Object Recognition • ImageNet • Large-Scale Visual Recognition Challenge Image Classification / Localization 1.2M labeled images, 1000 classes Convolutional Neural Networks (CNNs) has been dominating the contest since..  2012 non-CNN: 26.2% (top-5 error)  2012: (Hinton, AlexNet)15.3%  2013: (Clarifai) 11.2%  2014: (Google, GoogLeNet) 6.7%  2015: (Google) 4.9%  Beyond human-level performance
  • 26. 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.)
  • 28. 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
  • 29. • Created by  Yangqing Jia (http://daggerfs.com/)  UC Berkerey Computer Science Ph.D. / Trevor Darrell, BAIR  Google BrainLab.TensorFlow join  Facebook research Scientest  Evan Shellhamer (http://imaginarynumber.net/) • Maintained by  BAIR(Berkeley Artificial Intelligence Research, http://bair.berkeley.edu/) • Release  „2013: DeCAF (https://arxiv.org/abs/1310.1531)  Dec. „2013: Caffe v0 • Application  Facebook, Adobe, Microsoft, Samsung, Flickr, Tesla, Yelp, Pinterest, etc. • Motivation  „2012 ILSVRC, AlexNet  DNN define/training/deploy implementation by F/W Caffe http://caffe.berkeleyvision.org/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Executi on Caffe BAIR Linux, Mac - C++ Python, MATLAB Y Y - Y
  • 30. • Created & Maintained by  Preferred Networks, Inc.  (https://www.preferred-networks.jp/ja/) • Release  Jun. „2015 • Application  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 Architecture Chainer http://docs.chainer.org/en/latest/index.html S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Executi on Chainer Preferred Networks Linux - Python Python - Y - Y Y [Define-and-Run (TensorFlow)] [Define-by-Run (Chainer, PyTorch)]
  • 31. • Created & Maintained by  Microsoft Research • Release  Jan. „2016 • Applications  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/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution CNTK Microsoft Linux, Windows - C++ Python, C++ Y Y - Y Y
  • 32. • 주체 • Created by  Adam Gibson @Skymind (CTO)  Chris Nicholson @Skymind (CEO) • Maintained by  Skymind (https://skymind.ai/) • Release  Jun. „2014 • Application  Finatial Fraud Detection Research Partnership with Nextremer in Japan (https://skymind.ai/press/nextremer) DL4J https://deeplearning4j.org/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution DL4J SkyMind Cross- platform (JVM) Android Java Java, Scala, Python Y Y - Y Y (Spark)
  • 33. • Created & Maintained by  Francois Chollet @Google • Release  Mar. „2015 • Appliation  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  Simple Modular  Various Deep-learning framework support Keras https://keras.io/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution Keras François Chollet Linux, Mac, Windows - Python Python Y(Thean o) N(TF) Y - Y
  • 34. • 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. • Release  Oct. „2015 • Application  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/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution MXNet DMLC Linux, Mac, Windows, Javascript Android, iOS C++ C++, Python, Julia, MATLAB, JavaScript, Go, R, Scala, Perl Y Y - Y Y
  • 35. • 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 • Release  Nov „2010 • Application  Keras  Lasagne  Blocks • Motivation  There‟s any. Theano http://deeplearning.net/software/theano/index.html S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution Theano Université de Montréal Linux, Mac, Windows - Python Python Y Y - Y
  • 36. • 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 • Release  Jul. „2014 • Application  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/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Execution Torch Ronan, Clément, Koray, Soumith Linux, Mac, Windows Android, iOS C, Lua Lua Y Y Y Y Not officially
  • 37. • Created & Maintained by  Google Brain • Release  Nov. „2015 • Application  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/ S/W Creator Platform Mobile Langua ge Interface OpenMP CUDA OpenCL Multi GPU Parallel Executi on TensorFlow Google Linux, Mac, Windows Android, iOS C++, Python Python, C/C++, Java, Go N Y - Y Y
  • 39. * Source: Oriol Vinyals – Research Scientist at Google Brain
  • 40. Expressing High-Level ML Computations • Core in C++ • Different front ends for specifying/driving the computation • Python and C++ today, easy to add more * Source: Jeff Dean– Research Scientist at Google Brain
  • 41. Hello World on TensorFlow
  • 42. Image recognition in Google Map * Source: Oriol Vinyals – Research Scientist at Google Brain
  • 43. Deep Learning Hello World == MNIST
  • 45. CNN (convolution neural network) training
  • 50. Multy layer Deep Networks
  • 52. Human-Level Face Recognition • Convolutional neural networks based face recognition system is dominant • 99.15% face verification accuracy on LFW dataset in DeepID2 (2014)  Beyond human-level recognition Source: Taigman et al. DeepFace: Closing the Gap to Human-Level Performance in Face Verification, CVPR’14
  • 53. Deep & Deep Neural network
  • 55. ImageNet Large Scale Visual Recognition Challenge
  • 56. Image Recognition * Source: Oriol Vinyals – Research Scientist at Google Brain
  • 58. Language Generating * Source: Oriol Vinyals – Research Scientist at Google Brain
  • 59. How to the Object recognition ?
  • 62. Colorful Image Colorization abL Concatenate (L,ab)Grayscale image: L channel “Free” supervisory signal Semantics? Higher-level abstraction? Ref: Richard Zhang, Phillip Isola, Alexei (Alyosha) Efros
  • 71. 3D Generative Adversarial Network [Wu et al. NIPS 2016]
  • 73. Scene Parsing [Farabet et al. ICML 2012, PAMI 2013]
  • 74. Scene Parsing [Farabet et al. ICML 2012, PAMI 2013]
  • 78. RNN Unfold into DNN over time
  • 83. How do data science techniques scale with amount of data?