Developing Deep Learning Algorithms using MATLAB

Similar documents
Deep search. Enhancing a search bar using machine learning. Ilgün Ilgün & Cedric Reichenbach

A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention

Forget catastrophic forgetting: AI that learns after deployment

Generative models and adversarial training

arxiv: v1 [cs.lg] 15 Jun 2015

System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks

Lip Reading in Profile

Python Machine Learning

What is a Mental Model?

Semantic Segmentation with Histological Image Data: Cancer Cell vs. Stroma

Autoregressive product of multi-frame predictions can improve the accuracy of hybrid models

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

TRANSFER LEARNING OF WEAKLY LABELLED AUDIO. Aleksandr Diment, Tuomas Virtanen

Lecture 1: Machine Learning Basics

Taxonomy-Regularized Semantic Deep Convolutional Neural Networks

A Compact DNN: Approaching GoogLeNet-Level Accuracy of Classification and Domain Adaptation

Knowledge Transfer in Deep Convolutional Neural Nets

Diverse Concept-Level Features for Multi-Object Classification

ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF

Testing A Moving Target: How Do We Test Machine Learning Systems? Peter Varhol Technology Strategy Research, USA

Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

The University of Amsterdam s Concept Detection System at ImageCLEF 2011

arxiv: v2 [cs.cv] 30 Mar 2017

arxiv: v2 [cs.cv] 3 Aug 2017

Course Content Concepts

CS Machine Learning

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

Modeling function word errors in DNN-HMM based LVCSR systems

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

Semi-supervised methods of text processing, and an application to medical concept extraction. Yacine Jernite Text-as-Data series September 17.

Modeling function word errors in DNN-HMM based LVCSR systems

arxiv: v1 [cs.cl] 27 Apr 2016

Cultivating DNN Diversity for Large Scale Video Labelling

Learning Methods for Fuzzy Systems

Course Outline. Course Grading. Where to go for help. Academic Integrity. EE-589 Introduction to Neural Networks NN 1 EE

Speech Recognition at ICSI: Broadcast News and beyond

Dual-Memory Deep Learning Architectures for Lifelong Learning of Everyday Human Behaviors

Deep Facial Action Unit Recognition from Partially Labeled Data

Speech Emotion Recognition Using Support Vector Machine

Computerized Adaptive Psychological Testing A Personalisation Perspective

THE enormous growth of unstructured data, including

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur

Word Segmentation of Off-line Handwritten Documents

Human Emotion Recognition From Speech

A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation

Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model

Time series prediction

Linking Task: Identifying authors and book titles in verbose queries

Machine Learning and Data Mining. Ensembles of Learners. Prof. Alexander Ihler

Multi-tasks Deep Learning Model for classifying MRI images of AD/MCI Patients

The Evolution of Random Phenomena

A Review: Speech Recognition with Deep Learning Methods

Using EEG to Improve Massive Open Online Courses Feedback Interaction

Context Free Grammars. Many slides from Michael Collins

Image based Static Facial Expression Recognition with Multiple Deep Network Learning

A Deep Bag-of-Features Model for Music Auto-Tagging

Defragmenting Textual Data by Leveraging the Syntactic Structure of the English Language

Exploration. CS : Deep Reinforcement Learning Sergey Levine

Purdue Data Summit Communication of Big Data Analytics. New SAT Predictive Validity Case Study

Axiom 2013 Team Description Paper

Medical Complexity: A Pragmatic Theory

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

Predicting Student Attrition in MOOCs using Sentiment Analysis and Neural Networks

M55205-Mastering Microsoft Project 2016

WebLogo-2M: Scalable Logo Detection by Deep Learning from the Web

WebLogo-2M: Scalable Logo Detection by Deep Learning from the Web

arxiv: v1 [cs.cv] 10 May 2017

BUILDING CONTEXT-DEPENDENT DNN ACOUSTIC MODELS USING KULLBACK-LEIBLER DIVERGENCE-BASED STATE TYING

CSL465/603 - Machine Learning

Semi-Supervised Face Detection

CS224d Deep Learning for Natural Language Processing. Richard Socher, PhD

MYCIN. The MYCIN Task

INPE São José dos Campos

arxiv: v2 [cs.cl] 26 Mar 2015

SORT: Second-Order Response Transform for Visual Recognition

Copyright by Sung Ju Hwang 2013

ENME 605 Advanced Control Systems, Fall 2015 Department of Mechanical Engineering

J j W w. Write. Name. Max Takes the Train. Handwriting Letters Jj, Ww: Words with j, w 321

CS4491/CS 7265 BIG DATA ANALYTICS INTRODUCTION TO THE COURSE. Mingon Kang, PhD Computer Science, Kennesaw State University

School of Innovative Technologies and Engineering

Rule Learning With Negation: Issues Regarding Effectiveness

The 9 th International Scientific Conference elearning and software for Education Bucharest, April 25-26, / X

Handling Concept Drifts Using Dynamic Selection of Classifiers

LEGO MINDSTORMS Education EV3 Coding Activities

ENGINEERING What is it all about?

COMMUNITY ENGAGEMENT

A Reinforcement Learning Variant for Control Scheduling

PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES

Webly Supervised Learning of Convolutional Networks

