Introduction to Deep Learning Introduction (2)

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

Python Machine Learning

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

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

Generative models and adversarial training

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

Artificial Neural Networks written examination

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

SORT: Second-Order Response Transform for Visual Recognition

Axiom 2013 Team Description Paper

arxiv: v1 [cs.lg] 15 Jun 2015

Lip Reading in Profile

Lecture 1: Basic Concepts of Machine Learning

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

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

AI Agent for Ice Hockey Atari 2600

Lecture 1: Machine Learning Basics

arxiv: v1 [cs.cv] 10 May 2017

Test Effort Estimation Using Neural Network

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

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

Knowledge Transfer in Deep Convolutional Neural Nets

Time series prediction

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

Artificial Neural Networks

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

THE enormous growth of unstructured data, including

Exploration. CS : Deep Reinforcement Learning Sergey Levine

(Sub)Gradient Descent

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

INPE São José dos Campos

Speech Emotion Recognition Using Support Vector Machine

Classification Using ANN: A Review

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

Cultivating DNN Diversity for Large Scale Video Labelling

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

Model Ensemble for Click Prediction in Bing Search Ads

Framewise Phoneme Classification with Bidirectional LSTM and Other Neural Network Architectures

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

CSL465/603 - Machine Learning

Learning Methods for Fuzzy Systems

Predicting Early Students with High Risk to Drop Out of University using a Neural Network-Based Approach

*** * * * COUNCIL * * CONSEIL OFEUROPE * * * DE L'EUROPE. Proceedings of the 9th Symposium on Legal Data Processing in Europe

Human Emotion Recognition From Speech

A deep architecture for non-projective dependency parsing

Second Exam: Natural Language Parsing with Neural Networks

Softprop: Softmax Neural Network Backpropagation Learning

arxiv: v1 [cs.lg] 7 Apr 2015

Evolutive Neural Net Fuzzy Filtering: Basic Description

Distributed Learning of Multilingual DNN Feature Extractors using GPUs

Deep Facial Action Unit Recognition from Partially Labeled Data

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

Syntactic systematicity in sentence processing with a recurrent self-organizing network

Analysis of Hybrid Soft and Hard Computing Techniques for Forex Monitoring Systems

Discriminative Learning of Beam-Search Heuristics for Planning

Modeling function word errors in DNN-HMM based LVCSR systems

Georgetown University at TREC 2017 Dynamic Domain Track

Deep Neural Network Language Models

Modeling function word errors in DNN-HMM based LVCSR systems

CS 446: Machine Learning

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

Residual Stacking of RNNs for Neural Machine Translation

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

TD(λ) and Q-Learning Based Ludo Players

Seminar - Organic Computing

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

IEEE/ACM TRANSACTIONS ON AUDIO, SPEECH AND LANGUAGE PROCESSING, VOL XXX, NO. XXX,

Semi-Supervised Face Detection

An empirical study of learning speed in backpropagation

Indian Institute of Technology, Kanpur

Proposal of Pattern Recognition as a necessary and sufficient principle to Cognitive Science

Knowledge-Based - Systems

arxiv: v4 [cs.cl] 28 Mar 2016

arxiv: v2 [cs.ro] 3 Mar 2017

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

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

Taxonomy-Regularized Semantic Deep Convolutional Neural Networks

Predicting Student Attrition in MOOCs using Sentiment Analysis and Neural Networks

LEARNING TO PLAY IN A DAY: FASTER DEEP REIN-

Word Segmentation of Off-line Handwritten Documents

Forget catastrophic forgetting: AI that learns after deployment

arxiv: v4 [cs.cv] 13 Aug 2017

An OO Framework for building Intelligence and Learning properties in Software Agents

arxiv: v1 [cs.dc] 19 May 2017

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

Transferring End-to-End Visuomotor Control from Simulation to Real World for a Multi-Stage Task

Diverse Concept-Level Features for Multi-Object Classification

Using focal point learning to improve human machine tacit coordination

arxiv: v1 [cs.cl] 27 Apr 2016

A Review: Speech Recognition with Deep Learning Methods

Innovative Teaching in Science, Technology, Engineering, and Math

SARDNET: A Self-Organizing Feature Map for Sequences

Attributed Social Network Embedding

Applications of data mining algorithms to analysis of medical data

How People Learn Physics

arxiv: v2 [cs.cl] 26 Mar 2015

Kamaldeep Kaur University School of Information Technology GGS Indraprastha University Delhi

Product Feature-based Ratings foropinionsummarization of E-Commerce Feedback Comments

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

arxiv: v1 [cs.cv] 2 Jun 2017

Transcription:

Introduction to Deep Learning Introduction (2) Prof. Songhwai Oh ECE, SNU Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 1

LINEAR CLASSIFICATION Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 2

Linear Classifiers Linearly Separable Case Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 3

