SlideShare a Scribd company logo
1 of 37
Download to read offline
Deep Learning on Hadoop
Scale out Deep Learning on YARN
Adam Gibson
Email : 0@blix.io
Twitter
@agibsonccc
Github
github.com/agi
bsonccc
Slideshare
slideshare.net/agibsonccc
Teaching
zipfianacademy.com
Press
wired.com/2014/06/skymind
-deep-learning
Josh Patterson
Email:
josh@pattersonconsultingtn.com
Twitter: @jpatanooga
Github:
github.com
/jpatanooga
Past
Published in IAAI-09:
โ€œTinyTermite: A Secure Routing Algorithmโ€
Grad work in Meta-heuristics, Ant-algorithms
Tennessee Valley Authority
(TVA)
Hadoop and the Smartgrid
Cloudera
Principal Solution Architect
Today: Patterson Consulting
Overview
โ€ข What Is Deep Learning?
โ€ข Neural Nets and Optimization Algorithms
โ€ข Implementation on Hadoop/YARN
โ€ข Results
Machine perception, pattern recognition.What is Deep Learning?
What Is Deep Learning?
Algorithms called neural nets that learn to
recognize patterns:
Nodes learn smaller features of larger patterns
And combine them to recognize feature groups
Until finally they can classify objects, faces, etc.
Each node layer in net learns larger groups
Properties of Deep Learning
Small training sets, they learn unsupervised
data
They save data scientists months of work
Anything you can vectorize, DL nets can learn
They can handle millions of parameters
After training, DL models are one, small vector
Chasing Nature
Learning sparse representations of auditory
signals
Leads to filters that correspond to neurons in
early audio processing in mammals
When applied to speech
Learned representations show a resemblance to
cochlear filters in the auditory cortex.
Yann Lecun on Deep Learning
DL is the dominant method for acoustic
modeling in speech recognition
It is becoming dominant in machine vision for:
object recognition
object detection
semantic segmentation.
โ€œDeepโ€ > 1 hidden layer
Deep Neural Nets
Restricted Boltzmann Machines
RBMs are building blocks for deeper nets.
They deal with Binary and Continuous data
differently.
Binary
Continuous
What Is a Deep-Belief Network?
A stack of restricted Boltzmann machines
A generative probabilistic model
1) A visible (input) layer โ€ฆ
2) Two or more hidden layers that learn more
& more complex featuresโ€ฆ
3) An output layer that classifies the input.
A Recursive Neural Tensor
Network?
RNTNโ€™s are top-down; DBNโ€™s are feed-forward
A tensor is 3d matrix
RNTNโ€™s handle multiplicity
Scene and sentence parsing, windows of
events
A Deep Autoencoder?
DAโ€™s are good for QA systems like Watson
They encode lots of data in smaller number
vectors
Good for Image Search, Topic Modeling
A Convolutional Net?
ConvNets slice up features with shared
weights
ConvNets learns images in patches from a grid
Very good at generalization
DeepLearning4J
The most complete, production-ready open-
source DL lib
Written in Java: Uses Akka, Hazelcast and Jblas
Distributed to run fast, built for non-specialists
More features than Theano-based tools
Talks to any data source, expects 1 format
DL4J Serves Industry
Nonspecialists can rely on its conventions to
solve computationally intensive problems
Usability first โ€“ DL4J follows ML tool conventions
DL4Jโ€™s nets work equally well with text, image,
sound and time-series
DL4J will integrate with Python community
through SDKs
Vectorized
Implementation
Handles lots of data concurrently.
Any number of examples at once, but the
code does not change.
Faster: Allows for native and GPU execution.
One input format: Everything is a matrix.
Image, sound, text, time series are vectorized.
DL4J vs Theano vs Torch
DL4Jโ€™s distributed nature means problems can
be solved by โ€œthrowing CPUs at them.โ€
Java ecosystem has GPU integration tools.
Theano is not distributed, and Torch7 has not
automated its distribution like DL4J.
DL4Jโ€™s matrix multiplication is native w/ Jblas.
What Are Good Applications for
DL?
Recommendation engines (e-commerce)
DL can model consumer and user behavior
Anomaly detection (fraud, money laundering)
DL can recognize early signals of bad outcomes
Signal processing (CRM, ERP)
DL has predictive capacity with time-series data
DL4J Vectorizes & Analyzes Text
Sentiment analysis
Logs
News articles
Social media
Build Your Own Google Brain โ€ฆDL on Hadoop and AWS
Past Work: Parallel Iterative Algos on YARN
Started with
Parallel linear, logistic regression
Parallel Neural Networks
โ€œMetronomeโ€ packages DL4J for Hadoop
100% Java, ASF 2.0 Licensed, on Github
MapReduce vs. Parallel
Iterative
24
Input
Output
Map Map Map
Reduce Reduce
ProcessorProcessor ProcessorProcessor ProcessorProcessor
Superstep 1Superstep 1
ProcessorProcessor ProcessorProcessor
Superstep 2Superstep 2
. . .
ProcessorProcessor
SGD: Serial vs Parallel
25
Model
Training Data
Worker 1
Master
Partial
Model
Global Model
Worker 2
Partial Model
Worker N
Partial
Model
Split 1 Split 2 Split 3
โ€ฆ
Managing Resources
Running through YARN on Hadoop is important
Allows for workflow scheduling
Allows for scheduler oversight
Allows the jobs to be first-class citizens on
Hadoop
And shares resources nicely
Parallelizing Deep-Belief Networks
Two-phase training
Pretrain
Fine-tune
Each phase can do multiple passes over
dataset
Entire network is averaged at master
PreTrain and Lots of Data
Weโ€™re exploring how to better leverage the
unsupervised aspects of the PreTrain phase
of Deep-Belief Networks
Allows for the use of far more unlabeled
data
Allows us to more easily model the massive
amounts of structured data in HDFS
DL4J on Hadoop is fast and accurate
Results
DBNs on IR Performance
๏ฌ
Faster to train.
๏ฌ
Parameter averaging is an automatic form of
regularization.
๏ฌ
Adagrad with IR allows for better
generalization of different features and even
pacing.
Scale-out Metrics
Batches of records can be processed by as
many workers as there are data splits
Message passing overhead is minimal
Exhibits linear scaling
Example: 3x workers, 3x faster learning
Usage From Command
Line
Run Deep Learning on Hadoop
yarn jariterativereduce-0.1-SNAPSH O T.jar[props file]
Evaluate model
./score_m odel.sh [props file]
Handwriting Renders
Facial Renders
Whatโ€™s Next?
GPU integration in the cloud (AWS)
Better vectorization tooling & data pipelines
Move YARN version back over to JBLAS for
matrices
Spark
References
โ€œA Fast-Learning Algorithm for Deep Belief Netsโ€
Hinton, G. E., Osindero, S. and Teh, Y. - Neural Computation
(2006)
โ€œLarge Scale Distributed Deep Networksโ€
Dean, Corrado, Monga - NIPS (2012)
โ€œVisually Debugging Restricted Boltzmann Machine
Training with a 3D Exampleโ€
Yosinski, Lipson - Representation Learning Workshop (2012)
Parameter Averaging
McDonald, 2010
Distributed Training Strategies for the Structured
Perceptron
Langford, 2007
Vowpal Wabbit
Jeff Deanโ€™s Work on Parallel SGD
DownPour SGD
37

