IC 669: Introduction to Machine Learning. Lecture 1 Taesup Moon

Similar documents
Python Machine Learning

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

CSL465/603 - Machine Learning

Lecture 1: Machine Learning Basics

(Sub)Gradient Descent

Probabilistic Latent Semantic Analysis

CS Machine Learning

Lecture 1: Basic Concepts of Machine Learning

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

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

Word Segmentation of Off-line Handwritten Documents

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

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

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

Business Analytics and Information Tech COURSE NUMBER: 33:136:494 COURSE TITLE: Data Mining and Business Intelligence

Axiom 2013 Team Description Paper

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

Indian Institute of Technology, Kanpur

Speech Emotion Recognition Using Support Vector Machine

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

Learning From the Past with Experiment Databases

Human Emotion Recognition From Speech

Assignment 1: Predicting Amazon Review Ratings

Time series prediction

Laboratorio di Intelligenza Artificiale e Robotica

Rule Learning With Negation: Issues Regarding Effectiveness

Artificial Neural Networks written examination

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

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

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

Switchboard Language Model Improvement with Conversational Data from Gigaword

Laboratorio di Intelligenza Artificiale e Robotica

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

CS 446: Machine Learning

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

Massachusetts Institute of Technology Tel: Massachusetts Avenue Room 32-D558 MA 02139

Australian Journal of Basic and Applied Sciences

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

Using Web Searches on Important Words to Create Background Sets for LSI Classification

Reducing Features to Improve Bug Prediction

WHEN THERE IS A mismatch between the acoustic

Exploration. CS : Deep Reinforcement Learning Sergey Levine

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

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

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

Active Learning. Yingyu Liang Computer Sciences 760 Fall

CROSS-LANGUAGE INFORMATION RETRIEVAL USING PARAFAC2

Lahore University of Management Sciences. FINN 321 Econometrics Fall Semester 2017

Rule Learning with Negation: Issues Regarding Effectiveness

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

Large-Scale Web Page Classification. Sathi T Marath. Submitted in partial fulfilment of the requirements. for the degree of Doctor of Philosophy

Knowledge Transfer in Deep Convolutional Neural Nets

Self Study Report Computer Science

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

arxiv: v1 [cs.lg] 15 Jun 2015

Universidade do Minho Escola de Engenharia

Learning Methods in Multilingual Speech Recognition

Algebra 1, Quarter 3, Unit 3.1. Line of Best Fit. Overview

Learning Methods for Fuzzy Systems

Generative models and adversarial training

arxiv: v2 [cs.cv] 30 Mar 2017

Analyzing sentiments in tweets for Tesla Model 3 using SAS Enterprise Miner and SAS Sentiment Analysis Studio

A Review: Speech Recognition with Deep Learning Methods

arxiv: v1 [cs.cv] 10 May 2017

Model Ensemble for Click Prediction in Bing Search Ads

A survey of multi-view machine learning

Softprop: Softmax Neural Network Backpropagation Learning

Historical maintenance relevant information roadmap for a self-learning maintenance prediction procedural approach

The Boosting Approach to Machine Learning An Overview

ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION

Modeling function word errors in DNN-HMM based LVCSR systems

Firms and Markets Saturdays Summer I 2014

We are strong in research and particularly noted in software engineering, information security and privacy, and humane gaming.

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

Evolutive Neural Net Fuzzy Filtering: Basic Description

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

*Net Perceptions, Inc West 78th Street Suite 300 Minneapolis, MN

A Case Study: News Classification Based on Term Frequency

Challenges in Deep Reinforcement Learning. Sergey Levine UC Berkeley

A Comparison of Two Text Representations for Sentiment Analysis

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

Calibration of Confidence Measures in Speech Recognition

HIERARCHICAL DEEP LEARNING ARCHITECTURE FOR 10K OBJECTS CLASSIFICATION

Issues in the Mining of Heart Failure Datasets

Soft Computing based Learning for Cognitive Radio

Applications of data mining algorithms to analysis of medical data

Lecture 10: Reinforcement Learning

Welcome to. ECML/PKDD 2004 Community meeting

MGT/MGP/MGB 261: Investment Analysis

Notes on The Sciences of the Artificial Adapted from a shorter document written for course (Deciding What to Design) 1

Comment-based Multi-View Clustering of Web 2.0 Items

Detecting Wikipedia Vandalism using Machine Learning Notebook for PAN at CLEF 2011

Corrective Feedback and Persistent Learning for Information Extraction

Improving Simple Bayes. Abstract. The simple Bayesian classier (SBC), sometimes called

Undergraduate Program Guide. Bachelor of Science. Computer Science DEPARTMENT OF COMPUTER SCIENCE and ENGINEERING

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

Dublin City Schools Mathematics Graded Course of Study GRADE 4

Semi-Supervised Face Detection

Measurement. When Smaller Is Better. Activity:

Linking Task: Identifying authors and book titles in verbose queries

Transcription:

IC 669: Introduction to Machine Learning Lecture 1 Taesup Moon

Outline Examples of machine learning Course info Course outline - Supervised learning: classification, regression -Unsupervised learning: clustering, PCA, etc. -Learning theory: bias-variance tradeoff, generalization bound - Deep learning, Graphical models, HMM/LSTM, etc

