Deep Learning In MATLAB

Transcription

Deep Learning inMATLAB성 호 현 부장hhsung@mathworks.com 2015 The MathWorks, Inc.1

Deep Learning beats Go champion!2

AI, Machine Learning, and Deep LearningArtificialIntelligenceMachineLearningAny techniquethat enablesmachines tomimic humanintelligenceStatistical methodsenable machines to“learn” tasks from datawithout nDeep LearningNeural networks with many layers thatlearn representations and tasks“directly” from data2015Quadrillion3

What is can Deep Learning do for us?(An example)4

Example 1: Object recognition using deep learning5

Object recognition using deep learningTraining(GPU)Millions of images from 1000different categoriesPredictionReal-time object recognition usinga webcam connected to a laptop6

WhatLearning?Whatis isMachineDeep Learning?7

Machine Learning vs Deep LearningWe specify the natureof the features we wantto extract and the type of modelwe want to build.Machine Learning8

Machine Learning vs Deep LearningWe need only specifythe architecture of themodel Deep Learning9

Deep learning is a type of machine learning in which a model learns toperform tasks like classification – directly from images, texts, or signals.Deep learning performs end-to-end learning, and is usuallyimplemented using a neural network architecture.Deep learning algorithms also scale with data – traditional machinelearning saturates.10

Why is Deep Learning So Popular Now?AlexNetHumanAccuracySource: ILSVRC Top-5 Error on ImageNet11

Two Approaches for Deep Learning1. Train a Deep Neural Network from Scratch2. Fine-tune a pre-trained model (transfer learning)12

Pains In Deep LearningExpertiseTime to TrainData13

Example: Vehicle recognition using deep transfer learningCarsTrucksSUVsBig Trucks5 CategoryClassifierVans14

Import the Latest Models for Transfer LearningPretrained Models* AlexNet VGG-16 VGG-19 GoogLeNet Inception-v3 ResNet50 ResNet-101 Inception-resnet-v2 SqueezeNet MobileNet(coming soon)Import Models from Frameworks Caffe Model Importer TensorFlow-Keras Model Importer Onnx - Importer/ Exporter (Coming ffeGoogLeNetIMPORTERPRETRAINEDMODEL* single line of code to access modelResNet-50ResNet-101PRETRAINED MODELPRETRAINED MODELTensorFlowKerasInception-v3IMPORTERMODELS15

Detection and localization using deep learningRegions with Convolutional Neural Network Features (R-CNN)16

What is semantic segmentation?17

Localization using deep learningOriginal ImageROI detectionPixel classification18

Semantic Segmentation NetworkBoatAirplaneOther classes19

Semantic Segmentation Network20

Semantic Segmentation DemoCamVid Dataset1.2.Segmentation and Recognition Using Structure from Motion Point Clouds, ECCV 2008Semantic Object Classes in Video: A High-Definition Ground Truth Database ,Pattern Recognition Letters21

Semantic SegmentationCamVid Dataset1.2.Segmentation and Recognition Using Structure from Motion Point Clouds, ECCV 2008Semantic Object Classes in Video: A High-Definition Ground Truth Database ,Pattern Recognition Letters22

“I love to label andpreprocess my data” Said no engineer, ever.23

Ground truth Labeling“How do I labelmy data?”New App forGround TruthLabelingLabel pixelsand regions forsemanticsegmentationData24

Attributes and SublabelsNEW in25

Types of DatasetsNumericDataTime Series/Text DataML or LSTMLSTM or CNNImageDataCNN26

Analyzing signal data using deep learningSignal Classification using LSTMsSpeech Recognition using CNNs27

Deep learning features overview ClassificationRegressionSemantic segmentationObject detectionScalability– Multiple GPUs– Cluster or cloud – Bayesian optimization PythonMATLAB interfaceLSTM networks– Time series, signals, audio Custom labeling– API for ground-truth labelingautomation– SuperpixelsCustom network layersImport models– Caffe– Keras/TensorFlowData augmentationHyperparameter tuning Data validation– Training and testing28

Prediction Performance: Fast with GPU CoderImages/SecWhy is GPU Coder so fast?– Analyzes and optimizesnetwork architecture– Invested 15 years in codegenerationTensorFlowMATLABMXNetGPU CoderAlexNetResNet-50VGG-16Using CUDA v9and cuDNN v729

Overview of deep learning deployment options“How do I deploymy model?” Create Desktop AppsGPU Coder Run Enterprise SolutionIntroducing:GPU CoderConvert toNVIDIA CUDAcodeDeploy / Share Generate C and C Code Target GPUs Generate C and C Code30

GPU Coder Fills a Gap in Our Deep Learning SolutionTrainingInferenceAccess DataPreprocessSelect NetworkTrainDeployImage rVision31

Deploying to CPUsIntelMKL-DNNLibraryGPUCoderNVIDIATensorRT &cuDNNLibrariesDeep LearningNetworksARMComputeLibrary32

MATLAB products for deep learningRequired products Neural Network ToolboxParallel Computing ToolboxImage Processing ToolboxComputer Vision System ToolboxRecommended products Statistics and Machine LearningToolboxMATLAB CoderGPU CoderAutomated Driving SystemToolbox33

Deep learning features overview ClassificationRegression *Semantic segmentationObject detection *Scalability *– Multiple GPUs– Cluster or cloud – Bayesian optimization PythonMATLAB interface *LSTM networks *– Time series, signals, audio Custom labeling *– API for ground-truth labelingautomation– SuperpixelsCustom network layers *Import models *– Caffe– Keras/TensorFlowData augmentation *Hyperparameter tuning * Data validation *– Training and testing* We can cover in more detail outside this presentation34

Thank you!Deep Learning Onramp – MATLAB35

Deep learning inautomated driving 36

Deep Learning Onramp Get started using deep learningmethods to perform image recognition.Free access for everyoneInteractive exercises and short videodemonstrationsWork on real-life image recognitionproblemsTopics include:––––Convolutional neural networksWorking with pre-trained networksTransfer learningEvaluating network performance37

Convolutional Neural Networks (CNN)EdgesShapesObjects38

Deep Reinforcement Learning (E.g. Deep Q Network)AGENT Policy is a sequence of actions toobservations to get maximum rewardPOLICYReinforcement Learning finds the optimalpolicy maximizing the reward Reinforcement Learning adapts tochanges in environment by improving thepolicy No need for explicit model (model-free)OBSERVATIONSACTIONSREWARD39

Google Deepmind’s Deep Q Learning playing Atari Breakout40

41

Deep learning is a type of machine learning in which a model learns to perform tasks like classification -directly from images, texts, or signals. Deep learning performs end-to-end learning, and is usually implemented using a neural network architecture. Deep learning algorithms also scale with data -traditional machine