Introduction to Intelligent Systems

Similar documents
Python Machine Learning

Artificial Neural Networks written examination

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

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

Axiom 2013 Team Description Paper

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

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

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

arxiv: v1 [cs.lg] 15 Jun 2015

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

(Sub)Gradient Descent

INPE São José dos Campos

Test Effort Estimation Using Neural Network

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

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

Softprop: Softmax Neural Network Backpropagation Learning

SORT: Second-Order Response Transform for Visual Recognition

Lecture 1: Machine Learning Basics

Knowledge Transfer in Deep Convolutional Neural Nets

Artificial Neural Networks

Generative models and adversarial training

Framewise Phoneme Classification with Bidirectional LSTM and Other Neural Network Architectures

CSL465/603 - Machine Learning

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

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

arxiv: v1 [cs.cv] 10 May 2017

Evolutive Neural Net Fuzzy Filtering: Basic Description

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

Human Emotion Recognition From Speech

Knowledge-Based - Systems

Second Exam: Natural Language Parsing with Neural Networks

Distributed Learning of Multilingual DNN Feature Extractors using GPUs

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

arxiv: v1 [cs.lg] 7 Apr 2015

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

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

An empirical study of learning speed in backpropagation

Lecture 1: Basic Concepts of Machine Learning

A Review: Speech Recognition with Deep Learning Methods

Time series prediction

Backpropagation and Regression: Comparative Utility for Neuropsychologists

Issues in the Mining of Heart Failure Datasets

Kamaldeep Kaur University School of Information Technology GGS Indraprastha University Delhi

Model Ensemble for Click Prediction in Bing Search Ads

Predicting Student Attrition in MOOCs using Sentiment Analysis and Neural Networks

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

Classification Using ANN: A Review

Speaker Identification by Comparison of Smart Methods. Abstract

Dropout improves Recurrent Neural Networks for Handwriting Recognition

Cultivating DNN Diversity for Large Scale Video Labelling

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

Lip Reading in Profile

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

Calibration of Confidence Measures in Speech Recognition

arxiv: v1 [cs.cl] 27 Apr 2016

Discriminative Learning of Beam-Search Heuristics for Planning

DIRECT ADAPTATION OF HYBRID DNN/HMM MODEL FOR FAST SPEAKER ADAPTATION IN LVCSR BASED ON SPEAKER CODE

Residual Stacking of RNNs for Neural Machine Translation

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

Indian Institute of Technology, Kanpur

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

Deep Neural Network Language Models

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

Exploration. CS : Deep Reinforcement Learning Sergey Levine

Experiments with SMS Translation and Stochastic Gradient Descent in Spanish Text Author Profiling

WHEN THERE IS A mismatch between the acoustic

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

THE enormous growth of unstructured data, including

Cost-sensitive Deep Learning for Early Readmission Prediction at A Major Hospital

arxiv: v4 [cs.cl] 28 Mar 2016

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

Learning Methods for Fuzzy Systems

Learning to Schedule Straight-Line Code

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

Word Segmentation of Off-line Handwritten Documents

Attributed Social Network Embedding

arxiv: v2 [cs.ro] 3 Mar 2017

A Latent Semantic Model with Convolutional-Pooling Structure for Information Retrieval

Soft Computing based Learning for Cognitive Radio

International Journal of Advanced Networking Applications (IJANA) ISSN No. :

Detailed course syllabus

I-COMPETERE: Using Applied Intelligence in search of competency gaps in software project managers.

A Reinforcement Learning Variant for Control Scheduling

How People Learn Physics

Using the Attribute Hierarchy Method to Make Diagnostic Inferences about Examinees Cognitive Skills in Algebra on the SAT

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

BUSINESS INTELLIGENCE FROM WEB USAGE MINING

SARDNET: A Self-Organizing Feature Map for Sequences

Forget catastrophic forgetting: AI that learns after deployment

Using the Artificial Neural Networks for Identification Unknown Person

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

MYCIN. The MYCIN Task

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

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

Deep Facial Action Unit Recognition from Partially Labeled Data

