DEEP LEARNING WITH GPUS Maxim Milakov, Senior HPC DevTech Engineer, NVIDIA

Similar documents
DEEP LEARNING AND DIGITS DEEP LEARNING GPU TRAINING SYSTEM

DEEP NEURAL NETWORKS AND GPUS. Julie Bernauer

CS 2750: Machine Learning. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh April 13, 2016

GPU-Accelerated Deep Learning

DIGITS DEEP LEARNING GPU TRAINING SYSTEM

Mocha.jl. Deep Learning in Julia. Chiyuan Zhang CSAIL, MIT

Low-Power Neural Processor for Embedded Human and Face detection

Know your data - many types of networks

Deploying Deep Learning Networks to Embedded GPUs and CPUs

All You Want To Know About CNNs. Yukun Zhu

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech

Deep Neural Networks:

Real Time Monitoring of CCTV Camera Images Using Object Detectors and Scene Classification for Retail and Surveillance Applications

A performance comparison of Deep Learning frameworks on KNL

Defense Data Generation in Distributed Deep Learning System Se-Yoon Oh / ADD-IDAR

Convolutional Neural Networks

Characterization and Benchmarking of Deep Learning. Natalia Vassilieva, PhD Sr. Research Manager

IMPLEMENTING DEEP LEARNING USING CUDNN 이예하 VUNO INC.

EFFICIENT INFERENCE WITH TENSORRT. Han Vanholder

Object recognition and computer vision using MATLAB and NVIDIA Deep Learning SDK

Computer Vision Lecture 16

Inference Optimization Using TensorRT with Use Cases. Jack Han / 한재근 Solutions Architect NVIDIA

Layer-wise Performance Bottleneck Analysis of Deep Neural Networks

Deep Learning. Visualizing and Understanding Convolutional Networks. Christopher Funk. Pennsylvania State University.

Is Bigger CNN Better? Samer Hijazi on behalf of IPG CTO Group Embedded Neural Networks Summit (enns2016) San Jose Feb. 9th

A Deep Learning primer

Weighted Convolutional Neural Network. Ensemble.

Deep Learning & Neural Networks

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides

Real-time convolutional networks for sonar image classification in low-power embedded systems

Real-Time Depth Estimation from 2D Images

ImageNet Classification with Deep Convolutional Neural Networks

Implementation of Deep Convolutional Neural Net on a Digital Signal Processor

Machine Learning With Python. Bin Chen Nov. 7, 2017 Research Computing Center

Deep learning in MATLAB From Concept to CUDA Code

Deep Face Recognition. Nathan Sun

Deep Learning Basic Lecture - Complex Systems & Artificial Intelligence 2017/18 (VO) Asan Agibetov, PhD.

High Performance Computing

NVIDIA FOR DEEP LEARNING. Bill Veenhuis

NVIDIA GPU CLOUD DEEP LEARNING FRAMEWORKS

INTRODUCTION TO DEEP LEARNING

Embedded GPGPU and Deep Learning for Industrial Market

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

Object Recognition II

Artificial Neural Networks. Introduction to Computational Neuroscience Ardi Tampuu

OPTIMIZED GPU KERNELS FOR DEEP LEARNING. Amir Khosrowshahi

Two-Stream Convolutional Networks for Action Recognition in Videos

DEEP LEARNING ALISON B LOWNDES. Deep Learning Solutions Architect & Community Manager EMEA

Study of Residual Networks for Image Recognition

Deep Learning: Transforming Engineering and Science The MathWorks, Inc.

ConvolutionalNN's... ConvNet's... deep learnig

GPU FOR DEEP LEARNING. 周国峰 Wuhan University 2017/10/13

EXTENDING THE REACH OF PARALLEL COMPUTING WITH CUDA

Recurrent Convolutional Neural Networks for Scene Labeling

CafeGPI. Single-Sided Communication for Scalable Deep Learning

Introduction to Deep Learning in Signal Processing & Communications with MATLAB

DEEP NEURAL NETWORKS CHANGING THE AUTONOMOUS VEHICLE LANDSCAPE. Dennis Lui August 2017

Deep Learning. Volker Tresp Summer 2015

Deep Learning for Vision: Tricks of the Trade

The Tesla Accelerated Computing Platform

A Deep Learning Framework for Authorship Classification of Paintings

Fei-Fei Li & Justin Johnson & Serena Yeung

