SlideShare una empresa de Scribd logo
1 de 25
Descargar para leer sin conexión
©2017, Amazon Web Services, Inc. or its affiliates. All rights reserved
Fascinating Tales of a Strange Tomorrow
Julien Simon, Principal Technical Evangelist
Amazon Web Services

julsimon@amazon.fr 
@julsimon
John McCarthy (1927-2011)
1956 - Coined the term “Artificial Intelligence” "
1958 - Invented LISP
1971 - Received the Turing Award
Forbidden Planet
1956
Dartmouth Summer Research Project
Robbie the Robot
Gazing into the crystal ball
•  1958 Herbert Simon and Allen Newell"
“Within 10 years a digital computer will be the
world's chess champion” 
•  1965 Herbert Simon"
“Machines will be capable, within 20 years, "
of doing any work a man can do”
•  1967 Marvin Minsky"
“Within a generation ..."
the problem of creating 'artificial intelligence' "
will substantially be solved.”
•  1970 Marvin Minsky"
“In from 3 to 8 years we will have a machine "
with the general intelligence of an average
human being”
https://en.wikipedia.org/wiki/History_of_artificial_intelligence 
Herbert Simon (1916-2001)
1975 - Received the Turing Award
1978 - Received the Nobel Prize in Economics
Allen Newell (1927-1992)
1975 - Received the Turing Award
It’s 2001. Where is HAL?
Marvin Minsky (1927-2016)
1959 - Co-founded the MIT AI Lab 
1968 - Advised Kubrick on “2001: A Space Odyssey”
1969 - Received the Turing Award
HAL 9000 (1992-2001)
« No program today can distinguish a dog
from a cat, or recognize objects in typical
rooms, or answer questions that 4-year-
olds can! »
Meanwhile, on the US West Coast…"
"
no – not in Hollywood
Millions of users… Mountains of data… Commodity hardware…"
Bright engineers… Need to make money….

Gasoline waiting for a match!

12/2004 - Google publishes Map Reduce paper

04/2006 - Hadoop 0.1

The rest is history
Fast forward a few years
•  ML is now a commodity, but still no HAL in sight

•  Traditional Machine Learning doesn’t work well with
problems where features can’t be explicitly defined

•  So what about solving tasks that are easy for people to
perform but hard to describe formally?
•  Is there a way to get informal knowledge into a computer?
Neural networks, revisited
•  Universal approximation machine
•  Through training, a neural network "
discovers features automatically
•  Not new technology!
–  Perceptron - Rosenblatt, 1958"
image recognition, 20x20 pixels
–  Backpropagation - Werbos, 1975
•  They failed back then because: 
–  Data sets were too small 
–  Solving larger problems with fully connected networks"
required too much memory and computing power, "
aka the Curse of Dimensionality
Breakthrough: Convolutional Neural Networks
Le Cun, 1998: handwritten digit recognition, 32x32 pixels
Feature extraction and downsampling allow smaller networks
https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-core-concepts/
Why it is different this time
•  Everything is digital: large data sets are available
–  Imagenet: 14M+ labeled images http://www.image-net.org/
–  YouTube-8M: 7M+ labeled videos https://research.google.com/youtube8m/ 
–  AWS public data sets: https://aws.amazon.com/public-datasets/ 

•  The parallel computing power of GPUs make training possible
–  Simard et al (2005), Ciresan et al (2011)
–  State of the art networks have hundreds of layers 
–  Baidu’s Chinese speech recognition: 4TB of training data, +/- 10 Exaflops
•  Cloud scalability and elasticity make training affordable
–  Grab a lot of resources for fast training, then release them
–  Using a DL model is lightweight: you can do it on a Raspberry Pi
https://www.nextplatform.com/2016/06/23/hpc-great-ai-supercomputing-stand-gain/
ImageNet Large Scale Visual Recognition Challenge (ILSVRC)
http://image-net.org/challenges/LSVRC/ 
Same breed?
Humans: 5,1%
Deep Learning at the Edge
•  Robots or autonomous cars can’t exclusively rely on the Cloud
–  #1 issue: network availability, throughput and latency
–  Other issues: memory footprint, power consumption, form factor
–  Need for local, real-time inference (using a network with new data)