Perceptron Learning Rule Threshold function Update rule: (converges if the problem is linearly separable.) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 4

Learning Curve Separable case Non separable case Learning curve Learning curve (constant learning rate) Learning curve (decreasing learning rate) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 5

Logistic Regression Logistic function Logistic regression (chain rule) Soft thresholding Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 6

Separable case Non separable case Learning curve Learning curve (constant learning rate) Learning curve (decreasing learning rate) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 7

Human brain 100 billion neurons 100 to 500 trillion synapses ARTIFICIAL NEURAL NETWORKS (ANN) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 8

Neural Network Structure Perceptron: hard thresholding Sigmoid perceptron: soft thresholding, e.g., logistic function Feed forward network Recurrent network Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 9

Single Layer Feed Forward Neural Networks Perceptron learning rule Logistic regression Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 10

Majority function (11 Boolean inputs) WillWait (Restaurant example) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 11

Multilayer Feed Forward Neural Networks Input units: input units hidden units output units An ANN with a single (sufficiently large) hidden layer can represent any continuous function. Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 12

Back Propagation Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 13

from the j th hidden unit to the k th output a k w j,k Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 14

from the i th input to the j th hidden unit a k w i,j w j,k Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 15

Example Computation graph 3a b 2c d e f g 3 2 3 2 2 6 2 2 2 3 Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 16

Issues Overfitting Complex model Not enough data Vanishing/exploding gradient problem Cannot train many layers of a network Other competing methods Support vector machines Bayesian networks Breakthroughs Faster computers, GPUs Cheap memory (enabling large data) New techniques Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 17

DEEP LEARNING Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 18

ImageNet Large Scale Visual Recognition Challenge, 2012 Tasks: Decide whether a given image contains a particular type of object or not. For example, a contestant might decide that there are cars in this image but no tigers. Find a particular object and draw a box around it. For example, a contestant might decide that there is a screwdriver at a certain position with a width of 50 pixels and a height of 30 pixels. 1000 different categories Over 1 million images Training set: 456,567 images Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 19 Year Winning Error Rate 2010 28.2% 2011 25.8% 2012 16.4% (2 nd 25.2%) 2013 11.2% 2014 6.7% 2015 3.57% Human About 5.1% ImageNet Large Scale Visual Recognition Challenge. Russakovsky et al. arxiv preprint arxiv:1409.0575. URL: http://arxiv.org/abs/1409.0575v1

Convolutional Neural Networks (CNNs) SuperVision (2012) Deep convolutional neural network 650,000 neurons 5 convolutional layers Over 60 million parameters Clarifai (2013) GoogleLeNet (2014) 22 layers ResNet (2015) 152 layers Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 20

ImageNet Challenge K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. CVPR, 2016. Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 21

The Trend https://medium.com/@k3083518729/tensorflow image recognition 58b0ac77c263 Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 22

The Trend Going deeper Going denser DenseNet (CVPR 17 Best Paper) ResNet (CVPR 16 Best Paper) K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. CVPR, 2016. G. Huang, Z. Liu, K. Q. Weinberger, and L. van der Maaten. Densely connected convolutional networks. CVPR, 2017. Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 23

DEEP REINFORCEMENT LEARNING Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 24

Deep Q Network (DQN), 2015 Playing Atari games Input: Game screen shots Output: Control (left, right, shoot, ) Convolutional neural networks (CNN) Reinforcement learning: Q learning Breakout Space Invaders Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 25

AlphaGo, 2016 Google DeepMind s AlphaGo vs. Lee Sedol, March 2016 Possible board positions of Go: 10 170 cf. Chess: 10 47 Monte Carlo tree search Deep neural networks: Value network Policy network Reinforcement learning Trained from 30 million human moves Playing against itself 1,202 CPUs, 176 GPUs Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 26

Robotics (OpenAI) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 27

DEEP LEARNING: SOME RECENT APPLICATIONS Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 28

Language Translation Google Neural Machine Translation (GNMT) System Source: https://ai.googleblog.com/2016/09/a neural network for machine.html Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 29

Language to Action (SNU) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 30

Synthesis Speech (WaveNet, Google DeepMind) Images [1] [2] [1] Phillip Isola, Jun Yan Zhu, Tinghui Zhou, Alexei A. Efros, Image to Image Translation with Conditional Adversarial Nets, CVPR 2017. [2] Karras, T., Aila, T., Laine, S., & Lehtinen, J. Progressive growing of GANs for improved quality, stability, and variation. ICLR 2018. Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 31

Video Synthesis (University of Washington) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 32

Pose Estimation (DensePose, Facebook) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 33

Autonomous Driving (Wayve) Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 34

Linear classification Neural networks Backpropagation Wrap Up Deep learning Deep reinforcement learning Prof. Songhwai Oh (ECE, SNU) Introduction to Deep Learning 35