SlideShare a Scribd company logo
Presentation at Global AI Conference
Santa Clara, CA
1-20-17
Jeff Shomaker
21 SP, Inc.
Deep Learning
Comparing Open-Source
Frameworks
21 SP, Inc.
Proprietary and Confidential 2
Introduction
• Neural network software has been open-sourced so it can
be used widely.
• I’ll discuss the following:
– Neural networks – what are they?
– Uses of Neural Networks
– TensorFlow
– Torch
– CNTK
– Caffe
– Theano
– Comparative metrics
– Further reading
21 SP, Inc.
Proprietary and Confidential
Neural Networks
3
Neural networks are a paradigm for processing information
loosely based on the idea of neurons that communicate
information in the brain and spinal cord. 2)
Source: 1) Raschka, S. (2016). What is the difference between deep learning and ‘Regular’ machine learning.
www.kdnuggets.com, Diagram accessed 7-1-16. 2) Geoffrey Hinton, et al (2012). Neural networks for machine
learning course. U of Toronto, Coursera.com, Oct 2012. Accessed 2013.
21 SP, Inc.
Proprietary and Confidential
Deep Learning Architectures E1)
• Deep Neural Networks
– General approach for classification and regression
– Widely used and successful in many areas
• Deep Belief Networks (DBNs)
– A composition of Restricted Boltzmann Machines (RBMs)*
– Used for unsupervised and supervised problems
• Recurrent Neural Networks (RNNs)**
– Good for analyzing streams of data
– Successful in natural language processing
• Convolutional Neural Networks (CNNs)
– Good for 2D data (usually labeled), like images
– Inputs are transformed to 3D outputs
• E1) Ravi, D., et al (2016). See End Notes for full citation and annotation.
• * RBMs a type of stochastic NN. Good for modeling probabilities between variables.
• **Long Short-term Memory (LSTM) a variation of RNNs.
4
21 SP, Inc.
Proprietary and Confidential
Examples of Neural Network (NN) Use
• Medicine
– Per IOM (Institute of Medicine, 2015) one of ten patient deaths in the US is due to misdiagnosis.
– NNs can be used in diagnosis of multiple sclerosis, colon cancer, pancreatic disease,
gynecological diseases, diabetes, coronary artery disease, breast/thyroid cancer and others. 1)
• Finance
– In 2014, card not present fraud was $2.9B in US – expected to be $6.4B by 2018.
– NNs can be used for credit card fraud detection along with other machine learning approaches
such as Support Vector Machines, K-nearest neighbor, etc. 2)
• Network Security
– The direct annual loss in 2011 from global cyber crime was $114B.
– Authors propose a Artificial Immune System that uses neural networks as detectors. 3)
• Energy Efficiency
– During the next 10 years, electricity demand expected to grow by 13% to 15% per year.
– Authors describe a system using neural networks that can communicate with electricity grids.
– Expected to reduce energy loss from 16% to between 3% -- 5%. 4)
• 1) Amato, F., et al (2013). Artificial neural networks in medical diagnosis. J Applied Biomedicine. 11:47-58.
• 2) Deshpande, PM, et al., (2016 Jan). Applications of data mining techniques for fraud detection in credit-debit card transactions. ISJRD,
Conference on Technological Advancement and Automatization in Engineering. 339-345.
• 3) Komar, M., et al (2016). Intelligent cyber defense system. ICTERI, Kyiv, Ukraine, June 21-24 meeting, 534-549.
• 4) Buyuk, OO, et al (2016). A novel application to increase energy efficiency using artificial neural networks. IEEE. 1-5.
5
21 SP, Inc.
Proprietary and Confidential
TensorFlow
• What is it:
– Neural networks software for numerical computation - uses data flow
graphs for computation
– Developed at Google’s machine intelligence research organization
• What can it be used for:
– Any machine neural network problem
• Video Demonstration
– Six minute video introduction on TensorFlow on YouTube.
• Further information:
– www.tensorflow.org
– https://www.youtube.com/watch?v=bYeBL92v99Y
6
21 SP, Inc.
Proprietary and Confidential
Example using TensorFlow E2)
• Used a Convolutional Neural Network (CNN) to build a natural
language understanding (NLU) system
• CNN designed to capture fluent customer responses in Sweden and
route phone calls
• Model’s results were compared to those using Support Vector
Machines (SVM), Naïve Bayes (NB) classifiers and Tellia Company’s
own models.
• The CNN outperformed all on two of four data sets
• Expected that CNN would beat all with larger data sets
E2) Kjellgren, F. (2016). See End Notes for full citation and annotations.
7
21 SP, Inc.
Proprietary and Confidential
Torch
• What is it:
– Torch is a scientific computing framework for machine learning.
– The goal is flexibility and the building of scientific algorithms quickly -
contains neural network and optimization libraries
• What can it be used for:
– Machine learning neural network problems
• Video Demonstration
– Three minute introduction on YouTube.
• Further information:
– http://torch.ch/
– https://www.youtube.com/watch?
v=uxja6iwOnc4&list=PLjJh1vlSEYgvGod9wWiydumYl8hOXixNu&index=19
8
21 SP, Inc.
Proprietary and Confidential
Example using Torch E3)
• Created two deep neural network (NN) models with Torch
• 1st model was a Volumetric (3D) convolutional based deep NN and the
2nd
model was a LSTM (Long Short Term Memory) based deep NN.
• Models designed to use audio and video as input and produce five
personality traits as output: Conscientiousness, Neuroticism,
Agreeableness, Extraversion, and Openness.
• The models used the ChaLearn LAP 2016 APA dataset that includes
10,000 videos.
• The second model was entered in the ChaLearn LAP APA2016
Challenge and won second place with eight teams ranked*
E3) Subramaniam, A., et al (2016). See End Notes for full citation and annotations.
* ChaLearn Looking at People ECCV Workshop 2016, 14th
European Conference on Computer Vision – Amsterdam, The
Netherlands. www.eccv2016.org, Accessed 1-18-17.
9
21 SP, Inc.
Proprietary and Confidential
CNTK
• What is it:
– CNTK stands for Computational Network Toolkit - created by Microsoft.
– Designed for use with CPUs or GPUs (i.e., graphical processing units)
• What can it be used for:
– Used for image classification problems, video analysis, speech recognition
and natural language processing.
• Video Demonstration
– A two minute introduction on YouTube.
• Further information:
– https://www.cntk.ai/
– https://www.youtube.com/watch?v=-mLdConF1EU
10
21 SP, Inc.
Proprietary and Confidential
Example using CNTK E4)
• A multi-task deep learning feed-forward neural network (NN) was built
called MtNet that solves the classification problem of whether a file is
malware or not and places a malware file into a family.
• State-of-the-art results have been achieved with deep learning in
speech and visual object recognition; but, not in malware systems.
• MtNet was trained (labeled data) and tested on 6.5 million files and
limited the binary malware error rate to 0.358% and the family error
rate to 2.94%, which is a big improvement over previous work.
• Models were trained on a single NVIDIA Telsa K40 GPU.*
• Results showed for the first time that adding hidden layers to a NN can
improve the malware classification task.
E4) Huang, W., et al (2016). See End Notes for full citation and annotations.
*A Tesla GPU accelerator for servers. Per Nvidia Corp, Telsas designed to produce maximum throughput for large data
flows. www.nvidia.com. Accessed 1-16-17.
11
21 SP, Inc.
Proprietary and Confidential
Caffe
• What is it:
– A deep learning framework designed to be modular and fast – used with
CPUs or GPUs.
– Developed by Berkeley Vision and Learning Center (BLVC) and community
contributors.
• What can it be used for:
– Originally for machine vision; but, now able to handle speech and text
problems.
• Video Demonstration
– A three minute introduction on YouTube.
• Further information:
– http://caffe.berkeleyvision.org/
– https://www.youtube.com/watch?v=bOIZ74rOik0
12
21 SP, Inc.
Proprietary and Confidential
Example using Caffe E5)
• Author’s created a highway data set of over 616,000 images and
trained it on a convolutional neural network (CNN) to detect lanes and
other cars.
• CNN models have been the best at image recognition during the last
several years.
• The Caffe framework was used to develop deep learning models that
were then used in self-driving cars on highways in the San Francisco
Bay area.
• A 2014 Infiniti Q50 was used as the research vehicle.
• Results showed that CNNs can perform well on highways
E5) Huval, B., et al (2015). See End Notes for full citation and annotations.
13
21 SP, Inc.
Proprietary and Confidential
• What is it:
– Theano is a library and uses the Python language to build mathematical
expressions -- especially useful with multi-dimensional arrays.
– Developed by the machine learning group at the University of Montreal.
• What can it be used for:
– When complicated math is used repeatedly and speed is important
• Video Demonstration
– A three minute introduction on YouTube.
• Further information:
– http://deeplearning.net/software/theano/
– https://www.youtube.com/watch?
v=fWkArbYtQbM&index=17&list=PLjJh1vlSEYgvGod9wWiydumYl8hOXixN
u
14
Theano
21 SP, Inc.
Proprietary and Confidential
Example using Theano E6)
• Used a Convolutional Neural Network (CNN) to create a deep learning
system that classifies 2D CT scans of nodules in lung tissue into six
categories for further analysis
• The 2D images are transformed into 3D images along with the
probability that each nodule belongs to one of the following types:
solid, calcified, part-solid, non-solid, perifissural, or speculated.
• Different types have a different likelihood of being cancerous.
• System trained on data from 943 patients and validated on 468
separate patients.
• System output was consistent with human performance and is well
suited for high volume lung cancer screening.
E6) Clompi, F., et al (2016). See End Notes for full citation and annotations.
15
21 SP, Inc.
Proprietary and Confidential
Deep Learning Framework Features
Table 1: Deep Learning Frameworks Features E8)
Platform TensorFlow CNTK Caffe Theano Torch
Release Date 2016 2016 2014 2010 2011
Core Language C++ C++ C++ C++ C
APIs C++ NDL 2) Python Python Lua 3)
Python Mathlab
Deep Learning DBN 1), CNN, DBN, CNN, DBN, CNN, DBN, CNN, DBN, CNN,
Models RNN RNN RNN RNN RNN
Visualization Graph Graph Summary Graph Plots
(Interactive) (Static) Statistics (Static)
Training
Monitoring
E8) Fox, J., et al (2016). Software Frameworks for Deep Learning at Scale. See End Notes for full citation.
1) DBN - Deep Belief Networks, CNN - Convolutional Neural Networks, RNN - Recurrent Neural Networks.
2) NDL - high level domain specific language for implementing networks.
3) Lua - user interface scripting language.
16
21 SP, Inc.
Proprietary and Confidential
Comparative Study of Five Frameworks E9)
• Caffe, TensorFlow, Theano, Torch, and Neon* evaluated on: 1)
extensibility, 2) hardware utilization, and 3) speed.
• All comparisons based on running on a single machine using either 1)
a multi-threaded CPU, or 2) a GPU (Nvidia Titan X).
• Results
– Theano and Torch the most extensible (WRT handling deep architectures and
including supported libraries).
– Torch has the best performance on deep network architectures, with Theano second
– Torch the best for GPU-based convolutional and fully connected networks, with
Theano second.
– Theano the best for recurrent networks (LSTMs).
– TensorFlow is very flexible, but it suffers from poor performance compared to the
other frameworks on a single GPU.
E9) Bahrampour, S., et al (2016). See End Notes for full citation and annotations.
*Neon a fairly new Python-based framework from Nervana. It is fast; but, does not have all the capabilities of the
other more mature frameworks.
17
21 SP, Inc.
Proprietary and Confidential
Running Time Benchmarks E7)
• FCNs*, CNNs and RNNs benchmarked on CPUs and GPUs**
• Caffe, CNTK, TensorFlow, Torch and Theano (not studied here) can
run on multi-core CPUs and many-core GPUs.
• Results
– CPU-only platform --- no overall fastest
• FCNs – Torch the best
• CNNs (AlexNet) – Caffe and Tensorflow the best
• RNNs – CNTK very fast
– GPUs
• FCNs – Caffe and CNTK the best
• CNNs (AlexNet on GTX 980 & K80 cards) – Caffe the fastest
• RNNs – CNTK the fastest
• E7) Shi, S., et al (2016). See End Notes for full citation and annotations.
• *FCNs – Fully Connected Neural Networks.
• **GPUs significantly reduce training time -- a 10-30X increase in speed over CPUs.
18
21 SP, Inc.
Proprietary and Confidential
End Notes
• E1) Ravi, D., et al (2016 Dec 28). Deep Learning for Health Informatics. IEEE J of Biomedical and
Health Informatics, v PP, Is 99: 1-18. Accessed 1-10-17. [A good discussion of the different types of
Deep Learning Architectures, nine software packages, and methods and applications in
Bioinformatics, Medical Imaging, Pervasive Sensing, Medical Informatics, and Public Health].
• E2) Kjellgren, F., & Nordstrom, J. (2016). Convolutional Neural Networks for Semantic Classification
of Fluent Speech Phone Calls. www.cs.umu.se, SLTC_2016_paper_48-1.PDF, Accessed 1-7-17
[Used TensorFlow Framework].
• E3) Subraman, A., et al (2016 Oct 31). Bi-modal First Impressions Recognition using Temporally
Ordered Deep Audio and Stochastic Visual Features. 1-13. arXie preprint arXiv:1610.10048v1
[cs.CV]. Accessed 1-17-17. [Used Torch Framework].
• E4) Huang, W. & Stokes, J.W. (2016). MtNet: A Multitask Neural Network for Dynamic Malware
Classification. In Detection of Intrusions and Malware, and Vulnerability Assessment, v 9721: 399-
418. Psu.edu, 4750.pdf. Accessed 1-7-17. [Used CNTK Framework].
• E5) Huval, B., et al (2015 Apr 17). An Experimental Evaluation of Deep Learning on Highway Driving.
1-7. arXiv preprint. arXiv:1504.01716v3 [cs.RO]. Accessed 1-7-17. [Used Caffe Framework].
• E6) Ciompi, F., et al (2016 Oct 16). Toward Automatic Pulmonary Nodule Management in Lung
Cancer Screening with Deep Learning. 1-10. arXiv preprint arXiv:1610.09157v1 [cs.CV]. Accessed 1-
7-17. [Used Theano Framework].
19
21 SP, Inc.
Proprietary and Confidential
End Notes (cont.)
• E7) Shi, S., et al (2016 Sep 19). Benchmarking State-of-the-Art Deep Learning Software Tools. 1-7.
arXiv preprint, arXiv:1608.07249v5 [cs.DC]. arxiv.org. Accessed 1-7-17.
• E8) Fox, et al (2016). Software Frameworks for Deep Learning at Scale. 1-5. dsc.soic.indiana.edu.
Accessed 1-8-17.
• E9) Bahrampour, S., et al (2016 Mar 30). Comparative Study of Deep Learning Networks. 1-9. arXie
preprint, arXiv:1511.06435v3 [cs.LG]. Accessed 1-15-17. [Authors evaluate five frameworks: Caffe,
TensorFlow, Theano, Torch and Neon. A high quality paper].
•
20
21 SP, Inc.
Proprietary and Confidential
Further References
• What is a neural network – Episode 2 in Deep Learning Simplified,
DeepLearning.TV, www.youtube.com.
• Zhang, Zhongheng (2016). A gentle introduction to artificial neural networks.
Ann Translational Med. 1-5.
• Soniya, et al (2016). A review on advances in deep learning. IEEE, 1-6.
• Andrew Ng. Machine Learning Course, Stanford University, Coursera.com.
https://www.coursera.org/learn/machine-learning
• Yaser Abu-Mostafa. Learning from Data: Introductory Machine Learning
Course. CalTech. April 2012. Available on YouTube.
https://www.youtube.com/watch?v=mbyG85GZ0PI
• Geoffrey Hinton. Neural Networks for Machine Learning Course, University of
Toronto, Coursera.com, October 2012. https://www.coursera.org/learn/neural-
networks
21
21 SP, Inc.
Proprietary and Confidential
Contacts
• Jeff Shomaker – Founder/President 21 SP, Inc.
–jshomaker@21spinc.com
–www.21spinc.com
–650-455-7261
• 21 SP, Inc. is a small privately held startup developing decision
support software to use in genetic-based personalized medicine. The
company's mission is to create tools that will reduce the use of
traditional trial-and-error medicine by using pharmacogenetics and
other evidence-based data, such as the results of high quality clinical
trials, in the medical clinic.
22