•  Field Programmable Gate Array (FPGA)
–  Configurable and updatable to run all sorts of networks 
–  Fast enough: DSP cells, Deep Compression (Son Han et al, 2017)
–  Low latency: on-board RAM with very high throughput
–  Better performance/power ratio than GPUs
https://www.xilinx.com/support/documentation/white_papers/wp486-deep-learning-int8.pdf
https://arxiv.org/pdf/1612.00694.pdf
Let’s welcome our new "
Deep Learning Overlords
Flipping burgers
http://misorobotics.com/ 
Flippy
Detecting plant diseases
https://blogs.nvidia.com/blog/2016/12/13/ai-fights-plant-disease/
https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5032846/
Improving hearing aids
http://spectrum.ieee.org/consumer-electronics/audiovideo/deep-learning-reinvents-the-hearing-aid
Amazon Echo
How AWS can help you build
Dive as deep as you need to
Amazon EC2 Instances – CPU, GPU, FPGA
Libraries – mxnet, TensorFlow, Caffe, Torch, Theano
Platforms – Amazon EMR, Notebooks, Models, FGPA images
High-level services – Amazon Rekognition, Polly, Lex
Amazon EC2 Instances
•  CPU
–  c5 family (coming soon), based on the Intel Skylake architecture
–  Elastic GPU (preview): on-demand GPU for traditional instances
•  GPU
–  g2 and p2 families
–  p2.16xlarge 
•  16 GPUs (Nvidia GK210), 39936 CUDA cores, 23+ Tflops
•  Training a 10 Exaflops network: about 5 days, < $2000
•  FPGA
–  f1 family (preview)
–  Up to 8 FPGAs per instance (Xilinx UltraScale Plus)

https://aws.amazon.com/about-aws/whats-new/2016/11/coming-soon-amazon-ec2-c5-instances-the-next-generation-of-compute-optimized-instances/
https://aws.amazon.com/blogs/aws/in-the-work-amazon-ec2-elastic-gpus/ 
https://aws.amazon.com/blogs/aws/new-p2-instance-type-for-amazon-ec2-up-to-16-gpus/ 
https://aws.amazon.com/blogs/aws/developer-preview-ec2-instances-f1-with-programmable-hardware/
Amazon Machine Images
•  Deep Learning AMI (Amazon Linux & Ubuntu)
–  Deep Learning Frameworks"
mxnet, Caffe, Tensorflow, Theano, and Torch, prebuilt and pre-installed
–  Other components"
Nvidia drivers, cuDNN, Anaconda, Python2 and Python3
•  FPGA Developer AMI (Centos)
–  Xilinx FPGA simulation & synthesis tools: VHDL, Verilog, OpenCL
–  Software Development Kit: manage Amazon FPGA Images (AFI) on f1 instances
–  Hardware Development Kit: interface your application with AFIs





https://aws.amazon.com/marketplace/pp/B01M0AXXQB
https://aws.amazon.com/marketplace/pp/B06VVYBLZZ
mxnet
mxnet resources"

http://mxnet.io/ "
https://github.com/dmlc/mxnet "
https://github.com/dmlc/mxnet-notebooks
"

http://www.allthingsdistributed.com/2016/11/
mxnet-default-framework-deep-learning-
aws.html

https://github.com/awslabs/deeplearning-cfn
Now the hard questions…
•  Can my business benefit from Deep Learning?
•  Should I design and train my own network?
–  Do I have the expertise?
–  Do I have enough time, data & compute to train it?
•  Should I use a pre-trained network ?
–  How well does it fit my use case?
–  On what data was it trained?
•  Should I use a high-level service?
•  Same questions as Machine Learning years ago J
Science catching up with Fiction
May 2016: AI defeats Lee Sedol, "
Go world champion

October 2014: Tesla Autopilot