More Related Content

What's hot

What's hot (20)

Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
ย 
Mastering Computer Vision Problems with State-of-the-art Deep Learning
Mastering Computer Vision Problems with State-of-the-art Deep LearningMastering Computer Vision Problems with State-of-the-art Deep Learning
Mastering Computer Vision Problems with State-of-the-art Deep Learning
ย 
Mentoring Session with Innovesia: Advance Robotics
Mentoring Session with Innovesia: Advance RoboticsMentoring Session with Innovesia: Advance Robotics
Mentoring Session with Innovesia: Advance Robotics
ย 
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
ย 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile Phones
ย 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
ย 
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 Microsoft R Open
Deep Learning with Microsoft R OpenDeep Learning with Microsoft R Open
Deep Learning with Microsoft R Open
ย 
Dato Keynote
Dato KeynoteDato Keynote
Dato Keynote
ย 
Keras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learningKeras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learning
ย 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
ย 
Spark MLlib and Viral Tweets
Spark MLlib and Viral TweetsSpark MLlib and Viral Tweets
Spark MLlib and Viral Tweets
ย 
Josh Patterson, Advisor, Skymind โ€“ Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind โ€“ Deep learning for Industry at MLconf ATL 2016Josh Patterson, Advisor, Skymind โ€“ Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind โ€“ Deep learning for Industry at MLconf ATL 2016
ย 
Big Data Analytics (ML, DL, AI) hands-on
Big Data Analytics (ML, DL, AI) hands-onBig Data Analytics (ML, DL, AI) hands-on
Big Data Analytics (ML, DL, AI) hands-on
ย 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning
ย 
Better {ML} Together: GraphLab Create + Spark
Better {ML} Together: GraphLab Create + Spark Better {ML} Together: GraphLab Create + Spark
Better {ML} Together: GraphLab Create + Spark
ย 
Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?Why is Deep learning hot right now? and How can we apply it on each day job?
Why is Deep learning hot right now? and How can we apply it on each day job?
ย 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
ย 
Practical Deep Learning
Practical Deep LearningPractical Deep Learning
Practical Deep Learning
ย 
Anomaly Detection at Scale
Anomaly Detection at ScaleAnomaly Detection at Scale
Anomaly Detection at Scale
ย 

