Introduction to Machine Learning and Deep Learning

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

Python Machine Learning

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

Word Segmentation of Off-line Handwritten Documents

arxiv: v1 [cs.lg] 15 Jun 2015

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

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

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

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

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

THE enormous growth of unstructured data, including

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

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

Generative models and adversarial training

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

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

Cultivating DNN Diversity for Large Scale Video Labelling

Lip reading: Japanese vowel recognition by tracking temporal changes of lip shape

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

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

Lecture 1: Machine Learning Basics

Rule Learning With Negation: Issues Regarding Effectiveness

CS Machine Learning

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

Learning Methods for Fuzzy Systems

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

Assignment 1: Predicting Amazon Review Ratings

arxiv: v1 [cs.cv] 10 May 2017

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

A Neural Network GUI Tested on Text-To-Phoneme Mapping

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

Lip Reading in Profile

Time series prediction

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

arxiv: v2 [cs.ro] 3 Mar 2017

Forget catastrophic forgetting: AI that learns after deployment

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

Taxonomy-Regularized Semantic Deep Convolutional Neural Networks

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

Speech Recognition at ICSI: Broadcast News and beyond

CSL465/603 - Machine Learning

What is a Mental Model?

arxiv: v1 [cs.cv] 2 Jun 2017

Lecture 1: Basic Concepts of Machine Learning

A study of speaker adaptation for DNN-based speech synthesis

Predicting Student Attrition in MOOCs using Sentiment Analysis and Neural Networks

Australian Journal of Basic and Applied Sciences

Axiom 2013 Team Description Paper

Human Emotion Recognition From Speech

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

arxiv: v4 [cs.cl] 28 Mar 2016

Speech Emotion Recognition Using Support Vector Machine

Offline Writer Identification Using Convolutional Neural Network Activation Features

FUZZY EXPERT. Dr. Kasim M. Al-Aubidy. Philadelphia University. Computer Eng. Dept February 2002 University of Damascus-Syria

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

Learning to Schedule Straight-Line Code

AQUA: An Ontology-Driven Question Answering System

Rule Learning with Negation: Issues Regarding Effectiveness

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

Linking Task: Identifying authors and book titles in verbose queries

arxiv:submit/ [cs.cv] 2 Aug 2017

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

arxiv: v1 [cs.cl] 27 Apr 2016

Diverse Concept-Level Features for Multi-Object Classification

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

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models

arxiv: v1 [cs.lg] 7 Apr 2015

arxiv: v1 [cs.cl] 2 Apr 2017

THE world surrounding us involves multiple modalities

OCR for Arabic using SIFT Descriptors With Online Failure Prediction

Calibration of Confidence Measures in Speech Recognition

Softprop: Softmax Neural Network Backpropagation Learning

Exploration. CS : Deep Reinforcement Learning Sergey Levine

(Sub)Gradient Descent

Probabilistic Latent Semantic Analysis

ScienceDirect. A Framework for Clustering Cardiac Patient s Records Using Unsupervised Learning Techniques

Mining Association Rules in Student s Assessment Data

A Case Study: News Classification Based on Term Frequency

Test Effort Estimation Using Neural Network

Getting Started with Deliberate Practice

Corpus Linguistics (L615)

Глубокие рекуррентные нейронные сети для аспектно-ориентированного анализа тональности отзывов пользователей на различных языках

INPE São José dos Campos

Modeling function word errors in DNN-HMM based LVCSR systems

Learning From the Past with Experiment Databases

Robust Speech Recognition using DNN-HMM Acoustic Model Combining Noise-aware training with Spectral Subtraction

Software Maintenance

arxiv: v4 [cs.cv] 13 Aug 2017

Dialog-based Language Learning

MASTER OF SCIENCE (M.S.) MAJOR IN COMPUTER SCIENCE

An Empirical Analysis of the Effects of Mexican American Studies Participation on Student Achievement within Tucson Unified School District

On the Formation of Phoneme Categories in DNN Acoustic Models

Evolutive Neural Net Fuzzy Filtering: Basic Description

CS177 Python Programming

Modeling function word errors in DNN-HMM based LVCSR systems

A Review: Speech Recognition with Deep Learning Methods

Analysis of Emotion Recognition System through Speech Signal Using KNN & GMM Classifier

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

Knowledge Transfer in Deep Convolutional Neural Nets

Transcription:

Introduction to Machine Learning and Deep Learning Conor Daly 2015 The MathWorks, Inc. 1

Machine learning in action CamVid Dataset 1. Segmentation and Recognition Using Structure from Motion Point Clouds, ECCV 2008 2. Semantic Object Classes in Video: A High-Definition Ground Truth Database, Pattern Recognition Letters 2

Machine learning is everywhere Image recognition Speech recognition Stock prediction Medical diagnosis Predictive maintenance Language translation and more [TBD] 3

Agenda 1. Machine learning predictive maintenance 2. Deep learning build a digits classifier 3. Predictive maintenance revisited a deep learning approach 4