More Related Content

PPTX
Deep learning presentation
PPT
Neural nets jeff_shomaker_7-6-16_
PPTX
Intro to deep learning
PDF
Deep learning: Cutting through the Myths and Hype
PPTX
1.Introduction to deep learning
PPTX
Industrial training (Artificial Intelligence, Machine Learning & Deep Learnin...
PDF
Deep Learning: Application Landscape - March 2018
PDF
Curriculum Vitae
Deep learning presentation
Neural nets jeff_shomaker_7-6-16_
Intro to deep learning
Deep learning: Cutting through the Myths and Hype
1.Introduction to deep learning
Industrial training (Artificial Intelligence, Machine Learning & Deep Learnin...
Deep Learning: Application Landscape - March 2018
Curriculum Vitae

What's hot (20)

PPTX
Deep Learning Explained
PPTX
GSU-RF-2013-Reddy-4
PPTX
The Deep Learning Glossary
PDF
Predicting the future with social media
PDF
Deep learning seminar report
PDF
My Curriculum Vitae
PDF
Multimedia data mining using deep learning
PDF
IRJET - Visual Question Answering – Implementation using Keras
PDF
Koss 6 a17_deepmachinelearning_mariocho_r10
PDF
The upsurge of deep learning for computer vision applications
PPTX
GSU-RF-2013-Reddy-3
PPTX
Mini Project PPT
PPTX
Deep Learning Projects - Anomaly Detection Using Deep Learning
PDF
Deep machine learning by Mario Cho
PDF
Deep Reinforcement Learning Innovation Insights from Patents
PDF
Deep learning 1.0 and Beyond, Part 1
PPTX
Facial expression recognition projc 2 (3) (1)
PPT
Introduction to machine learningunsupervised learning
PDF
Google Deep Learning Innovation Insights from Patents
PDF
IRJET- A Real Time Yolo Human Detection in Flood Affected Areas based on Vide...
Deep Learning Explained
GSU-RF-2013-Reddy-4
The Deep Learning Glossary
Predicting the future with social media
Deep learning seminar report
My Curriculum Vitae
Multimedia data mining using deep learning
IRJET - Visual Question Answering – Implementation using Keras
Koss 6 a17_deepmachinelearning_mariocho_r10
The upsurge of deep learning for computer vision applications
GSU-RF-2013-Reddy-3
Mini Project PPT
Deep Learning Projects - Anomaly Detection Using Deep Learning
Deep machine learning by Mario Cho
Deep Reinforcement Learning Innovation Insights from Patents
Deep learning 1.0 and Beyond, Part 1
Facial expression recognition projc 2 (3) (1)
Introduction to machine learningunsupervised learning
Google Deep Learning Innovation Insights from Patents
IRJET- A Real Time Yolo Human Detection in Flood Affected Areas based on Vide...
Ad

Viewers also liked (20)

PDF
Digital Transformation with AI and Data - H2O.ai and Open Source
PDF
Mammography with Inception
PDF
神经网络与深度学习
PDF
Deep learning review
PPTX
20151223application of deep learning in basic bio
PPTX
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
PDF
How to build Open Hardware self-navigating car robot
PDF
Spark Based Distributed Deep Learning Framework For Big Data Applications
PDF
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
PPTX
What Deep Learning Means for Artificial Intelligence
PDF
"Using SGEMM and FFTs to Accelerate Deep Learning," a Presentation from ARM
PDF
AI State of Play Dec 2016 NYC
PDF
Apache spark - Spark's distributed programming model
PDF
H2O Deep Water - Making Deep Learning Accessible to Everyone
PPTX
Introduzione Deep Learning & TensorFlow
PDF
TensorFlowの使い方(in Japanese)
PDF
How Will AI Change the Role of the Data Scientist?
PDF
Deep learning presentation
PDF
Innovatiemarkt 2017: Machines are the new digital natives
PPTX
Fluid ai overview pitch deck
Digital Transformation with AI and Data - H2O.ai and Open Source
Mammography with Inception
神经网络与深度学习
Deep learning review
20151223application of deep learning in basic bio
Deep Learning: Evolution of ML from Statistical to Brain-like Computing- Data...
How to build Open Hardware self-navigating car robot
Spark Based Distributed Deep Learning Framework For Big Data Applications
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
What Deep Learning Means for Artificial Intelligence
"Using SGEMM and FFTs to Accelerate Deep Learning," a Presentation from ARM
AI State of Play Dec 2016 NYC
Apache spark - Spark's distributed programming model
H2O Deep Water - Making Deep Learning Accessible to Everyone
Introduzione Deep Learning & TensorFlow
TensorFlowの使い方(in Japanese)
How Will AI Change the Role of the Data Scientist?
Deep learning presentation
Innovatiemarkt 2017: Machines are the new digital natives
Fluid ai overview pitch deck
Ad

Similar to Deep Learning Jeff-Shomaker_1-20-17_Final_ (20)

PPTX
Amazon Deep Learning
PPT
Dl 0n mobile jeff shomaker_jan-2018_final
PDF
Startup.Ml: Using neon for NLP and Localization Applications
PDF
From Conventional Machine Learning to Deep Learning and Beyond.pptx
PDF
Big Data Malaysia - A Primer on Deep Learning
PDF
Deep Domain
PDF
Deep Learning libraries and first experiments with Theano
PPTX
Introduction to Deep learning
PDF
Open source ai_technical_trend
PPTX
DEEP LEARNING model of rnn cnn_Rushi.pptx
PDF
An Introduction to Deep Learning
PDF
Distributed Deep Learning on Spark
PPTX
Open Source AI and ML, Whats Possible Today?
PDF
Austin,TX Meetup presentation tensorflow final oct 26 2017
PDF
building intelligent systems with large scale deep learning
PDF
A Platform for Accelerating Machine Learning Applications
PDF
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
PPTX
IBM Deep Learning Overview
PPTX
Deep learning an Introduction with Competitive Landscape
PPTX
Deep Learning on Qubole Data Platform
Amazon Deep Learning
Dl 0n mobile jeff shomaker_jan-2018_final
Startup.Ml: Using neon for NLP and Localization Applications
From Conventional Machine Learning to Deep Learning and Beyond.pptx
Big Data Malaysia - A Primer on Deep Learning
Deep Domain
Deep Learning libraries and first experiments with Theano
Introduction to Deep learning
Open source ai_technical_trend
DEEP LEARNING model of rnn cnn_Rushi.pptx
An Introduction to Deep Learning
Distributed Deep Learning on Spark
Open Source AI and ML, Whats Possible Today?
Austin,TX Meetup presentation tensorflow final oct 26 2017
building intelligent systems with large scale deep learning
A Platform for Accelerating Machine Learning Applications
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
IBM Deep Learning Overview
Deep learning an Introduction with Competitive Landscape
Deep Learning on Qubole Data Platform

Recently uploaded (20)

PPTX
Role and Responsibilities of Bangladesh Coast Guard Base, Mongla Challenges
PPTX
_ISO_Presentation_ISO 9001 and 45001.pptx
PPTX
2025-08-10 Joseph 02 (shared slides).pptx
PPTX
Primary and secondary sources, and history
PPTX
An Unlikely Response 08 10 2025.pptx
PDF
oil_refinery_presentation_v1 sllfmfls.pdf
PPTX
nose tajweed for the arabic alphabets for the responsive
PPTX
fundraisepro pitch deck elegant and modern
PPTX
BIOLOGY TISSUE PPT CLASS 9 PROJECT PUBLIC
PDF
Parts of Speech Prepositions Presentation in Colorful Cute Style_20250724_230...
PPTX
Learning-Plan-5-Policies-and-Practices.pptx
PPTX
Non-Verbal-Communication .mh.pdf_110245_compressed.pptx
PDF
Why Top Brands Trust Enuncia Global for Language Solutions.pdf
PPTX
The spiral of silence is a theory in communication and political science that...
DOC
学位双硕士UTAS毕业证,墨尔本理工学院毕业证留学硕士毕业证
PPTX
worship songs, in any order, compilation
PDF
Swiggy’s Playbook: UX, Logistics & Monetization
PPTX
AcademyNaturalLanguageProcessing-EN-ILT-M02-Introduction.pptx
PPTX
Understanding-Communication-Berlos-S-M-C-R-Model.pptx
PPTX
Intro to ISO 9001 2015.pptx wareness raising
Role and Responsibilities of Bangladesh Coast Guard Base, Mongla Challenges
_ISO_Presentation_ISO 9001 and 45001.pptx
2025-08-10 Joseph 02 (shared slides).pptx
Primary and secondary sources, and history
An Unlikely Response 08 10 2025.pptx
oil_refinery_presentation_v1 sllfmfls.pdf
nose tajweed for the arabic alphabets for the responsive
fundraisepro pitch deck elegant and modern
BIOLOGY TISSUE PPT CLASS 9 PROJECT PUBLIC
Parts of Speech Prepositions Presentation in Colorful Cute Style_20250724_230...
Learning-Plan-5-Policies-and-Practices.pptx
Non-Verbal-Communication .mh.pdf_110245_compressed.pptx
Why Top Brands Trust Enuncia Global for Language Solutions.pdf
The spiral of silence is a theory in communication and political science that...
学位双硕士UTAS毕业证,墨尔本理工学院毕业证留学硕士毕业证
worship songs, in any order, compilation
Swiggy’s Playbook: UX, Logistics & Monetization
AcademyNaturalLanguageProcessing-EN-ILT-M02-Introduction.pptx
Understanding-Communication-Berlos-S-M-C-R-Model.pptx
Intro to ISO 9001 2015.pptx wareness raising

Deep Learning Jeff-Shomaker_1-20-17_Final_

  • 1. Presentation at Global AI Conference Santa Clara, CA 1-20-17 Jeff Shomaker 21 SP, Inc. Deep Learning Comparing Open-Source Frameworks
  • 2. 21 SP, Inc. Proprietary and Confidential 2 Introduction • Neural network software has been open-sourced so it can be used widely. • I’ll discuss the following: – Neural networks – what are they? – Uses of Neural Networks – TensorFlow – Torch – CNTK – Caffe – Theano – Comparative metrics – Further reading
  • 3. 21 SP, Inc. Proprietary and Confidential Neural Networks 3 Neural networks are a paradigm for processing information loosely based on the idea of neurons that communicate information in the brain and spinal cord. 2) Source: 1) Raschka, S. (2016). What is the difference between deep learning and ‘Regular’ machine learning. www.kdnuggets.com, Diagram accessed 7-1-16. 2) Geoffrey Hinton, et al (2012). Neural networks for machine learning course. U of Toronto, Coursera.com, Oct 2012. Accessed 2013.
  • 4. 21 SP, Inc. Proprietary and Confidential Deep Learning Architectures E1) • Deep Neural Networks – General approach for classification and regression – Widely used and successful in many areas • Deep Belief Networks (DBNs) – A composition of Restricted Boltzmann Machines (RBMs)* – Used for unsupervised and supervised problems • Recurrent Neural Networks (RNNs)** – Good for analyzing streams of data – Successful in natural language processing • Convolutional Neural Networks (CNNs) – Good for 2D data (usually labeled), like images – Inputs are transformed to 3D outputs • E1) Ravi, D., et al (2016). See End Notes for full citation and annotation. • * RBMs a type of stochastic NN. Good for modeling probabilities between variables. • **Long Short-term Memory (LSTM) a variation of RNNs. 4
  • 5. 21 SP, Inc. Proprietary and Confidential Examples of Neural Network (NN) Use • Medicine – Per IOM (Institute of Medicine, 2015) one of ten patient deaths in the US is due to misdiagnosis. – NNs can be used in diagnosis of multiple sclerosis, colon cancer, pancreatic disease, gynecological diseases, diabetes, coronary artery disease, breast/thyroid cancer and others. 1) • Finance – In 2014, card not present fraud was $2.9B in US – expected to be $6.4B by 2018. – NNs can be used for credit card fraud detection along with other machine learning approaches such as Support Vector Machines, K-nearest neighbor, etc. 2) • Network Security – The direct annual loss in 2011 from global cyber crime was $114B. – Authors propose a Artificial Immune System that uses neural networks as detectors. 3) • Energy Efficiency – During the next 10 years, electricity demand expected to grow by 13% to 15% per year. – Authors describe a system using neural networks that can communicate with electricity grids. – Expected to reduce energy loss from 16% to between 3% -- 5%. 4) • 1) Amato, F., et al (2013). Artificial neural networks in medical diagnosis. J Applied Biomedicine. 11:47-58. • 2) Deshpande, PM, et al., (2016 Jan). Applications of data mining techniques for fraud detection in credit-debit card transactions. ISJRD, Conference on Technological Advancement and Automatization in Engineering. 339-345. • 3) Komar, M., et al (2016). Intelligent cyber defense system. ICTERI, Kyiv, Ukraine, June 21-24 meeting, 534-549. • 4) Buyuk, OO, et al (2016). A novel application to increase energy efficiency using artificial neural networks. IEEE. 1-5. 5
  • 6. 21 SP, Inc. Proprietary and Confidential TensorFlow • What is it: – Neural networks software for numerical computation - uses data flow graphs for computation – Developed at Google’s machine intelligence research organization • What can it be used for: – Any machine neural network problem • Video Demonstration – Six minute video introduction on TensorFlow on YouTube. • Further information: – www.tensorflow.org – https://www.youtube.com/watch?v=bYeBL92v99Y 6
  • 7. 21 SP, Inc. Proprietary and Confidential Example using TensorFlow E2) • Used a Convolutional Neural Network (CNN) to build a natural language understanding (NLU) system • CNN designed to capture fluent customer responses in Sweden and route phone calls • Model’s results were compared to those using Support Vector Machines (SVM), Naïve Bayes (NB) classifiers and Tellia Company’s own models. • The CNN outperformed all on two of four data sets • Expected that CNN would beat all with larger data sets E2) Kjellgren, F. (2016). See End Notes for full citation and annotations. 7
  • 8. 21 SP, Inc. Proprietary and Confidential Torch • What is it: – Torch is a scientific computing framework for machine learning. – The goal is flexibility and the building of scientific algorithms quickly - contains neural network and optimization libraries • What can it be used for: – Machine learning neural network problems • Video Demonstration – Three minute introduction on YouTube. • Further information: – http://torch.ch/ – https://www.youtube.com/watch? v=uxja6iwOnc4&list=PLjJh1vlSEYgvGod9wWiydumYl8hOXixNu&index=19 8
  • 9. 21 SP, Inc. Proprietary and Confidential Example using Torch E3) • Created two deep neural network (NN) models with Torch • 1st model was a Volumetric (3D) convolutional based deep NN and the 2nd model was a LSTM (Long Short Term Memory) based deep NN. • Models designed to use audio and video as input and produce five personality traits as output: Conscientiousness, Neuroticism, Agreeableness, Extraversion, and Openness. • The models used the ChaLearn LAP 2016 APA dataset that includes 10,000 videos. • The second model was entered in the ChaLearn LAP APA2016 Challenge and won second place with eight teams ranked* E3) Subramaniam, A., et al (2016). See End Notes for full citation and annotations. * ChaLearn Looking at People ECCV Workshop 2016, 14th European Conference on Computer Vision – Amsterdam, The Netherlands. www.eccv2016.org, Accessed 1-18-17. 9
  • 10. 21 SP, Inc. Proprietary and Confidential CNTK • What is it: – CNTK stands for Computational Network Toolkit - created by Microsoft. – Designed for use with CPUs or GPUs (i.e., graphical processing units) • What can it be used for: – Used for image classification problems, video analysis, speech recognition and natural language processing. • Video Demonstration – A two minute introduction on YouTube. • Further information: – https://www.cntk.ai/ – https://www.youtube.com/watch?v=-mLdConF1EU 10
  • 11. 21 SP, Inc. Proprietary and Confidential Example using CNTK E4) • A multi-task deep learning feed-forward neural network (NN) was built called MtNet that solves the classification problem of whether a file is malware or not and places a malware file into a family. • State-of-the-art results have been achieved with deep learning in speech and visual object recognition; but, not in malware systems. • MtNet was trained (labeled data) and tested on 6.5 million files and limited the binary malware error rate to 0.358% and the family error rate to 2.94%, which is a big improvement over previous work. • Models were trained on a single NVIDIA Telsa K40 GPU.* • Results showed for the first time that adding hidden layers to a NN can improve the malware classification task. E4) Huang, W., et al (2016). See End Notes for full citation and annotations. *A Tesla GPU accelerator for servers. Per Nvidia Corp, Telsas designed to produce maximum throughput for large data flows. www.nvidia.com. Accessed 1-16-17. 11
  • 12. 21 SP, Inc. Proprietary and Confidential Caffe • What is it: – A deep learning framework designed to be modular and fast – used with CPUs or GPUs. – Developed by Berkeley Vision and Learning Center (BLVC) and community contributors. • What can it be used for: – Originally for machine vision; but, now able to handle speech and text problems. • Video Demonstration – A three minute introduction on YouTube. • Further information: – http://caffe.berkeleyvision.org/ – https://www.youtube.com/watch?v=bOIZ74rOik0 12
  • 13. 21 SP, Inc. Proprietary and Confidential Example using Caffe E5) • Author’s created a highway data set of over 616,000 images and trained it on a convolutional neural network (CNN) to detect lanes and other cars. • CNN models have been the best at image recognition during the last several years. • The Caffe framework was used to develop deep learning models that were then used in self-driving cars on highways in the San Francisco Bay area. • A 2014 Infiniti Q50 was used as the research vehicle. • Results showed that CNNs can perform well on highways E5) Huval, B., et al (2015). See End Notes for full citation and annotations. 13
  • 14. 21 SP, Inc. Proprietary and Confidential • What is it: – Theano is a library and uses the Python language to build mathematical expressions -- especially useful with multi-dimensional arrays. – Developed by the machine learning group at the University of Montreal. • What can it be used for: – When complicated math is used repeatedly and speed is important • Video Demonstration – A three minute introduction on YouTube. • Further information: – http://deeplearning.net/software/theano/ – https://www.youtube.com/watch? v=fWkArbYtQbM&index=17&list=PLjJh1vlSEYgvGod9wWiydumYl8hOXixN u 14 Theano
  • 15. 21 SP, Inc. Proprietary and Confidential Example using Theano E6) • Used a Convolutional Neural Network (CNN) to create a deep learning system that classifies 2D CT scans of nodules in lung tissue into six categories for further analysis • The 2D images are transformed into 3D images along with the probability that each nodule belongs to one of the following types: solid, calcified, part-solid, non-solid, perifissural, or speculated. • Different types have a different likelihood of being cancerous. • System trained on data from 943 patients and validated on 468 separate patients. • System output was consistent with human performance and is well suited for high volume lung cancer screening. E6) Clompi, F., et al (2016). See End Notes for full citation and annotations. 15
  • 16. 21 SP, Inc. Proprietary and Confidential Deep Learning Framework Features Table 1: Deep Learning Frameworks Features E8) Platform TensorFlow CNTK Caffe Theano Torch Release Date 2016 2016 2014 2010 2011 Core Language C++ C++ C++ C++ C APIs C++ NDL 2) Python Python Lua 3) Python Mathlab Deep Learning DBN 1), CNN, DBN, CNN, DBN, CNN, DBN, CNN, DBN, CNN, Models RNN RNN RNN RNN RNN Visualization Graph Graph Summary Graph Plots (Interactive) (Static) Statistics (Static) Training Monitoring E8) Fox, J., et al (2016). Software Frameworks for Deep Learning at Scale. See End Notes for full citation. 1) DBN - Deep Belief Networks, CNN - Convolutional Neural Networks, RNN - Recurrent Neural Networks. 2) NDL - high level domain specific language for implementing networks. 3) Lua - user interface scripting language. 16
  • 17. 21 SP, Inc. Proprietary and Confidential Comparative Study of Five Frameworks E9) • Caffe, TensorFlow, Theano, Torch, and Neon* evaluated on: 1) extensibility, 2) hardware utilization, and 3) speed. • All comparisons based on running on a single machine using either 1) a multi-threaded CPU, or 2) a GPU (Nvidia Titan X). • Results – Theano and Torch the most extensible (WRT handling deep architectures and including supported libraries). – Torch has the best performance on deep network architectures, with Theano second – Torch the best for GPU-based convolutional and fully connected networks, with Theano second. – Theano the best for recurrent networks (LSTMs). – TensorFlow is very flexible, but it suffers from poor performance compared to the other frameworks on a single GPU. E9) Bahrampour, S., et al (2016). See End Notes for full citation and annotations. *Neon a fairly new Python-based framework from Nervana. It is fast; but, does not have all the capabilities of the other more mature frameworks. 17
  • 18. 21 SP, Inc. Proprietary and Confidential Running Time Benchmarks E7) • FCNs*, CNNs and RNNs benchmarked on CPUs and GPUs** • Caffe, CNTK, TensorFlow, Torch and Theano (not studied here) can run on multi-core CPUs and many-core GPUs. • Results – CPU-only platform --- no overall fastest • FCNs – Torch the best • CNNs (AlexNet) – Caffe and Tensorflow the best • RNNs – CNTK very fast – GPUs • FCNs – Caffe and CNTK the best • CNNs (AlexNet on GTX 980 & K80 cards) – Caffe the fastest • RNNs – CNTK the fastest • E7) Shi, S., et al (2016). See End Notes for full citation and annotations. • *FCNs – Fully Connected Neural Networks. • **GPUs significantly reduce training time -- a 10-30X increase in speed over CPUs. 18
  • 19. 21 SP, Inc. Proprietary and Confidential End Notes • E1) Ravi, D., et al (2016 Dec 28). Deep Learning for Health Informatics. IEEE J of Biomedical and Health Informatics, v PP, Is 99: 1-18. Accessed 1-10-17. [A good discussion of the different types of Deep Learning Architectures, nine software packages, and methods and applications in Bioinformatics, Medical Imaging, Pervasive Sensing, Medical Informatics, and Public Health]. • E2) Kjellgren, F., & Nordstrom, J. (2016). Convolutional Neural Networks for Semantic Classification of Fluent Speech Phone Calls. www.cs.umu.se, SLTC_2016_paper_48-1.PDF, Accessed 1-7-17 [Used TensorFlow Framework]. • E3) Subraman, A., et al (2016 Oct 31). Bi-modal First Impressions Recognition using Temporally Ordered Deep Audio and Stochastic Visual Features. 1-13. arXie preprint arXiv:1610.10048v1 [cs.CV]. Accessed 1-17-17. [Used Torch Framework]. • E4) Huang, W. & Stokes, J.W. (2016). MtNet: A Multitask Neural Network for Dynamic Malware Classification. In Detection of Intrusions and Malware, and Vulnerability Assessment, v 9721: 399- 418. Psu.edu, 4750.pdf. Accessed 1-7-17. [Used CNTK Framework]. • E5) Huval, B., et al (2015 Apr 17). An Experimental Evaluation of Deep Learning on Highway Driving. 1-7. arXiv preprint. arXiv:1504.01716v3 [cs.RO]. Accessed 1-7-17. [Used Caffe Framework]. • E6) Ciompi, F., et al (2016 Oct 16). Toward Automatic Pulmonary Nodule Management in Lung Cancer Screening with Deep Learning. 1-10. arXiv preprint arXiv:1610.09157v1 [cs.CV]. Accessed 1- 7-17. [Used Theano Framework]. 19
  • 20. 21 SP, Inc. Proprietary and Confidential End Notes (cont.) • E7) Shi, S., et al (2016 Sep 19). Benchmarking State-of-the-Art Deep Learning Software Tools. 1-7. arXiv preprint, arXiv:1608.07249v5 [cs.DC]. arxiv.org. Accessed 1-7-17. • E8) Fox, et al (2016). Software Frameworks for Deep Learning at Scale. 1-5. dsc.soic.indiana.edu. Accessed 1-8-17. • E9) Bahrampour, S., et al (2016 Mar 30). Comparative Study of Deep Learning Networks. 1-9. arXie preprint, arXiv:1511.06435v3 [cs.LG]. Accessed 1-15-17. [Authors evaluate five frameworks: Caffe, TensorFlow, Theano, Torch and Neon. A high quality paper]. • 20
  • 21. 21 SP, Inc. Proprietary and Confidential Further References • What is a neural network – Episode 2 in Deep Learning Simplified, DeepLearning.TV, www.youtube.com. • Zhang, Zhongheng (2016). A gentle introduction to artificial neural networks. Ann Translational Med. 1-5. • Soniya, et al (2016). A review on advances in deep learning. IEEE, 1-6. • Andrew Ng. Machine Learning Course, Stanford University, Coursera.com. https://www.coursera.org/learn/machine-learning • Yaser Abu-Mostafa. Learning from Data: Introductory Machine Learning Course. CalTech. April 2012. Available on YouTube. https://www.youtube.com/watch?v=mbyG85GZ0PI • Geoffrey Hinton. Neural Networks for Machine Learning Course, University of Toronto, Coursera.com, October 2012. https://www.coursera.org/learn/neural- networks 21
  • 22. 21 SP, Inc. Proprietary and Confidential Contacts • Jeff Shomaker – Founder/President 21 SP, Inc. –jshomaker@21spinc.com –www.21spinc.com –650-455-7261 • 21 SP, Inc. is a small privately held startup developing decision support software to use in genetic-based personalized medicine. The company's mission is to create tools that will reduce the use of traditional trial-and-error medicine by using pharmacogenetics and other evidence-based data, such as the results of high quality clinical trials, in the medical clinic. 22