Viewers also liked

Deep Learning on Hadoop
Deep Learning on HadoopDeep Learning on Hadoop
Deep Learning on Hadoop
DataWorks Summit
ย 

Viewers also liked (20)

Deep Learning Use Cases - Data Science Pop-up Seattle
Deep Learning Use Cases - Data Science Pop-up SeattleDeep Learning Use Cases - Data Science Pop-up Seattle
Deep Learning Use Cases - Data Science Pop-up Seattle
ย 
Portfolio
PortfolioPortfolio
Portfolio
ย 
EDW 2015 cognitive computing panel session
EDW 2015 cognitive computing panel session EDW 2015 cognitive computing panel session
EDW 2015 cognitive computing panel session
ย 
Deep Learning on Hadoop
Deep Learning on HadoopDeep Learning on Hadoop
Deep Learning on Hadoop
ย 
4th industrial revolution fuel by combining big data and deeplearning a qui...
4th industrial revolution fuel by combining big data and deeplearning   a qui...4th industrial revolution fuel by combining big data and deeplearning   a qui...
4th industrial revolution fuel by combining big data and deeplearning a qui...
ย 
Skymind ๆทฑๅบฆๅญฆไน  - T11 Summit
Skymind ๆทฑๅบฆๅญฆไน  - T11 SummitSkymind ๆทฑๅบฆๅญฆไน  - T11 Summit
Skymind ๆทฑๅบฆๅญฆไน  - T11 Summit
ย 
DeepLearning4J: Open Source Neural Net Platform
DeepLearning4J: Open Source Neural Net PlatformDeepLearning4J: Open Source Neural Net Platform
DeepLearning4J: Open Source Neural Net Platform
ย 
Deep Learning on Production with Spark
Deep Learning on Production with SparkDeep Learning on Production with Spark
Deep Learning on Production with Spark
ย 
DeepLearning4J and Spark: Successes and Challenges - Franรงois Garillot
DeepLearning4J and Spark: Successes and Challenges - Franรงois GarillotDeepLearning4J and Spark: Successes and Challenges - Franรงois Garillot
DeepLearning4J and Spark: Successes and Challenges - Franรงois Garillot
ย 
DL4J at Workday Meetup
DL4J at Workday MeetupDL4J at Workday Meetup
DL4J at Workday Meetup
ย 
Skymind's Platform - CN
Skymind's Platform - CNSkymind's Platform - CN
Skymind's Platform - CN
ย 
Deep Learning using Spark and DL4J for fun and profit
Deep Learning using Spark and DL4J for fun and profitDeep Learning using Spark and DL4J for fun and profit
Deep Learning using Spark and DL4J for fun and profit
ย 
Sf data mining_meetup
Sf data mining_meetupSf data mining_meetup
Sf data mining_meetup
ย 
Deep Learning meetup
Deep Learning meetupDeep Learning meetup
Deep Learning meetup
ย 
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
ย 
Getting Started with Deep Learning using Scala
Getting Started with Deep Learning using ScalaGetting Started with Deep Learning using Scala
Getting Started with Deep Learning using Scala
ย 
Cognitive Automation - Your AI Coworker
Cognitive Automation - Your AI CoworkerCognitive Automation - Your AI Coworker
Cognitive Automation - Your AI Coworker
ย 
Introduรงรฃo ao Deep Learning com o TensorFlow
Introduรงรฃo ao Deep Learning com o TensorFlowIntroduรงรฃo ao Deep Learning com o TensorFlow
Introduรงรฃo ao Deep Learning com o TensorFlow
ย 
Time-series forecasting of indoor temperature using pre-trained Deep Neural N...
Time-series forecasting of indoor temperature using pre-trained Deep Neural N...Time-series forecasting of indoor temperature using pre-trained Deep Neural N...
Time-series forecasting of indoor temperature using pre-trained Deep Neural N...
ย 
Spark Meetup TensorFrames
Spark Meetup TensorFramesSpark Meetup TensorFrames
Spark Meetup TensorFrames
ย 