Neural Networks. Single-layer neural network. CSE 446: Machine Learning Emily Fox University of Washington March 10, /10/2017

Why data science is the new frontier in software development

GPU ACCELERATED COMPUTING. 1 st AlsaCalcul GPU Challenge, 14-Jun-2016, Strasbourg Frédéric Parienté, Tesla Accelerated Computing, NVIDIA Corporation

LSTM and its variants for visual recognition. Xiaodan Liang Sun Yat-sen University

Implementing Deep Learning for Video Analytics on Tegra X1.

D-face: Parallel Implementation of CNN Based Face Classifier using Drone Data On K40 & Jetson TK1

A NEW COMPUTING ERA JENSEN HUANG, FOUNDER & CEO GTC CHINA 2017

Deep Learning for Computer Vision II

Weakly Supervised Object Recognition with Convolutional Neural Networks

Return of the Devil in the Details: Delving Deep into Convolutional Nets

Machine Learning on VMware vsphere with NVIDIA GPUs

Deep Neural Network Hyperparameter Optimization with Genetic Algorithms

MIXED PRECISION TRAINING: THEORY AND PRACTICE Paulius Micikevicius

Deconvolutions in Convolutional Neural Networks

IBM Deep Learning Solutions

Deep Learning with Tensorflow AlexNet

3D Shape Analysis with Multi-view Convolutional Networks. Evangelos Kalogerakis

Fuzzy Set Theory in Computer Vision: Example 3, Part II

Multimodal Gesture Recognition using Multi-stream Recurrent Neural Network

Inception and Residual Networks. Hantao Zhang. Deep Learning with Python.

Embarquez votre Intelligence Artificielle (IA) sur CPU, GPU et FPGA

Using Machine Learning for Classification of Cancer Cells

Carlos Reaño, Javier Prades and Federico Silla Technical University of Valencia (Spain)

Getting started with Caffe. Jon Barker, Solutions Architect

Advanced Introduction to Machine Learning, CMU-10715

DEEP LEARNING REVIEW. Yann LeCun, Yoshua Bengio & Geoffrey Hinton Nature Presented by Divya Chitimalla

6. Convolutional Neural Networks

Ryerson University CP8208. Soft Computing and Machine Intelligence. Naive Road-Detection using CNNS. Authors: Sarah Asiri - Domenic Curro

HPE Deep Learning Cookbook: Recipes to Run Deep Learning Workloads. Natalia Vassilieva, Sergey Serebryakov

Nvidia Jetson TX2 and its Software Toolset. João Fernandes 2017/2018

Hardware and Software. Fei-Fei Li & Justin Johnson & Serena Yeung. Lecture 6-1

Binary Convolutional Neural Network on RRAM

Computer Vision Lecture 16

NVIDIA GPU TECHNOLOGY UPDATE

CNN optimization. Rassadin A

Machine Learning 13. week

Making Sense of Artificial Intelligence: A Practical Guide

Deep Learning Benchmarks Mumtaz Vauhkonen, Quaizar Vohra, Saurabh Madaan Collaboration with Adam Coates, Stanford Unviersity

Transcription:

DEEP LEARNING WITH GPUS Maxim Milakov, Senior HPC DevTech Engineer, NVIDIA

TOPICS COVERED Convolutional Networks Deep Learning Use Cases GPUs cudnn 2

MACHINE LEARNING! Training! Train the model from supervised data! Classification (inference) Samples Labels Training Model! Run the new sample through the model to predict its class/ function value Samples Model Labels 3

ARTIFICIAL NEURAL NETWORKS Deep networks! Deep nets: with multiple hidden layers X1! Trained usually with backpropagation X2 Z1,1 Z2,1 Y1 Z1,2 Z2,2 X3 Y2 Z1,3 Z2,3 X4 4

! Yann LeCun et al, 1998 CONVOLUTIONAL NETWORKS Local receptive field + weight sharing! MNIST: 0.7% error rate Gradient-Based Learning Applied to Document Recognition, Proceedings of the IEEE 1998, http://yann.lecun.com/exdb/lenet/index.html 5

High need for computational resources Low ConvNet adoption rate until ~2010 6

! The German Traffic Sign Recognition Benchmark, 2011 TRAFFIC SIGN RECOGNITION GTSRB Rank Team Error rate Model 1 IDSIA, Dan Ciresan 0.56% CNNs, trained using GPUs 2 Human 1.16% 3 NYU, Pierre Sermanet 1.69% CNNs 4 CAOR, Fatin Zaklouta 3.86% Random Forests http://benchmark.ini.rub.de/?section=gtsrb 7