Machine Learning is hot these days The core thing Google is working on is essentially Machine Learning @BoxDev, 2015 Eric Schimidt Chairman of Alphabet, Inc.

Machine Learning is hot these days Artificial Intelligence (Machine Learning) is a really exciting area of development. We have this goal in five to 10 years, we want to build computer systems, which can be better at main human senses than people are. @IIT New Delhi, 2015 Mark Zuckerberg CEO of Facebook

Machine Learning is hot these days We want to advance digital intelligence in the way that is most likely to benefit humanity as a whole, unconstrained by a need to generate financial return. @OpenAI initiative annoucement, 2015 Elon Musk CEO of Tesla, SpaceX

Definitions of machine learning Arthur Samuel (1959) - Machine learning is a field of study that gives computers the ability to learn without being explicitly programmed. Tom Mitchell (1998) - Machine learning is a well-posed learning problem: A computer program is said to learn from experience E with respect to some task T and some performance measure P, if its performance on T, as measured by P, improves with E. Wikipedia - Machine learning explores the study and construction of algorithms that can learn from and make predictions on data. Tibshirani & Hastie (Statistical learning?) - Machine learning puts more emphasis on large-scale applications and prediction accuracy, whereas statistical learning emphasizes models, their interpretability, and precision and uncertainty - Essentially, the same! (Statisticians say that CS people did a better marketing with Machine Learning!)

Examples of machine learning Subway seat selection algorithm - https://www.youtube.com/watch?v=ker5t8mni38

Examples of machine learning Spam mail filtering

Examples of machine learning Handwriting recognition

Examples of machine learning Recommendation system Slides from Alex Smola

Examples of machine learning Web search ads Slides from Alex Smola

Examples of machine learning Speech recognition Hello world Estimate Hello world

Examples of machine learning Self-driving cars

Examples of machine learning Robotics https://www.youtube.com/watch?v=rvlhmgqgdky

Examples of machine learning Image captioning - https://www.ted.com/talks/fei_fei_li_how_we_re_teachin g_computers_to_understand_pictures?language=en

Examples of machine learning Computer games https://www.youtube.com/watch?v=q70ulpjw3gk

Examples of machine learning Go https://www.youtube.com/ watch?v=subqykxvx0a https://deepmind.com/alph a- go.html http://spri.kr/post/14725 -March 9 th, 10 th, 12 th, 13 th and 15 th @1pm L:A L:A L:A L:A L:A L:A - ICE Media = 5:0 Wall, = 4:1 Live = 3:2 YouTube = 2:3 Broadcast = 1:4 (planned) = 0:5 14 10 6 1 3

Examples of machine learning What is Machine Learning? (by Oxford) - https://www.youtube.com/watch?v=f_uwkziaem0&spfrel oad=10

Course info Course website - http://mind.dgist.ac.kr/classes/ic669 - Instructor: Taesup Moon - Tue 1:30pm-2:45pm, Wed 4:30pm-5:45pm

Course outline Preliminaries - Linear algebra, probability, optimization Supervised learning - Regression, classification (linear/nonlinear) Learning theory - Bias-variance tradeoff, VC bounds Unsupervised learning - Clustering (K-means), Dimensionality reduction (PCA) Advanced topics - Deep learning, Reinforcement learning

Preliminaries Linear algebra - Eigenvalue/vectors, singular-value decomposition (SVD) Probabilities - Random variables/vectors, expectation/covariance - Pdf/pmf, independence, Bayes rule Optimization - Convexity, gradient descent

Supervised learning Classification (Breast cancer prediction) Malignant? 1(Y) 0(N) Tumor Size Classification Discrete valued output (0 or 1) Tumor Size

Supervised learning Classification (Breast cancer prediction, more variables(features)) Age - Clump Thickness - Uniformity of Cell Size - Uniformity of Cell Shape Tumor Size

Supervised learning Classification à basically, learning boundaries -Logistic regression - Support Vector Machines (SVM) - K-Nearest Neighbors - Neural networks

Supervised learning Regression (Housing price prediction) 400 Price ($) in 1000 s 300 200 100 0 0 500 1000 1500 2000 2500 Size in feet 2 Supervised Learning right answers given Regression: Predict continuous valued output (price)

Course outline Regression - Linear regression (OLS) - Regularized linear regression (Lasso, Ridge)

Supervised learning Starting point: Slides from Hastie&Tibshirani

Supervised learning Objective: Slides from Hastie&Tibshirani

Learning theory Bias-variance tradeoff Regularization and generalization bound - VC dimension, Hoeffding s bound Model selection

Unsupervised learning Clustering Slides from Alex Smola

Unsupervised learning Principal Component Analyses (dimensionality reduction) Slides from Alex Smola

Unsupervised learning Slides from Hastie&Tibshirani

Deep learning Neural networks - Convolutional neural networks - Recurrent neural networks

Sequence learning Hidden Markov Modeling, Long Short-Term Memory

Reinforcement learning Environment reacts! Making sequential decisions. (not too much focus) Ex) Chess, Go, Robots