Similar to Deeplearning on Hadoop @OSCON 2014

Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
Turi, Inc.
ย 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
ย 

Similar to Deeplearning on Hadoop @OSCON 2014 (20)

Hadoop Summit 2014 Distributed Deep Learning
Hadoop Summit 2014 Distributed Deep LearningHadoop Summit 2014 Distributed Deep Learning
Hadoop Summit 2014 Distributed Deep Learning
ย 
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4JGeorgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
ย 
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
ย 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike WangIntroduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
ย 
LinkedIn
LinkedInLinkedIn
LinkedIn
ย 
The Past, Present, and Future of Hadoop at LinkedIn
The Past, Present, and Future of Hadoop at LinkedInThe Past, Present, and Future of Hadoop at LinkedIn
The Past, Present, and Future of Hadoop at LinkedIn
ย 
Machine Learning and Hadoop
Machine Learning and HadoopMachine Learning and Hadoop
Machine Learning and Hadoop
ย 
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
ย 
The Future of Computing is Distributed
The Future of Computing is DistributedThe Future of Computing is Distributed
The Future of Computing is Distributed
ย 
Jeremy Nixon, Machine Learning Engineer, Spark Technology Center at MLconf AT...
Jeremy Nixon, Machine Learning Engineer, Spark Technology Center at MLconf AT...Jeremy Nixon, Machine Learning Engineer, Spark Technology Center at MLconf AT...
Jeremy Nixon, Machine Learning Engineer, Spark Technology Center at MLconf AT...
ย 
Distributed Deep Learning + others for Spark Meetup
Distributed Deep Learning + others for Spark MeetupDistributed Deep Learning + others for Spark Meetup
Distributed Deep Learning + others for Spark Meetup
ย 
Real time analytics
Real time analyticsReal time analytics
Real time analytics
ย 
AI on Greenplum Usingโ€จ Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Usingโ€จ Apache MADlib and MADlib Flow - Greenplum Summit 2019AI on Greenplum Usingโ€จ Apache MADlib and MADlib Flow - Greenplum Summit 2019
AI on Greenplum Usingโ€จ Apache MADlib and MADlib Flow - Greenplum Summit 2019
ย 
Chug dl presentation
Chug dl presentationChug dl presentation
Chug dl presentation
ย 
Open Source Big Graph Analytics on Neo4j with Apache Spark
Open Source Big Graph Analytics on Neo4j with Apache SparkOpen Source Big Graph Analytics on Neo4j with Apache Spark
Open Source Big Graph Analytics on Neo4j with Apache Spark
ย 
Urs Kรถster - Convolutional and Recurrent Neural Networks
Urs Kรถster - Convolutional and Recurrent Neural NetworksUrs Kรถster - Convolutional and Recurrent Neural Networks
Urs Kรถster - Convolutional and Recurrent Neural Networks
ย 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
ย 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
ย 
Multiplatform Spark solution for Graph datasources by Javier Dominguez
Multiplatform Spark solution for Graph datasources by Javier DominguezMultiplatform Spark solution for Graph datasources by Javier Dominguez
Multiplatform Spark solution for Graph datasources by Javier Dominguez
ย 
Deep learning with DL4J - Hadoop Summit 2015
Deep learning with DL4J - Hadoop Summit 2015Deep learning with DL4J - Hadoop Summit 2015
Deep learning with DL4J - Hadoop Summit 2015
ย 

More from Adam Gibson

More from Adam Gibson (20)

