Object Detection Lecture Introduction to deep learning (CNN) Idar Dyrdal

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

Computer Vision Lecture 16

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

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

Machine Learning. Deep Learning. Eric Xing (and Pengtao Xie) , Fall Lecture 8, October 6, Eric CMU,

Deep Neural Networks:

Deep Learning with Tensorflow AlexNet

Convolutional Neural Networks

Machine Learning 13. week

Code Mania Artificial Intelligence: a. Module - 1: Introduction to Artificial intelligence and Python:

Using neural nets to recognize hand-written digits. Srikumar Ramalingam School of Computing University of Utah

Deep Convolutional Neural Networks. Nov. 20th, 2015 Bruce Draper

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

Deep Learning for Computer Vision II

INTRODUCTION TO DEEP LEARNING

Deep Learning. Volker Tresp Summer 2014

Deep (1) Matthieu Cord LIP6 / UPMC Paris 6

CS 1674: Intro to Computer Vision. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh November 16, 2016

Deep Learning on Graphs

Computer Vision Lecture 16

Computer Vision Lecture 16

CMU Lecture 18: Deep learning and Vision: Convolutional neural networks. Teacher: Gianni A. Di Caro

Deep Learning Workshop. Nov. 20, 2015 Andrew Fishberg, Rowan Zellers

A Deep Learning primer

Data Mining. Neural Networks

Advanced Introduction to Machine Learning, CMU-10715

Character Recognition Using Convolutional Neural Networks

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

Machine Learning. MGS Lecture 3: Deep Learning

TRAFFIC SIGN CLASSIFICATION USING CONVOLUTIONAL NEURAL NETWORK

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

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

Neural Networks (pp )

Neural Networks. CE-725: Statistical Pattern Recognition Sharif University of Technology Spring Soleymani

Deep Learning. Deep Learning provided breakthrough results in speech recognition and image classification. Why?

Deep Learning. Deep Learning. Practical Application Automatically Adding Sounds To Silent Movies

Fuzzy Set Theory in Computer Vision: Example 3

Handwritten Digit Recognition Using Convolutional Neural Networks

CS 523: Multimedia Systems

! References: ! Computer eyesight gets a lot more accurate, NY Times. ! Stanford CS 231n. ! Christopher Olah s blog. ! Take ECS 174!

Keras: Handwritten Digit Recognition using MNIST Dataset

Deep Learning for Computer Vision with MATLAB By Jon Cherrie

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

Index. Springer Nature Switzerland AG 2019 B. Moons et al., Embedded Deep Learning,

Introduction to Neural Networks

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks

Natural Language Processing CS 6320 Lecture 6 Neural Language Models. Instructor: Sanda Harabagiu

Lecture #11: The Perceptron

Neural Network and Deep Learning. Donglin Zeng, Department of Biostatistics, University of North Carolina

10/6/2017. What is deep learning Some motivation Enablers Data Computation Structure Software Closing examples

Introduction to Neural Networks

JOINT INTENT DETECTION AND SLOT FILLING USING CONVOLUTIONAL NEURAL NETWORKS. Puyang Xu, Ruhi Sarikaya. Microsoft Corporation

Introduction to Deep Learning

Introduction. Neural Networks. Chapter , , 18.7 and Deep Learning paper. Recognizing Digits using a Neural Net

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

Deep Learning Applications

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

Artificial Neural Networks. Introduction to Computational Neuroscience Ardi Tampuu

SEMANTIC COMPUTING. Lecture 8: Introduction to Deep Learning. TU Dresden, 7 December Dagmar Gromann International Center For Computational Logic

Deep Learning on Graphs

Convolutional Neural Networks: Applications and a short timeline. 7th Deep Learning Meetup Kornel Kis Vienna,

Lecture 17: Neural Networks and Deep Learning. Instructor: Saravanan Thirumuruganathan

A FRAMEWORK OF EXTRACTING MULTI-SCALE FEATURES USING MULTIPLE CONVOLUTIONAL NEURAL NETWORKS. Kuan-Chuan Peng and Tsuhan Chen

Machine Learning. The Breadth of ML Neural Networks & Deep Learning. Marc Toussaint. Duy Nguyen-Tuong. University of Stuttgart

ECE 6504: Deep Learning for Perception

Machine Learning: Chenhao Tan University of Colorado Boulder LECTURE 15

On the Effectiveness of Neural Networks Classifying the MNIST Dataset

IMPLEMENTING DEEP LEARNING USING CUDNN 이예하 VUNO INC.

Deep Learning. Volker Tresp Summer 2015

Dynamic Routing Between Capsules

NVIDIA FOR DEEP LEARNING. Bill Veenhuis

Su et al. Shape Descriptors - III

Intro to Deep Learning. Slides Credit: Andrej Karapathy, Derek Hoiem, Marc Aurelio, Yann LeCunn

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

Know your data - many types of networks

ROB 537: Learning-Based Control

Multi-layer Perceptron Forward Pass Backpropagation. Lecture 11: Aykut Erdem November 2016 Hacettepe University

Deep Learning. Volker Tresp Summer 2017

Multi-Glance Attention Models For Image Classification

Introduction to Deep Learning for Facial Understanding Part III: Regional CNNs

Neural Network Neurons

Lecture 2 Notes. Outline. Neural Networks. The Big Idea. Architecture. Instructors: Parth Shah, Riju Pahwa

