ECE521 Lecture1. Introduction

Similar documents
Python Machine Learning

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

Lecture 1: Machine Learning Basics

CSL465/603 - Machine Learning

Generative models and adversarial training

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

Artificial Neural Networks written examination

Lecture 1: Basic Concepts of Machine Learning

(Sub)Gradient Descent

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

Knowledge Transfer in Deep Convolutional Neural Nets

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

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

Human Emotion Recognition From Speech

arxiv: v1 [cs.lg] 15 Jun 2015

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

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

Laboratorio di Intelligenza Artificiale e Robotica

Artificial Neural Networks

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

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

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

Laboratorio di Intelligenza Artificiale e Robotica

Evolution of Symbolisation in Chimpanzees and Neural Nets

Axiom 2013 Team Description Paper

Knowledge-Based - Systems

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

Evolutive Neural Net Fuzzy Filtering: Basic Description

Model Ensemble for Click Prediction in Bing Search Ads

A study of speaker adaptation for DNN-based speech synthesis

Second Exam: Natural Language Parsing with Neural Networks

arxiv: v2 [cs.cv] 30 Mar 2017

POS tagging of Chinese Buddhist texts using Recurrent Neural Networks

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.

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

Learning Methods for Fuzzy Systems

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

Machine Learning from Garden Path Sentences: The Application of Computational Linguistics

CS 446: Machine Learning

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

Speech Emotion Recognition Using Support Vector Machine

Learning to Schedule Straight-Line Code

EGRHS Course Fair. Science & Math AP & IB Courses

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

CS Machine Learning

Calibration of Confidence Measures in Speech Recognition

A Survey on Unsupervised Machine Learning Algorithms for Automation, Classification and Maintenance

arxiv: v1 [cs.cv] 10 May 2017

Deep Facial Action Unit Recognition from Partially Labeled Data

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

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

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

Iterative Cross-Training: An Algorithm for Learning from Unlabeled Web Pages

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

Predicting Student Attrition in MOOCs using Sentiment Analysis and Neural Networks

Softprop: Softmax Neural Network Backpropagation Learning

A Review: Speech Recognition with Deep Learning Methods

Semi-Supervised Face Detection

Soft Computing based Learning for Cognitive Radio

A survey of multi-view machine learning

Introduction to Causal Inference. Problem Set 1. Required Problems

Modeling function word errors in DNN-HMM based LVCSR systems

Master s Programme in Computer, Communication and Information Sciences, Study guide , ELEC Majors

TD(λ) and Q-Learning Based Ludo Players

THE world surrounding us involves multiple modalities

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

Exploration. CS : Deep Reinforcement Learning Sergey Levine

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

Planning with External Events

A Case Study: News Classification Based on Term Frequency

Seminar - Organic Computing

Lecture 10: Reinforcement Learning

AUTOMATIC DETECTION OF PROLONGED FRICATIVE PHONEMES WITH THE HIDDEN MARKOV MODELS APPROACH 1. INTRODUCTION

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

Discriminative Learning of Beam-Search Heuristics for Planning

***** Article in press in Neural Networks ***** BOTTOM-UP LEARNING OF EXPLICIT KNOWLEDGE USING A BAYESIAN ALGORITHM AND A NEW HEBBIAN LEARNING RULE

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

ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION

Natural Language Processing. George Konidaris

Comparison of network inference packages and methods for multiple networks inference

Forget catastrophic forgetting: AI that learns after deployment

Deep Neural Network Language Models

Test Effort Estimation Using Neural Network

Reinforcement Learning by Comparing Immediate Reward

Offline Writer Identification Using Convolutional Neural Network Activation Features

WHEN THERE IS A mismatch between the acoustic

OCR for Arabic using SIFT Descriptors With Online Failure Prediction

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

arxiv: v1 [cs.lg] 7 Apr 2015

An empirical study of learning speed in backpropagation

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

Natural Language Processing: Interpretation, Reasoning and Machine Learning

Modeling function word errors in DNN-HMM based LVCSR systems

Data Fusion Through Statistical Matching

Integrating E-learning Environments with Computational Intelligence Assessment Agents

Welcome to. ECML/PKDD 2004 Community meeting

CLASSIFICATION OF TEXT DOCUMENTS USING INTEGER REPRESENTATION AND REGRESSION: AN INTEGRATED APPROACH

University of Victoria School of Exercise Science, Physical and Health Education EPHE 245 MOTOR LEARNING. Calendar Description Units: 1.

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

Transcription:

ECE521 Lecture1 Introduction

Outline History of machine learning Types of machine learning problems

What is machine learning? A scientific field is best defined by the central question it studies. The intellectual endeavour underlying the field of machine learning is: How can we build computer systems that automatically improve with experience, and what are the fundamental laws that govern all learning processes? -- Tom Mitchell, Chair of the Machine Learning Department CMU, 2006

What is machine learning? In other words, we are investigating the problems of how to get computers to program themselves. ML has a strong computer science aspect: Which problems are inherently tractable? What architectures and algorithms are computational efficient?

What is machine learning? In other words, we are investigating the problems of how to get computers to program themselves. ML has a strong computer science aspect: Which problems are inherently tractable? What architectures and algorithms are computational efficient? ML borrows ideas from statistics: What can be inferred from data?