End to end MLworkflows
End to end MLworkflowsEnd to end MLworkflows
End to end MLworkflows
ย 
World Artificial Intelligence Conference Shanghai 2018
World Artificial Intelligence Conference Shanghai 2018World Artificial Intelligence Conference Shanghai 2018
World Artificial Intelligence Conference Shanghai 2018
ย 
Deploying signature verification with deep learning
Deploying signature verification with deep learningDeploying signature verification with deep learning
Deploying signature verification with deep learning
ย 
Self driving computers active learning workflows with human interpretable ve...
Self driving computers  active learning workflows with human interpretable ve...Self driving computers  active learning workflows with human interpretable ve...
Self driving computers active learning workflows with human interpretable ve...
ย 
Anomaly Detection and Automatic Labeling with Deep Learning
Anomaly Detection and Automatic Labeling with Deep LearningAnomaly Detection and Automatic Labeling with Deep Learning
Anomaly Detection and Automatic Labeling with Deep Learning
ย 
Strata Beijing 2017: Jumpy, a python interface for nd4j
Strata Beijing 2017: Jumpy, a python interface for nd4jStrata Beijing 2017: Jumpy, a python interface for nd4j
Strata Beijing 2017: Jumpy, a python interface for nd4j
ย 
Boolan machine learning summit
Boolan machine learning summitBoolan machine learning summit
Boolan machine learning summit
ย 
Advanced deeplearning4j features
Advanced deeplearning4j featuresAdvanced deeplearning4j features
Advanced deeplearning4j features
ย 
Deep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the BayDeep Learning with GPUs in Production - AI By the Bay
Deep Learning with GPUs in Production - AI By the Bay
ย 
Big Data Analytics Tokyo
Big Data Analytics TokyoBig Data Analytics Tokyo
Big Data Analytics Tokyo
ย 
Wrangleconf Big Data Malaysia 2016
Wrangleconf Big Data Malaysia 2016Wrangleconf Big Data Malaysia 2016
Wrangleconf Big Data Malaysia 2016
ย 
Distributed deep rl on spark strata singapore
Distributed deep rl on spark   strata singaporeDistributed deep rl on spark   strata singapore
Distributed deep rl on spark strata singapore
ย 
Deep learning in production with the best
Deep learning in production   with the bestDeep learning in production   with the best
Deep learning in production with the best
ย 
Dl4j in the wild
Dl4j in the wildDl4j in the wild
Dl4j in the wild
ย 
SKIL - Dl4j in the wild meetup
SKIL - Dl4j in the wild meetupSKIL - Dl4j in the wild meetup
SKIL - Dl4j in the wild meetup
ย 
Strata Beijing - Deep Learning in Production on Spark
Strata Beijing - Deep Learning in Production on SparkStrata Beijing - Deep Learning in Production on Spark
Strata Beijing - Deep Learning in Production on Spark
ย 
Anomaly detection in deep learning (Updated) English
Anomaly detection in deep learning (Updated) EnglishAnomaly detection in deep learning (Updated) English
Anomaly detection in deep learning (Updated) English
ย 
Skymind - Udacity China presentation
Skymind - Udacity China presentationSkymind - Udacity China presentation
Skymind - Udacity China presentation
ย 
Anomaly Detection in Deep Learning (Updated)
Anomaly Detection in Deep Learning (Updated)Anomaly Detection in Deep Learning (Updated)
Anomaly Detection in Deep Learning (Updated)
ย 
Hadoop summit 2016
Hadoop summit 2016Hadoop summit 2016
Hadoop summit 2016
ย 

Recently uploaded

Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar โ‰ผ๐Ÿ” Delhi door step de...
Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar  โ‰ผ๐Ÿ” Delhi door step de...Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar  โ‰ผ๐Ÿ” Delhi door step de...
Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar โ‰ผ๐Ÿ” Delhi door step de...
9953056974 Low Rate Call Girls In Saket, Delhi NCR
ย 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Dr.Costas Sachpazis
ย 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
rknatarajan
ย 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Christo Ananth
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ankushspencer015
ย 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
Tonystark477637
ย 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
SUHANI PANDEY
ย 