What is machine learning? Machine learning uses data and produces a model to perform a task Standard Approach Machine Learning Approach long long Computer Program medium Machine Learning medium short short Hand Written Program Formula or Equation If X > 0.5 then LONG If Y < 4 and Z > 5 then MEDIUM Y health = β 1 X + β 2 Y + β 3 Z + model: Predictors Response model = < Machine Learning >(sensor_data, activity) Algorithm 5

Machine Learning: problem specific overview Type of Learning Categories of Algorithms Machine Learning Supervised Learning Develop predictive model based on both input and output data Regression Classification Unsupervised Learning Group and interpret data based only on input data 6

Predictive maintenance of turbofan engine Sensor data from 100 engines of the same model Motivation Import and analyze historical sensor data Train model to predict when failures will occur Deploy model to run on live sensor data Predict failures in real time Data provided by NASA PCoE http://ti.arc.nasa.gov/tech/dash/pcoe/prognostic-data-repository/ 7

Live Historical Use historical data to predict when failures will occur Initial Use/ Prior Maintenance Recording Starts Failure Maintenance Engine 1? Engine 2 Engine 100 Engine X? Cycles (Time) Schedule Maintenance 8

Preprocessing and classifying our input data Start of Recorded Engine Life Data Recording Starts Engine 1 Failure Engine 2 Engine 3 Engine 100 Cycle 0 Cycles (Time) 9

Agenda 1. Machine learning predictive maintenance 2. Deep learning build a digits classifier 3. Predictive maintenance revisited a deep learning approach 10

Can you tell the difference? Japanese or Blenheim Spaniel? Blenheim Spaniel Japanese Spaniel Source: ILSVRC ImageNet dataset 11

Why is deep learning so popular now? Human Accuracy Source: ILSVRC Top-5 Error on ImageNet 12

Deep learning enablers Acceleration with GPUs Massive sets of labeled data Availability of state of the art models from experts 13

Machine learning vs deep learning Deep learning performs end-to-end learning by learning features, representations and tasks directly from images, text and sound Machine Learning Deep learning algorithms also scale with data traditional machine learning saturates Deep Learning 14

Deep learning and neural networks Deep learning == neural networks Data flows through network in layers Layers provide transformation of data 15

Convolutional neural networks Train deep neural networks on structured data (e.g. images, signals, text) Implements Feature Learning: Eliminates need for hand crafted features Trained using GPUs for performance car truck van bicycle Input Convolution + ReLu Pooling Convolution + ReLu Pooling Flatten Fully Connected Softmax Feature Learning Classification 16

Two approaches for deep learning 1. Train a Deep Neural Network from Scratch Lots of data Convolutional Neural Network (CNN) Learned features 95% 3% 2% Car Truck Bicycle 2. Fine-tune a pre-trained model ( transfer learning) Fine-tune network weights Pre-trained CNN New Task Car Truck Medium amounts of data 17

Two deep learning approaches Approach 1: Train a Deep Neural Network from Scratch Convolutional Neural Network (CNN) Learned features 95% 3% 2% Car Truck Bicycle Recommended when: Training data Computation Training Time Model accuracy 1000s to millions of labeled images Compute intensive (requires GPU) Days to Weeks for real problems High (can over fit to small datasets) 18

Two deep learning approaches Approach 2: Fine-tune a pre-trained model (transfer learning) CNN trained on massive sets of data Learned robust representations of images from larger data set Can be fine-tuned for use with new data or task with small medium size datasets Pre-trained CNN Fine-tune network weights New Task Car Truck New Data Recommended when: Training data 100s to 1000s of labeled images (small) Computation Moderate computation (GPU optional) Training Time Seconds to minutes Model accuracy Good, depends on the pre-trained CNN model 19

Digits classification What? A set of handwritten digits from 0-9 (c.f. MNIST) Why? An easy task for machine learning beginners How many? 60,000 training images 10,000 test images Best results? 99.79% accuracy = 7 20

Agenda 1. Machine learning predictive maintenance 2. Deep learning build a digits classifier 3. Predictive maintenance revisited a deep learning approach 21

Tackle time series data with LSTM How can we apply deep learning to time series data? One approach is to use Long Short-Term Memory (LSTM) neural networks These networks learn long-term temporal dependencies LSTMs work well with sequential input data, for example: Time series Text Video 22

Input LSTM Fully Connected Softmax LSTM classification networks LSTM is used to extract time series features long medium short Feature extraction Classification 23

Shakespearean LSTM Text generated from deep LSTM network Network has learned long-term text style of Shakespeare E.g. punctuation, character-name capitalization 24

Thanks for listening! Today we ve looked at: 1. Machine learning predictive maintenance 2. Deep learning build a digits classifier 3. Predictive maintenance revisited a deep learning approach What to learn more/try it for yourself? Try MATLAB Deep Learning Onramp 25