NATURAL IMAGE CLASSIFICATION! Alex Krizhevsky et al, 2012! 1.2M training images, 1000 classes! Scored 15.3% Top-5 error rate with 26.2% for the second-best entry for classification task! CNNs trained with GPUs ImageNet http://www.image-net.org/challenges/lsvrc/ 8

NATURAL IMAGE CLASSIFICATION ImageNet: results for 2010-2014 30% 25% 20% 15% 10% 5% 0% 28% 95% 26% 83% 15% 11% 7% 15% 2010 2011 2012 2013 2014 1 0.9 0.8 0.7 0.6 0.5 0.4 0.3 0.2 0.1 0 % Teams using GPUs Top-5 error 9

MODEL VISUALIZATION! Matthew D. Zeiler, Rob Fergus Layer 1 Layer 2! Critique by Christian Szegedy et al Visualizing and Understanding Convolutional Networks, http://arxiv.org/abs/1311.2901 Intriguing properties of neural networks, http://arxiv.org/abs/1312.6199 Layer 5 10

! Dogs vs. Cats, 2014 TRANSFER LEARNING Dogs vs. Cats! Train model on one dataset ImageNet! Re-train the last layer only on a new dataset Dogs and Cats Rank Team Error rate Model 1 Pierre Sermanet 1.1% CNNs, model transferred from ImageNet 5 Maxim Milakov 1.9% CNN, model trained on Dogs vs. Cat dataset only https://www.kaggle.com/c/dogs-vs-cats 11

SPEECH RECOGNITION Acoustic model! Acoustic model is DNN! Usually fully-connected layers! Some try using convolutional layers with spectrogram used as input! Both fit GPU perfectly! Language model is weighted Finite State Transducer (wfst)! Beam search runs fast on GPU Acoustic Model Language Model Acoustic signal Likelihood of phonetic units Most likely word sequence http://devblogs.nvidia.com/parallelforall/cuda-spotlight-gpu-accelerated-speech-recognition/ 12

It is all about supercomputing, right? 13

GPU Tesla K40 and Tegra K1 NVIDIA Tesla K40 NVIDIA Jetson TK1 CUDA cores 2880 192 Peak performance, SP 4.29 Tflops 326 Gflops Peak power consumption 235 Wt ~10 Wt, for the whole board Deep Learning tasks Training, Inference Inference, Online Training CUDA Yes Yes http://www.nvidia.com/tesla http://www.nvidia.com/jetson-tk1 http://www.nvidia.com/object/jetson-automotive-development-platform.html 14

PEDESTRIAN + GAZE DETECTION! Ikuro Sato, Hideki Niihara, R&D Group, Denso IT Laboratory, Inc.! Real-time pedestrian detection with depth, height, and body orientation estimations! http://www.youtube.com/ watch?v=9y7yzi_w8qo Jetson TK1 http://on-demand.gputechconf.com/gtc/2014/presentations/s4621-deep-neural-networks-automotive-safety.pdf 15

How do we run DNNs on GPUs? 16

CUDNN! Library for DNN toolkit developer and researchers! Contains building blocks for DNN toolkits! Convolutions, pooling, activation functions e t.c.! Best performance, easiest to deploy, future proofing! Jetson TK1 support coming soon!! developer.nvidia.com/cudnn cudnn (and cublas)! cublas (SGEMM for fully-connected layers) is part of CUDA toolkit, developer.nvidia.com/cuda-toolkit 17

CUDNN Frameworks! cudnn is already integrated in major open-source frameworks! Caffe - caffe.berkeleyvision.org! Torch - torch.ch! Theano - deeplearning.net/software/theano/index.html, already has GPU support, cudnn support coming soon! 18

REFERENCES! HPC by NVIDIA: www.nvidia.com/tesla! Jetson TK1 Development Kit: www.nvidia.com/jetson-tk1! Jetson Pro: www.nvidia.com/object/jetson-automotive-developmentplatform.html! CUDA Zone: developer.nvidia.com/cuda-zone! Parallel Forall blog: devblogs.nvidia.com/parallelforall! Contact me: mmilakov@nvidia.com 19

TECHNOLOGY INNOVATION ROUNDTABLE ISRAEL NOV 5, 2014 DELL (Gold sponsor)