October 2015: 30,000 robots in
Amazon Fulfillment Centers
Will machines learn how to understand humans
– not the other way around?
Will they help humans understand each other?
Will they end up ruling the world?
Who knows?
Whatever happens, these will be fascinating
tales of a strange tomorrow.
Thank you very much for your time!
julsimon@amazon.fr - @julsimon

Más contenido relacionado

La actualidad más candente

Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Julien SIMON
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)Julien SIMON
 
Build, train, and deploy Machine Learning models at scale (May 2018)
Build, train, and deploy Machine Learning models at scale (May 2018)Build, train, and deploy Machine Learning models at scale (May 2018)
Build, train, and deploy Machine Learning models at scale (May 2018)Julien SIMON
 
Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Eran Shlomo
 
Machine Learning Inference at the Edge
Machine Learning Inference at the EdgeMachine Learning Inference at the Edge
Machine Learning Inference at the EdgeJulien SIMON
 
ECS for Amazon Deep Learning and Amazon Machine Learning
ECS for Amazon Deep Learning and Amazon Machine LearningECS for Amazon Deep Learning and Amazon Machine Learning
ECS for Amazon Deep Learning and Amazon Machine LearningAmanda Mackay (she/her)
 
Deep Learning at the Edge
Deep Learning at the EdgeDeep Learning at the Edge
Deep Learning at the EdgeJulien SIMON
 
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...Amazon Web Services
 
React Conf 17 Recap
React Conf 17 RecapReact Conf 17 Recap
React Conf 17 RecapAlex Babkov
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfAmazon Web Services
 
Build, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleBuild, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleAmazon Web Services
 
Understanding cloud costs with analytics
Understanding cloud costs with analyticsUnderstanding cloud costs with analytics
Understanding cloud costs with analyticsRightScale
 
DataPalooza - A Music Festival themed ML + IoT Workshop
DataPalooza - A Music Festival themed ML + IoT WorkshopDataPalooza - A Music Festival themed ML + IoT Workshop
DataPalooza - A Music Festival themed ML + IoT WorkshopAmazon Web Services
 
How to Use HazelcastMQ for Flexible Messaging and More
 How to Use HazelcastMQ for Flexible Messaging and More How to Use HazelcastMQ for Flexible Messaging and More
How to Use HazelcastMQ for Flexible Messaging and MoreHazelcast
 
Map Reduce in Hazelcast - Hazelcast User Group London Version
Map Reduce in Hazelcast - Hazelcast User Group London VersionMap Reduce in Hazelcast - Hazelcast User Group London Version
Map Reduce in Hazelcast - Hazelcast User Group London VersionChristoph Engelbert
 
Anything data (revisited)
Anything data (revisited)Anything data (revisited)
Anything data (revisited)Ahmet Akyol
 
Three times ml enhanced video workflows for 7plus
Three times ml enhanced video workflows for 7plusThree times ml enhanced video workflows for 7plus
Three times ml enhanced video workflows for 7plusJeremy Brown
 
Matthew Bishop - A Quick Introduction to AWS Elastic MapReduce
Matthew Bishop - A Quick Introduction to AWS Elastic MapReduceMatthew Bishop - A Quick Introduction to AWS Elastic MapReduce
Matthew Bishop - A Quick Introduction to AWS Elastic MapReducehuguk
 

La actualidad más candente (20)

Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
AI on a PI
AI on a PIAI on a PI
AI on a PI
 
Build, train, and deploy Machine Learning models at scale (May 2018)
Build, train, and deploy Machine Learning models at scale (May 2018)Build, train, and deploy Machine Learning models at scale (May 2018)
Build, train, and deploy Machine Learning models at scale (May 2018)
 
Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together. Intel and Amazon - Powering your innovation together.
Intel and Amazon - Powering your innovation together.
 
Machine Learning Inference at the Edge
Machine Learning Inference at the EdgeMachine Learning Inference at the Edge
Machine Learning Inference at the Edge
 