Recently uploaded (20)

Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar โ‰ผ๐Ÿ” Delhi door step de...
Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar  โ‰ผ๐Ÿ” Delhi door step de...Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar  โ‰ผ๐Ÿ” Delhi door step de...
Call Now โ‰ฝ 9953056974 โ‰ผ๐Ÿ” Call Girls In New Ashok Nagar โ‰ผ๐Ÿ” Delhi door step de...
ย 
Unit 1 - Soil Classification and Compaction.pdf
Unit 1 - Soil Classification and Compaction.pdfUnit 1 - Soil Classification and Compaction.pdf
Unit 1 - Soil Classification and Compaction.pdf
ย 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
ย 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
ย 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
ย 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
ย 
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxBSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
ย 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
ย 
University management System project report..pdf
University management System project report..pdfUniversity management System project report..pdf
University management System project report..pdf
ย 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ย 
Top Rated Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth โŸŸ 6297143586 โŸŸ Call Me For Genuine Se...
ย 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
ย 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
ย 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
ย 
Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)Java Programming :Event Handling(Types of Events)
Java Programming :Event Handling(Types of Events)
ย 
Online banking management system project.pdf
Online banking management system project.pdfOnline banking management system project.pdf
Online banking management system project.pdf
ย 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
ย 
Call for Papers - International Journal of Intelligent Systems and Applicatio...
Call for Papers - International Journal of Intelligent Systems and Applicatio...Call for Papers - International Journal of Intelligent Systems and Applicatio...
Call for Papers - International Journal of Intelligent Systems and Applicatio...
ย 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineering
ย 
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
VIP Model Call Girls Kothrud ( Pune ) Call ON 8005736733 Starting From 5K to ...
ย 