FF+FPG: Guiding a Policy-Gradient Planner

The Method of Immersion the Problem of Comparing Technical Objects in an Expert Shell in the Class of Artificial Intelligence Algorithms

Adaptive learning based on cognitive load using artificial intelligence and electroencephalography

Laboratorio di Intelligenza Artificiale e Robotica

Transcription:

430.457 Fall 2018 Introduction to Intelligent Systems Lecture 8 Prof. Songhwai Oh ECE, SNU Prof. Songhwai Oh Intelligent Systems Fall 2018 1

LINEAR REGRESSION Prof. Songhwai Oh Intelligent Systems Fall 2018 2

Univariate Linear Regression Prof. Songhwai Oh Intelligent Systems Fall 2018 3

Example Prof. Songhwai Oh Intelligent Systems Fall 2018 4

Gradient Descent Batch gradient descent: (Steepest descent) Stochastic gradient descent: processes one data point at a time Prof. Songhwai Oh Intelligent Systems Fall 2018 5

Multivariate Linear Regression Prof. Songhwai Oh Intelligent Systems Fall 2018 6

Closed Form Solution to Linear Regression Prof. Songhwai Oh Intelligent Systems Fall 2018 7

General Linear Model h i [n]: nonlinear function of n Prof. Songhwai Oh Intelligent Systems Fall 2018 8

Example: Linear modeling of the SINC function Model 1: Model 2: Prof. Songhwai Oh Intelligent Systems Fall 2018 9

Example: Linear modeling of the SINC function N=50 N=100 N=1000 Data Linear Model 1 Linear Model 2 Prof. Songhwai Oh Intelligent Systems Fall 2018 10

Regularization L 1 Regularization L 2 Regularization Prof. Songhwai Oh Intelligent Systems Fall 2018 11

LINEAR CLASSIFICATION Prof. Songhwai Oh Intelligent Systems Fall 2018 12

Linear Classifiers Linearly Separable Case Prof. Songhwai Oh Intelligent Systems Fall 2018 13

Perceptron Learning Rule Threshold function Update rule: (converges if the problem is linearly separable.) Prof. Songhwai Oh Intelligent Systems Fall 2018 14

Learning Curve Separable case Non separable case Learning curve Learning curve (constant learning rate) Learning curve (decreasing learning rate) Prof. Songhwai Oh Intelligent Systems Fall 2018 15

Logistic Regression Logistic function Logistic regression (chain rule) Soft thresholding Prof. Songhwai Oh Intelligent Systems Fall 2018 16

Separable case Non separable case Learning curve Learning curve (constant learning rate) Learning curve (decreasing learning rate) Prof. Songhwai Oh Intelligent Systems Fall 2018 17

Human brain 100 billion neurons 100 to 500 trillion synapses ARTIFICIAL NEURAL NETWORKS (ANN) Prof. Songhwai Oh Intelligent Systems Fall 2018 18

Neural Network Structure Perceptron: hard thresholding Sigmoid perceptron: soft thresholding, e.g., logistic function Feed forward network Recurrent network Prof. Songhwai Oh Intelligent Systems Fall 2018 19

Single Layer Feed Forward Neural Networks Perceptron learning rule Logistic regression Prof. Songhwai Oh Intelligent Systems Fall 2018 20

Majority function (11 Boolean inputs) WillWait (Restaurant example) Prof. Songhwai Oh Intelligent Systems Fall 2018 21

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 Intelligent Systems Fall 2018 22

Back Propagation Prof. Songhwai Oh Intelligent Systems Fall 2018 23

from the j th hidden unit to the k th output a k w j,k Prof. Songhwai Oh Intelligent Systems Fall 2018 24

from the i th input to the j th hidden unit a k w i,j w j,k Prof. Songhwai Oh Intelligent Systems Fall 2018 25

DEEP LEARNING Prof. Songhwai Oh Intelligent Systems Fall 2018 26

ImageNet Large Scale Visual Recognition Challenge 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 Intelligent Systems Fall 2018 27 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

Deep Convolutional Neural Networks 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 Intelligent Systems Fall 2018 28