ECS for Amazon Deep Learning and Amazon Machine Learning
ECS for Amazon Deep Learning and Amazon Machine LearningECS for Amazon Deep Learning and Amazon Machine Learning
ECS for Amazon Deep Learning and Amazon Machine Learning
 
Deep Learning at the Edge
Deep Learning at the EdgeDeep Learning at the Edge
Deep Learning at the Edge
 
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...
AWS re:Invent 2016: Transforming Industrial Processes with Deep Learning (MAC...
 
React Conf 17 Recap
React Conf 17 RecapReact Conf 17 Recap
React Conf 17 Recap
 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdf
 
Build, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at ScaleBuild, Train & Deploy Machine Learning Models at Scale
Build, Train & Deploy Machine Learning Models at Scale
 
Understanding cloud costs with analytics
Understanding cloud costs with analyticsUnderstanding cloud costs with analytics
Understanding cloud costs with analytics
 
DataPalooza - A Music Festival themed ML + IoT Workshop
DataPalooza - A Music Festival themed ML + IoT WorkshopDataPalooza - A Music Festival themed ML + IoT Workshop
DataPalooza - A Music Festival themed ML + IoT Workshop
 
How to Use HazelcastMQ for Flexible Messaging and More
 How to Use HazelcastMQ for Flexible Messaging and More How to Use HazelcastMQ for Flexible Messaging and More
How to Use HazelcastMQ for Flexible Messaging and More
 
Map Reduce in Hazelcast - Hazelcast User Group London Version
Map Reduce in Hazelcast - Hazelcast User Group London VersionMap Reduce in Hazelcast - Hazelcast User Group London Version
Map Reduce in Hazelcast - Hazelcast User Group London Version
 
Apache mahout - introduction
Apache mahout - introductionApache mahout - introduction
Apache mahout - introduction
 
Anything data (revisited)
Anything data (revisited)Anything data (revisited)
Anything data (revisited)
 
Three times ml enhanced video workflows for 7plus
Three times ml enhanced video workflows for 7plusThree times ml enhanced video workflows for 7plus
Three times ml enhanced video workflows for 7plus
 
Matthew Bishop - A Quick Introduction to AWS Elastic MapReduce
Matthew Bishop - A Quick Introduction to AWS Elastic MapReduceMatthew Bishop - A Quick Introduction to AWS Elastic MapReduce
Matthew Bishop - A Quick Introduction to AWS Elastic MapReduce
 

Similar a Fascinating Tales of a Strange Tomorrow

Deep Learning with GPU Instances - Pop-up Loft TLV 2017
Deep Learning with GPU Instances - Pop-up Loft TLV 2017Deep Learning with GPU Instances - Pop-up Loft TLV 2017
Deep Learning with GPU Instances - Pop-up Loft TLV 2017Amazon Web Services
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningAmazon Web Services
 
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...BigDataEverywhere
 
DWF WP2 Jecel Lowcost
DWF WP2 Jecel LowcostDWF WP2 Jecel Lowcost
DWF WP2 Jecel LowcostRon Burger
 
Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial IntelligenceZavain Dar
 
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2ODeep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2OSri Ambati
 
Kickstaring the transition to parallel computing with open hardware
Kickstaring the transition to parallel computing with open hardwareKickstaring the transition to parallel computing with open hardware
Kickstaring the transition to parallel computing with open hardwareAndreas Olofsson
 
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 ScienceObject Automation
 
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 HPCObject Automation
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...Facultad de Informática UCM
 
Building a Holodeck
Building a HolodeckBuilding a Holodeck
Building a HolodeckJon Radoff
 
A Platform for Accelerating Machine Learning Applications
 A Platform for Accelerating Machine Learning Applications A Platform for Accelerating Machine Learning Applications
A Platform for Accelerating Machine Learning ApplicationsNVIDIA Taiwan
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsGreg Makowski
 
Applying Machine Learning and Artificial Intelligence to Business
Applying Machine Learning and Artificial Intelligence to BusinessApplying Machine Learning and Artificial Intelligence to Business
Applying Machine Learning and Artificial Intelligence to BusinessRussell Miles
 
AI Chip Trends and Forecast
AI Chip Trends and ForecastAI Chip Trends and Forecast
AI Chip Trends and ForecastCastLabKAIST
 
Build FAST Learning Apps with Docker and OpenPOWER
Build FAST Learning Apps with Docker and OpenPOWERBuild FAST Learning Apps with Docker and OpenPOWER
Build FAST Learning Apps with Docker and OpenPOWERIndrajit Poddar
 

Similar a Fascinating Tales of a Strange Tomorrow (20)

Deep Learning with GPU Instances - Pop-up Loft TLV 2017
Deep Learning with GPU Instances - Pop-up Loft TLV 2017Deep Learning with GPU Instances - Pop-up Loft TLV 2017
Deep Learning with GPU Instances - Pop-up Loft TLV 2017
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...
Big Data Everywhere Chicago: High Performance Computing - Contributions Towar...
 
DWF WP2 Jecel Lowcost
DWF WP2 Jecel LowcostDWF WP2 Jecel Lowcost
DWF WP2 Jecel Lowcost
 
Big Data & Artificial Intelligence
Big Data & Artificial IntelligenceBig Data & Artificial Intelligence
Big Data & Artificial Intelligence
 
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2ODeep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
Deep Water - Bringing Tensorflow, Caffe, Mxnet to H2O
 
Machine Learning Overview: How did we get here ?
Machine Learning Overview: How did we get here ?Machine Learning Overview: How did we get here ?
Machine Learning Overview: How did we get here ?
 
Kickstaring the transition to parallel computing with open hardware
Kickstaring the transition to parallel computing with open hardwareKickstaring the transition to parallel computing with open hardware
Kickstaring the transition to parallel computing with open hardware
 
Tech
TechTech
Tech
 
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
 
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
 
Amazon Elastic Computing 2
Amazon Elastic Computing 2Amazon Elastic Computing 2
Amazon Elastic Computing 2
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...
Cognitive Computers: The Next Wave of Computing Innovation - Prof. Antonio Go...
 
Building a Holodeck
Building a HolodeckBuilding a Holodeck
Building a Holodeck
 
A Platform for Accelerating Machine Learning Applications
 A Platform for Accelerating Machine Learning Applications A Platform for Accelerating Machine Learning Applications
A Platform for Accelerating Machine Learning Applications
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical Applications
 
Applying Machine Learning and Artificial Intelligence to Business
Applying Machine Learning and Artificial Intelligence to BusinessApplying Machine Learning and Artificial Intelligence to Business
Applying Machine Learning and Artificial Intelligence to Business
 
AI Chip Trends and Forecast
AI Chip Trends and ForecastAI Chip Trends and Forecast
AI Chip Trends and Forecast
 
Build FAST Learning Apps with Docker and OpenPOWER
Build FAST Learning Apps with Docker and OpenPOWERBuild FAST Learning Apps with Docker and OpenPOWER
Build FAST Learning Apps with Docker and OpenPOWER
 

Más de Julien SIMON

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceJulien SIMON
 
Reinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersJulien SIMON
 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with TransformersJulien SIMON
 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Julien SIMON
 
Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Julien SIMON
 
Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Julien SIMON
 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...Julien SIMON
 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)Julien SIMON
 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...Julien SIMON
 