What is machine learning? In other words, we are investigating the problems of how to get computers to program themselves. ML has a strong computer science aspect: Which problems are inherently tractable? What architectures and algorithms are computational efficient? ML borrows ideas from statistics: What can be inferred from data? ML tries to answer the same question asked in cognitive science / Psychology: How does human/machine intelligence emergies? Human/animal/machine learning are interwined.

What is machine learning? In other words, we are investigating the problems of how to get computers to program themselves. ML has a strong computer science aspect: Which problems are inherently tractable? What architectures and algorithms are computational efficient? ML borrows ideas from statistics: What can be inferred from data? ML tries to answer the same question asked in cognitive science / Psychology: How does human/machine intelligence energies? Human/animal/machine learning are intertwined. CS Stats ML Cog.sci.

History of machine learning At the beginning there is the shallow learning...

History of machine learning Alan Turing wrote a little known paper in 1948 Intelligent Machinery that highlighted: An unorganized machine that consists of randomly connected networks of NAND logic gates. A general search algorithm that is similar to a genetic algorithm to organize the unorganized machine. The unorganized machine resembles the cortex structure in the brain.

History of machine learning Frank Rosenblatt in 1957 combined the ideas of the artificial neuron of McCulloch-Pitts and the Hebbian learning rule from Donald Hebb to develop the perceptron model: First implementation of perceptron source

History of machine learning Then there was the first AI winter: 1970s Machine translation did not make much progress from the breakthroughs of Chomsky s grammar Perceptron was proven ineffective for non-linear classification problems

History of machine learning The emergence of multi-layered perceptron and neural networks Rumelhart, Hinton and Williams in 1986 highlighted a learning algorithm called backpropagation that can effectively train neural networks with multiple hidden layers. Yann LeCun in 1989 proposed similar learning algorithm to train convolutional neural networks to recognize handwritten zip codes. Such a system has been used by USPS and bank ATMs saving hundreds of millions of dollars.

History of machine learning The improved convolutional neural network LeNet that was deployed in 1997 LeNet-5 (LeCun et al. 1998)

History of machine learning Judea Pearl published Probabilistic Reasoning in Intelligent Systems in 1988 that changes the machine learning field to take statistical and probabilistic ideas seriously Inspired statistical machine learning models for speech and language processing It promotes the ideas of Hidden Markov Model, Kalman filter and particle filtering

History of machine learning Judea Pearl published Probabilistic Reasoning in Intelligent Systems in 1988 that changes the machine learning field to take statistical and probabilistic ideas seriously Inspired statistical machine learning models for speech and language processing It promotes the ideas of Hidden Markov Model, Kalman filter and particle filtering

History of machine learning One interesting application of Bayesian inference is in matchmaking systems:

History of machine learning Then the computers were too slow so we did not make much progress till 2012

History of machine learning A large-scale convolutional neural network that can recognize 1000s of objects AlexNet(Krizhevsky et al. 2012)

History of machine learning Mastering the game of Go with deep learning AlphaGo(Silver et al. 2015)

Current machine learning applications: Speech recognition

Current machine learning applications: Computer vision

Current machine learning applications: Natural language processing Google s Neural Machine Translation (Wu et al. 2016)

Current machine learning applications: Computational biology High-throughput microscopy of cellular data (Oren et al. 2016)

Current machine learning applications: Robotics Berkeley s robot learnt using reinforcement learning(levine et al. 2015)

Outline History of machine learning Types of machine learning problems

Types of machine learning Supervised learning: Given a set of labeled training data points Space of input data and labels: The goal is to learn a function mapping f, that

Types of machine learning... Intelligence is not just about fitting some lines through bunch of points...

Types of machine learning Unsupervised learning: There is not label in the dataset. We would like to discover interesting patterns and structures within the input data. Given a set of unlabelled training data points: Space of input data: One possible goal is to model the empirical distribution with a parametric distribution:

Types of machine learning Unsupervised learning: There is not label in the dataset. We would like to discover interesting patterns and structures within the input data. Given a set of unlabelled training data points: Space of input data: One possible goal is to model the empirical distribution with a parametric distribution:

Types of machine learning Semi-supervised learning: Given a dataset in terms of a mixture of labelled and unlabelled data

Types of machine learning How to grow a mind (Tenenbaum, 2012)

Types of machine learning What are the other Tufa? How to grow a mind (Tenenbaum, 2012)

Types of machine learning Reinforcement learning:

What is this course all about? Concrete formulation of a learning problem in terms of a loss function Use gradient-based optimization algorithms to minimize the loss function Learning: search for a set of parameters/weights that minimizes the loss function Inference: search for a set of latent causes to explain the observed data

What is this course all about? Learning algorithms Back-propagation Gradient descent Inference algorithms Bayes rules The sum-product algorithm

What is this course all about? Supervised learning models K-NN Linear models: Linear regression, logistic regression Neural networks Unsupervised learning models K-means, Mixtures-of-Gaussians PCA, Auto-encoder Hidden Markov Models Some acyclical graphs

What is this course all about? Mechanical questions (easy free marks) Carry out an algorithm on particular models and data Brain teasers What happens when we do this? Is it possible to have this scenario?

Course topics: machine learning covered in this class reinforcement learning deep learning graphical models back-propagation gradient-descent neural nets Markov random fields EM mixture models continuous latent variable models Boltzmann machine Bayesian inference collaborative filtering convolutional neural net Hidden Markov Models recurrent neural net particle filtering Kalman filter Monte Carlo methods Bayesian non-parametrics kernel methods support vector machines Gaussian processes