(Sub)Gradient Descent

TABLE OF CONTENTS TABLE OF CONTENTS COVER PAGE HALAMAN PENGESAHAN PERNYATAAN NASKAH SOAL TUGAS AKHIR ACKNOWLEDGEMENT FOREWORD

Applying Fuzzy Rule-Based System on FMEA to Assess the Risks on Project-Based Software Engineering Education

An Introduction to Simio for Beginners

Word learning as Bayesian inference

Rule Learning with Negation: Issues Regarding Effectiveness

arxiv: v2 [cs.ro] 3 Mar 2017

Semi-Supervised GMM and DNN Acoustic Model Training with Multi-system Combination and Confidence Re-calibration

Switchboard Language Model Improvement with Conversational Data from Gigaword

Transcription:

Developing Deep Learning Algorithms using MATLAB David Willingham 2015 The MathWorks, Inc. 1

New MATLAB framework makes deep learning easy and accessible 2

Object Recognition using Deep Learning ACCESS LEARN INTEGRATE Training (using GPU) Prediction Millions of images from 1000 different categories Real-time object recognition using a webcam connected to a laptop 3

Cat What is Deep Learning? Deep learning is a type of machine learning that learns tasks directly from data Dog Bird Learned Features Car Dog Cat Bird Car 5

Cat What is Deep Learning? Dog Bird Learned Features Car Dog Cat Bird Car Data Task 6

Why is Deep Learning So Popular Now? Human Accuracy Source: ILSVRC Top-5 Error on ImageNet 7

Deep Learning Enablers Acceleration with GPUs Massive sets of labeled data Availability of state of the art models from experts 8

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Accelerate deep learning with GPUs Visualize and debug deep neural networks Access and use models from experts 9

Agenda Image classification using pre-trained network Transfer learning to classify new objects Locate & classify objects in images and video 10

Agenda Image classification using pre-trained network Transfer learning to classify new objects Locate & classify objects in images and video 11

Image Classification Using Pre-trained Network (Video) 12

Convolutional Neural Networks 13

Visualize Deep Learning Features 15

Agenda Image classification using pre-trained network Transfer learning to classify new objects Locate & classify objects in images and video 16

Why Train a New Model? o Models from research do not work on your data o Pre-trained model not available for your data type o Improve results by creating a model specific to your problem 17

Two Approaches for Deep Learning 1. Train a Deep Neural Network from Scratch 2. Fine-tune a pre-trained model (transfer learning) 18

Why Perform Transfer Learning Requires less data and training time Reference models (like AlexNet, VGG-16, VGG-19) are great feature extractors Leverage best network types from top researchers 19

Convolution Activation Pooling Convolution Activation Pooling Convolution Activation Pooling Convolution Activation Pooling Fully Connected Layers Example: Classify Vehicles With Transfer Learning AlexNet 1000 Category Classifier AlexNet car suv pickup van truck 5 Category Classifier New Data 20

Transfer Learning to Classify New Objects 21

New MATLAB framework makes deep learning easy and accessible 22

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images imageds = imagedatastore(dir) Easily manage large sets of images Accelerate deep learning with GPUs Visualize and debug deep neural networks Access and use models from experts 23

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Accelerate deep learning with GPUs Training modes supported: Auto Select GPU Multi GPU (local) Multi GPU (cluster) Visualize and debug deep neural networks Access and use models from experts Acceleration with Multiple GPUs 24

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Training Accuracy Plot Accelerate deep learning with GPUs Visualize and debug deep neural networks Deep Dream Network Activations Access and use models from experts Feature Visualization 25

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Accelerate deep learning with GPUs Visualize and debug deep neural networks Access and use models from experts Curated Set of Pretrained Models Access Models with 1-line of MATLAB Code Net1 = alexnet Net2 = vgg16 Net3 = vgg19 26

Regression Support for Deep Learning Classification vs. Regression Classification outputs categories/labels Regression outputs numbers Supported by new regression layer: routputlayer = regressionlayer('name','routput') Example predict facial key-points: 27

Agenda Image classification using pre-trained network Transfer learning to classify new objects Locate & classify objects in images and video 28

Is Object Recognition/Classification Enough? Car Label for entire image Car? SUV? Truck? 29

Object Detection Locate and Classify Object TRUCK SUV CAR 30

Goal: Create Object Detector to Locate Vehicles Step 1: Label / Crop data Step 2: Train detector Step 3: Use detector 31

Video: Object Detection using Faster R-CNN 32

Label Images with MATLAB 33

Labeling Videos with MATLAB 34

New MATLAB framework makes deep learning easy and accessible 35

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Accelerate deep learning with GPUs Visualize and debug deep neural networks Image Labeler Access and use models from experts Video Labeler 36

Object Detection Frameworks in MATLAB Machine Learning 1. Cascade Object Detector 2. Aggregate Channel Features (ACF) Deep Learning 1. R-CNN 2. Fast R-CNN 3. Faster R-CNN Same labels, train any detector. 39

MATLAB makes Deep Learning Easy and Accessible Learn about new MATLAB capabilities to Handle and label large sets of images Accelerate deep learning with GPUs Visualize and debug deep neural networks Access and use models from experts 40

Thank You 41