A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)Julien SIMON
 
Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Julien SIMON
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Julien SIMON
 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)Julien SIMON
 
Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)Julien SIMON
 
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Julien SIMON
 
Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)Julien SIMON
 
Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Julien SIMON
 
Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)Julien SIMON
 
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)Julien SIMON
 
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)Julien SIMON
 

Más de Julien SIMON (20)

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
 
Reinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face Transformers
 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with Transformers
 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
 
Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)
 
Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)
 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
 
A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)
 
Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)
 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)
 
Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)
 
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
 
Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)
 
Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)
 
Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)
 
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)
 
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
 

Último

Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Drew Madelung
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Servicegiselly40
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationRadu Cotescu
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersThousandEyes
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationSafe Software
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure servicePooja Nehwal
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Paola De la Torre
 

Último (20)

Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure serviceWhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
WhatsApp 9892124323 ✓Call Girls In Kalyan ( Mumbai ) secure service
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101
 

Fascinating Tales of a Strange Tomorrow

  • 1. ©2017, Amazon Web Services, Inc. or its affiliates. All rights reserved Fascinating Tales of a Strange Tomorrow Julien Simon, Principal Technical Evangelist Amazon Web Services julsimon@amazon.fr @julsimon
  • 2. John McCarthy (1927-2011) 1956 - Coined the term “Artificial Intelligence” " 1958 - Invented LISP 1971 - Received the Turing Award Forbidden Planet 1956 Dartmouth Summer Research Project Robbie the Robot
  • 3. Gazing into the crystal ball •  1958 Herbert Simon and Allen Newell" “Within 10 years a digital computer will be the world's chess champion” •  1965 Herbert Simon" “Machines will be capable, within 20 years, " of doing any work a man can do” •  1967 Marvin Minsky" “Within a generation ..." the problem of creating 'artificial intelligence' " will substantially be solved.” •  1970 Marvin Minsky" “In from 3 to 8 years we will have a machine " with the general intelligence of an average human being” https://en.wikipedia.org/wiki/History_of_artificial_intelligence Herbert Simon (1916-2001) 1975 - Received the Turing Award 1978 - Received the Nobel Prize in Economics Allen Newell (1927-1992) 1975 - Received the Turing Award
  • 4. It’s 2001. Where is HAL? Marvin Minsky (1927-2016) 1959 - Co-founded the MIT AI Lab 1968 - Advised Kubrick on “2001: A Space Odyssey” 1969 - Received the Turing Award HAL 9000 (1992-2001) « No program today can distinguish a dog from a cat, or recognize objects in typical rooms, or answer questions that 4-year- olds can! »
  • 5. Meanwhile, on the US West Coast…" " no – not in Hollywood
  • 6. Millions of users… Mountains of data… Commodity hardware…" Bright engineers… Need to make money…. Gasoline waiting for a match! 12/2004 - Google publishes Map Reduce paper 04/2006 - Hadoop 0.1 The rest is history
  • 7. Fast forward a few years •  ML is now a commodity, but still no HAL in sight •  Traditional Machine Learning doesn’t work well with problems where features can’t be explicitly defined •  So what about solving tasks that are easy for people to perform but hard to describe formally? •  Is there a way to get informal knowledge into a computer?
  • 8. Neural networks, revisited •  Universal approximation machine •  Through training, a neural network " discovers features automatically •  Not new technology! –  Perceptron - Rosenblatt, 1958" image recognition, 20x20 pixels –  Backpropagation - Werbos, 1975 •  They failed back then because: –  Data sets were too small –  Solving larger problems with fully connected networks" required too much memory and computing power, " aka the Curse of Dimensionality
  • 9. Breakthrough: Convolutional Neural Networks Le Cun, 1998: handwritten digit recognition, 32x32 pixels Feature extraction and downsampling allow smaller networks https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-core-concepts/
  • 10. Why it is different this time •  Everything is digital: large data sets are available –  Imagenet: 14M+ labeled images http://www.image-net.org/ –  YouTube-8M: 7M+ labeled videos https://research.google.com/youtube8m/ –  AWS public data sets: https://aws.amazon.com/public-datasets/ •  The parallel computing power of GPUs make training possible –  Simard et al (2005), Ciresan et al (2011) –  State of the art networks have hundreds of layers –  Baidu’s Chinese speech recognition: 4TB of training data, +/- 10 Exaflops •  Cloud scalability and elasticity make training affordable –  Grab a lot of resources for fast training, then release them –  Using a DL model is lightweight: you can do it on a Raspberry Pi https://www.nextplatform.com/2016/06/23/hpc-great-ai-supercomputing-stand-gain/
  • 11. ImageNet Large Scale Visual Recognition Challenge (ILSVRC) http://image-net.org/challenges/LSVRC/ Same breed? Humans: 5,1%
  • 12. Deep Learning at the Edge •  Robots or autonomous cars can’t exclusively rely on the Cloud –  #1 issue: network availability, throughput and latency –  Other issues: memory footprint, power consumption, form factor –  Need for local, real-time inference (using a network with new data) •  Field Programmable Gate Array (FPGA) –  Configurable and updatable to run all sorts of networks –  Fast enough: DSP cells, Deep Compression (Son Han et al, 2017) –  Low latency: on-board RAM with very high throughput –  Better performance/power ratio than GPUs https://www.xilinx.com/support/documentation/white_papers/wp486-deep-learning-int8.pdf https://arxiv.org/pdf/1612.00694.pdf
  • 13. Let’s welcome our new " Deep Learning Overlords
  • 18. How AWS can help you build
  • 19. Dive as deep as you need to Amazon EC2 Instances – CPU, GPU, FPGA Libraries – mxnet, TensorFlow, Caffe, Torch, Theano Platforms – Amazon EMR, Notebooks, Models, FGPA images High-level services – Amazon Rekognition, Polly, Lex
  • 20. Amazon EC2 Instances •  CPU –  c5 family (coming soon), based on the Intel Skylake architecture –  Elastic GPU (preview): on-demand GPU for traditional instances •  GPU –  g2 and p2 families –  p2.16xlarge •  16 GPUs (Nvidia GK210), 39936 CUDA cores, 23+ Tflops •  Training a 10 Exaflops network: about 5 days, < $2000 •  FPGA –  f1 family (preview) –  Up to 8 FPGAs per instance (Xilinx UltraScale Plus) https://aws.amazon.com/about-aws/whats-new/2016/11/coming-soon-amazon-ec2-c5-instances-the-next-generation-of-compute-optimized-instances/ https://aws.amazon.com/blogs/aws/in-the-work-amazon-ec2-elastic-gpus/ https://aws.amazon.com/blogs/aws/new-p2-instance-type-for-amazon-ec2-up-to-16-gpus/ https://aws.amazon.com/blogs/aws/developer-preview-ec2-instances-f1-with-programmable-hardware/
  • 21. Amazon Machine Images •  Deep Learning AMI (Amazon Linux & Ubuntu) –  Deep Learning Frameworks" mxnet, Caffe, Tensorflow, Theano, and Torch, prebuilt and pre-installed –  Other components" Nvidia drivers, cuDNN, Anaconda, Python2 and Python3 •  FPGA Developer AMI (Centos) –  Xilinx FPGA simulation & synthesis tools: VHDL, Verilog, OpenCL –  Software Development Kit: manage Amazon FPGA Images (AFI) on f1 instances –  Hardware Development Kit: interface your application with AFIs https://aws.amazon.com/marketplace/pp/B01M0AXXQB https://aws.amazon.com/marketplace/pp/B06VVYBLZZ
  • 22. mxnet mxnet resources" http://mxnet.io/ " https://github.com/dmlc/mxnet " https://github.com/dmlc/mxnet-notebooks " http://www.allthingsdistributed.com/2016/11/ mxnet-default-framework-deep-learning- aws.html https://github.com/awslabs/deeplearning-cfn
  • 23. Now the hard questions… •  Can my business benefit from Deep Learning? •  Should I design and train my own network? –  Do I have the expertise? –  Do I have enough time, data & compute to train it? •  Should I use a pre-trained network ? –  How well does it fit my use case? –  On what data was it trained? •  Should I use a high-level service? •  Same questions as Machine Learning years ago J
  • 24. Science catching up with Fiction May 2016: AI defeats Lee Sedol, " Go world champion October 2014: Tesla Autopilot October 2015: 30,000 robots in Amazon Fulfillment Centers
  • 25. Will machines learn how to understand humans – not the other way around? Will they help humans understand each other? Will they end up ruling the world? Who knows? Whatever happens, these will be fascinating tales of a strange tomorrow. Thank you very much for your time! julsimon@amazon.fr - @julsimon