Deeplearning on Hadoop @OSCON 2014

  • 1. Deep Learning on Hadoop Scale out Deep Learning on YARN
  • 2. Adam Gibson Email : 0@blix.io Twitter @agibsonccc Github github.com/agi bsonccc Slideshare slideshare.net/agibsonccc Teaching zipfianacademy.com Press wired.com/2014/06/skymind -deep-learning
  • 3. Josh Patterson Email: josh@pattersonconsultingtn.com Twitter: @jpatanooga Github: github.com /jpatanooga Past Published in IAAI-09: โ€œTinyTermite: A Secure Routing Algorithmโ€ Grad work in Meta-heuristics, Ant-algorithms Tennessee Valley Authority (TVA) Hadoop and the Smartgrid Cloudera Principal Solution Architect Today: Patterson Consulting
  • 4. Overview โ€ข What Is Deep Learning? โ€ข Neural Nets and Optimization Algorithms โ€ข Implementation on Hadoop/YARN โ€ข Results
  • 5. Machine perception, pattern recognition.What is Deep Learning?
  • 6. What Is Deep Learning? Algorithms called neural nets that learn to recognize patterns: Nodes learn smaller features of larger patterns And combine them to recognize feature groups Until finally they can classify objects, faces, etc. Each node layer in net learns larger groups
  • 7. Properties of Deep Learning Small training sets, they learn unsupervised data They save data scientists months of work Anything you can vectorize, DL nets can learn They can handle millions of parameters After training, DL models are one, small vector
  • 8. Chasing Nature Learning sparse representations of auditory signals Leads to filters that correspond to neurons in early audio processing in mammals When applied to speech Learned representations show a resemblance to cochlear filters in the auditory cortex.
  • 9. Yann Lecun on Deep Learning DL is the dominant method for acoustic modeling in speech recognition It is becoming dominant in machine vision for: object recognition object detection semantic segmentation.
  • 10. โ€œDeepโ€ > 1 hidden layer Deep Neural Nets
  • 11. Restricted Boltzmann Machines RBMs are building blocks for deeper nets. They deal with Binary and Continuous data differently. Binary Continuous
  • 12. What Is a Deep-Belief Network? A stack of restricted Boltzmann machines A generative probabilistic model 1) A visible (input) layer โ€ฆ 2) Two or more hidden layers that learn more & more complex featuresโ€ฆ 3) An output layer that classifies the input.
  • 13. A Recursive Neural Tensor Network? RNTNโ€™s are top-down; DBNโ€™s are feed-forward A tensor is 3d matrix RNTNโ€™s handle multiplicity Scene and sentence parsing, windows of events
  • 14. A Deep Autoencoder? DAโ€™s are good for QA systems like Watson They encode lots of data in smaller number vectors Good for Image Search, Topic Modeling
  • 15. A Convolutional Net? ConvNets slice up features with shared weights ConvNets learns images in patches from a grid Very good at generalization
  • 16. DeepLearning4J The most complete, production-ready open- source DL lib Written in Java: Uses Akka, Hazelcast and Jblas Distributed to run fast, built for non-specialists More features than Theano-based tools Talks to any data source, expects 1 format
  • 17. DL4J Serves Industry Nonspecialists can rely on its conventions to solve computationally intensive problems Usability first โ€“ DL4J follows ML tool conventions DL4Jโ€™s nets work equally well with text, image, sound and time-series DL4J will integrate with Python community through SDKs
  • 18. Vectorized Implementation Handles lots of data concurrently. Any number of examples at once, but the code does not change. Faster: Allows for native and GPU execution. One input format: Everything is a matrix. Image, sound, text, time series are vectorized.
  • 19. DL4J vs Theano vs Torch DL4Jโ€™s distributed nature means problems can be solved by โ€œthrowing CPUs at them.โ€ Java ecosystem has GPU integration tools. Theano is not distributed, and Torch7 has not automated its distribution like DL4J. DL4Jโ€™s matrix multiplication is native w/ Jblas.
  • 20. What Are Good Applications for DL? Recommendation engines (e-commerce) DL can model consumer and user behavior Anomaly detection (fraud, money laundering) DL can recognize early signals of bad outcomes Signal processing (CRM, ERP) DL has predictive capacity with time-series data
  • 21. DL4J Vectorizes & Analyzes Text Sentiment analysis Logs News articles Social media
  • 22. Build Your Own Google Brain โ€ฆDL on Hadoop and AWS
  • 23. Past Work: Parallel Iterative Algos on YARN Started with Parallel linear, logistic regression Parallel Neural Networks โ€œMetronomeโ€ packages DL4J for Hadoop 100% Java, ASF 2.0 Licensed, on Github
  • 24. MapReduce vs. Parallel Iterative 24 Input Output Map Map Map Reduce Reduce ProcessorProcessor ProcessorProcessor ProcessorProcessor Superstep 1Superstep 1 ProcessorProcessor ProcessorProcessor Superstep 2Superstep 2 . . . ProcessorProcessor
  • 25. SGD: Serial vs Parallel 25 Model Training Data Worker 1 Master Partial Model Global Model Worker 2 Partial Model Worker N Partial Model Split 1 Split 2 Split 3 โ€ฆ
  • 26. Managing Resources Running through YARN on Hadoop is important Allows for workflow scheduling Allows for scheduler oversight Allows the jobs to be first-class citizens on Hadoop And shares resources nicely
  • 27. Parallelizing Deep-Belief Networks Two-phase training Pretrain Fine-tune Each phase can do multiple passes over dataset Entire network is averaged at master
  • 28. PreTrain and Lots of Data Weโ€™re exploring how to better leverage the unsupervised aspects of the PreTrain phase of Deep-Belief Networks Allows for the use of far more unlabeled data Allows us to more easily model the massive amounts of structured data in HDFS
  • 29. DL4J on Hadoop is fast and accurate Results
  • 30. DBNs on IR Performance ๏ฌ Faster to train. ๏ฌ Parameter averaging is an automatic form of regularization. ๏ฌ Adagrad with IR allows for better generalization of different features and even pacing.
  • 31. Scale-out Metrics Batches of records can be processed by as many workers as there are data splits Message passing overhead is minimal Exhibits linear scaling Example: 3x workers, 3x faster learning
  • 32. Usage From Command Line Run Deep Learning on Hadoop yarn jariterativereduce-0.1-SNAPSH O T.jar[props file] Evaluate model ./score_m odel.sh [props file]
  • 35. Whatโ€™s Next? GPU integration in the cloud (AWS) Better vectorization tooling & data pipelines Move YARN version back over to JBLAS for matrices Spark
  • 36. References โ€œA Fast-Learning Algorithm for Deep Belief Netsโ€ Hinton, G. E., Osindero, S. and Teh, Y. - Neural Computation (2006) โ€œLarge Scale Distributed Deep Networksโ€ Dean, Corrado, Monga - NIPS (2012) โ€œVisually Debugging Restricted Boltzmann Machine Training with a 3D Exampleโ€ Yosinski, Lipson - Representation Learning Workshop (2012)
  • 37. Parameter Averaging McDonald, 2010 Distributed Training Strategies for the Structured Perceptron Langford, 2007 Vowpal Wabbit Jeff Deanโ€™s Work on Parallel SGD DownPour SGD 37

Editor's Notes

  1. 11
  2. 13
  3. 14
  4. 15
  5. 21
  6. 24
  7. 25
  8. 37