An Exploration of Computer Vision Techniques for Bird Species Classification

Restricted Boltzmann Machines. Shallow vs. deep networks. Stacked RBMs. Boltzmann Machine learning: Unsupervised version

A Sparse and Locally Shift Invariant Feature Extractor Applied to Document Images

Artificial Intelligence Introduction Handwriting Recognition Kadir Eren Unal ( ), Jakob Heyder ( )

A Sparse and Locally Shift Invariant Feature Extractor Applied to Document Images

MoonRiver: Deep Neural Network in C++

Index. Umberto Michelucci 2018 U. Michelucci, Applied Deep Learning,

Weighted Convolutional Neural Network. Ensemble.

Global Optimality in Neural Network Training

CNN Basics. Chongruo Wu

Convolutional Neural Networks. CSC 4510/9010 Andrew Keenan

Back propagation Algorithm:

Classification of objects from Video Data (Group 30)

Machine Learning: Overview & Applications to Test

Brainchip OCTOBER

Data Mining and Analytics

ImageNet Classification with Deep Convolutional Neural Networks

Review on Methods of Selecting Number of Hidden Nodes in Artificial Neural Network

Transcription:

Object Detection Lecture 10.3 - Introduction to deep learning (CNN) Idar Dyrdal

Deep Learning Labels Computational models composed of multiple processing layers (non-linear transformations) Used to learn representations of data with multiple levels of abstraction: Learning a hierarchy of feature extractors Each level in the hierarchy extracts features from the output of the previous layer (pixels classes) Deep learning has dramatically improved state-of-the-art in: Speech and character recognition Visual object detection and recognition Convolutional neural nets for processing of images, video, speech and signals (time series) in general Recurrent neural nets for processing of sequential data (speech, text). Level 3 Level 2 Level 1 Raw data (images, video, signals) 2

Deep Learning for Object Recognition «Ship» (AlexNet) Millions of images Millions of parameters Thousands of classes 3

Traditional supervised learning Class labels Training images Feature extraction Classifier training Classifier 4

Deep learning Class labels Learning of weights in the processing layers Supervised, unsupervised (or semisupervised) learning Training images Feature extraction Classifier training Classifier 5

Semi-supervised learning Labeled samples and (trained) linear decision boundary Labeled and unlabeled samples and nonlinear decision boundary 6

Artificial Neural Network (ANN) Used in Machine Learning and Pattern Recognition: Regression Classification Clustering Applications: Speech recognition Recognition of handwritten text Image classification Network types: Feed-forward neural networks Recurrent neural networks (RNN) Feed-forward ANN (non-linear classifier) 7

Mark 1 Perceptron (Rosenblatt, 1957-59) (Cornell Aeronautical Laboratory) 8

Activation functions Sigmoid (logistic function): Biological neuron: Hyperbolic tangent: Rectified linear unit (ReLU): (Quasar Jarosz, English Wikipedia) 9

Feed-forward neural network l k j i 10

Back-propagation l k j i 11

Convolutional Neural Network (CNN) Used in Machine Vision and Image Analysis: Speech Recognition Image Recognition Video Recognition Image Segmentation Convolutional neural network: Multi-layer feed-forward ANN Combinations of convolutional and fully connected layers Convolutional layers with local connectivity Shared weights across spatial positions Local or global pooling layers (A. Karpathy) 12

Typical CNN Learned features (Aphex34) 13

Convolutional neural net Feature map Normalization Spatial pooling Non-linearity Input image Convolution (learned) (credit: S. Lazebnik) Input image 14

Convolutional neural net Feature map Normalization... Spatial pooling Non-linearity Input (credit: S. Lazebnik) Feature Map Convolution (learned) Input image 15

Convolutional neural net Feature map Rectified Linear Unit (ReLU) Normalization Spatial pooling Non-linearity (credit: S. Lazebnik) Convolution (learned) Input image 16

Convolutional neural net Feature map Max pooling Normalization Spatial pooling Max-pooling: a non-linear down-sampling Non-linearity Provide translation invariance Convolution (learned) (credit: S. Lazebnik) Input image 17

Convolutional neural net Feature map Normalization Spatial pooling Feature Maps Feature Maps After Contrast Normalization Non-linearity (credit: S. Lazebnik) Convolution (learned) Input image 18

Convolutional neural net Feature map Normalization Spatial pooling Non-linearity Feature maps after contrast normalization Convolution (learned) (credit: S. Lazebnik) Input image 19

Example - Caffe Demos http://demo.caffe.berkeleyvision.org 20

21

22

Example - Semantic Segmentation (SegNet) http://mi.eng.cam.ac.uk/projects/segnet/ 23

Summary Topics covered: Deep learning Artificial neural networks Convolutional neural networks More information: Szeliski, chapter 14 Yann LeCun,Yoshua Bengio & Geoffrey Hinton, Deep learning, Nature, Vol 521, 28. May 2015. Shaohuai Shi, Qiang Wang, Pengfei Xu, Xiaowen Chu, Benchmarking State-of-the-Art Deep Learning Software Tools, 2017 (https://arxiv.org/pdf/1608.07249.pdf) Software: Caffe (http://caffe.berkeleyvision.org) TensorFlow (https://www.tensorflow.org/) MatConvNet (http://www.vlfeat.org/matconvnet) 24