SlideShare ist ein Scribd-Unternehmen logo
1 von 18
Downloaden Sie, um offline zu lesen
Introduction to Machine
Learning
Applied Machine Learning: Unit 1, Lecture 1
Anantharaman Narayana Iyer
narayana dot Anantharaman at gmail dot com
8 Jan 2016
References
• Pattern Recognition and Machine
Learning by Christopher Bishop
• Machine Learning, T Mitchell
• MOOC Courses offered by Prof
Andrew Ng, Prof Yaser Mustafa,
Prof Pedro Domingos (see image)
• CMU Videos Prof T Mitchell
• Introduction to Machine Learning,
Alpaydin
A breakthrough in Machine Learning would be
worth 10 Microsofts: Bill Gates
Let’s start with a puzzle: Predict what is next?
Sample Input Output
1 (10, 1, -6, -1, 200) (-6, -1, 1, 10, 200)
2 (27, 0, 3000, 7, -3) (-3, 0, 7, 27, 3000)
3 (111, 222, 333, 444, 555) (111, 222, 333, 444, 555)
4 (76, 69, 80, 55, 98) (55, 69, 76, 80, 98)
5 (7, 6, 5, 4, 3) (3, 4, 5, 6, 7)
6 (0, -1, -2, -3, 100) ?
7 (1000, 900, 2000, 1, 9999) ?
Let’s start with a puzzle: Predict what is next?
Sample Input Output
1 (10, 1, -6, -1, 200) (-6, -1, 1, 10, 200)
2 (27, 0, 3000, 7, -3) (-3, 0, 7, 27, 3000)
3 (111, 222, 333, 444, 555) (111, 222, 333, 444, 555)
4 (76, 69, 80, 55, 98) (55, 69, 76, 80, 98)
5 (7, 6, 5, 4, 3) (3, 4, 5, 6, 7)
6 (0, -1, -2, -3, 100) ?
7 (1000, 900, 2000, 1, 9999) ?
ML uses a set of observations to uncover an underlying process
When to apply ML?
• Distinguishing characteristics of machine learning applications
• Problems that can not be solved adequately using analytical approaches
• There is an underlying pattern that produces the observable data
• Adequate amount of data is available to learn and generalize
• Points to ponder:
• Can we use Machine Learning techniques to perform sorting of real numbers?
• What makes applications like handwriting recognition more suitable as
candidates for Machine Learning?
Exercise
Which problems below are best suited for applying
machine learning?
1. Recognizing handwritten characters: e.g MNIST dataset
2. Speaker Identification from a video
3. Searching the telephone number given the name of a
person from BSNL telephone directory
4. Searching for documents from web that match a query
5. Removing line frequency noise (50 hz) from a feeble dc
signal (say a few micro volts)
6. Performing Fourier analysis on a complex signal
7. Classifying or Clustering a signal in to a male voice,
female voice and a child’s voice
8. Identifying a specific conversation out of a several
parallel conversations that happen during a party
What is ML?
• Arthur Samuel (1959). Machine Learning: Field of study that gives
computers the ability to learn without being explicitly programmed.
• Tom Mitchell (1998): ML is a study of algorithms that:
• Improve their performance P
• At some Task T
• With experience E
Well defined learning task (P, T, E)
• Examples:
• Spam detection
• Robot navigation
• Image recognition
Performance Metrics
• These may be selected based on the application that we are solving
• Examples: Precision, Recall, F1 score, Mean squared error
ML Applications
• Well researched applications
• Traditional models have yielded sufficiently
accurate results (90% and above)
• Such applications have become mainstream
• This is not to say that research ceases to exist on
these topics, but most of the common use cases
are adequately addressed
• Examples: OCR, Image classification, Isolated
Word speech recognition, text classification, basic
recommender system, spam detection, part of
speech tagging
• Emerging, breakthrough applications
• Advances in ML such as DL has enabled exciting,
novel applications
• Examples: Image description, Information
Extraction in Video, Personal assistant systems
like SIRI, sarcasm detection from multimedia
More Examples (ref: T Mitchell)
Application Domains for ML (Ref T Mitchell)
Applications of ML
• Web Search
• Information Extraction
• Spam detection
• Social Networks
• E-Commerce
• Finance
• Speech Recognition
• Robotics
• Computer Vision
• So on…
Application of ML techniques in NLP
• Core NLP
• POS tagging
• NER
• Text Classification
• Language Models
• Information Retrieval
• Word representation
• Information Extraction
• Speech/Voice recognition
• Applications of NLP
• Search Engines
• Topic Modelling
• Sentiment Analysis
• Sentic computing
• Intent analysis
• Subject identification
• Real word spelling correction
• Content Synthesis
• Speech based applications
• Handwritten text recognition
What are we going to cover in the course? – key topics
• The focus of our course would be the contemporary techniques on Deep Learning that includes:
• Multi layer deep learning networks, spatially deep
• Recurrent and Recursive networks, temporally deep
• LSTM and its variants like GRU
• Convolutional networks
• Hybrid models that combine deep networks with other systems like HMM
• We would also cover the basics such as:
• Probability theory and Naïve Bayes classifier
• Linear models
• Log-linear models
• SVM
• Feed forward artificial neural networks
• Applications (Examples)
• Text Processing: Bias/Sarcasm/Animosity detection
• Image: Describing Images
• Video: Detect interesting events given a video
• Audio: Measure the quality of news hour debates of main stream Indian TV media
Course Plan
• Unit 1: Machine Learning basics
• Unit 2: Machine Learning advanced topics part 1
• Unit 3: Machine Learning advanced topics part 2
• Unit 4: Machine Learning for Text processing
• Unit 5: Applying ML/DL to multimedia (Audio, Video, Images)
Important Note:
Due to the fast pace of changes in this domain the working syllabus that will be
covered in this semester might deviate from the published syllabus. Students will
be assessed as per the working syllabus.
Evaluation Plan
• T1: 2 hour theory exam (open book) and 4 hour lab: 10% + 10% = 20%
• T2: 2 hour theory exam (open book) and 4 hour lab: 10% + 10% = 20%
• Final Exam: 3 hour theory exam (open book) and 5 hour lab: 25% + 30% = 55%
• Class Participation: 5%
Notes:
• All written exams will be open book but not open internet. Mobile phones are
disallowed. You may use scientific calculator.
• There will be assignments in the form of hands on. Submission of these
assignments would be a pre requisite for attempting the final exam.
• Based on the class strength and aptitude, optionally, each project group may
be assigned a mentor, who will be your advisor. This is optional and subject to
the discretion of the faculty.
Classes of Applications (Examples)
Application Example Input Type Output Type Typical Classifier
OCR MNIST Image Pixels (static) Class Label ANN with Softmax
Speech Recognition Sequence of Phonemes Sequence of words HMM
Multiple Object Recognition
within an image
Image Pixels (static) Labels of each object CNN with Logistic
High fidelity Face Recognition Image Pixels (static) Class label DNN with softmax
Spam detection Text Class Label MaxEnt Classifier
Image Captioning Image Pixels (static) Text CNN + Recursive NN
C-Section risk detection Vector of real numbers,
Boolean
Class Label Decision Trees
Cricket Player Selection Vector of real numbers Class Label Logistic Regression
IPL Player Auction Price Vector of real numbers Real Number Linear Regression or NN
with a linear output layer
Named Entity Recognition Sequence of words Sequence of Labels RNN, MEMM, CRF
Basic Sentiment Analysis Sequence of words Class Label Naïve Bayes Classifier
Parsing Unstructured Text Sequence of words Parse Tree Recursive NN

Weitere ähnliche Inhalte

Was ist angesagt?

Forward and Backward chaining in AI
Forward and Backward chaining in AIForward and Backward chaining in AI
Forward and Backward chaining in AIMegha Sharma
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentationAyanaRukasar
 
An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)ananth
 
Knowledge representation in AI
Knowledge representation in AIKnowledge representation in AI
Knowledge representation in AIVishal Singh
 
Reinforcement learning, Q-Learning
Reinforcement learning, Q-LearningReinforcement learning, Q-Learning
Reinforcement learning, Q-LearningKuppusamy P
 
NLP Project Presentation
NLP Project PresentationNLP Project Presentation
NLP Project PresentationAryak Sengupta
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsMd. Main Uddin Rony
 
Natural language processing (nlp)
Natural language processing (nlp)Natural language processing (nlp)
Natural language processing (nlp)Kuppusamy P
 
Forms of learning in ai
Forms of learning in aiForms of learning in ai
Forms of learning in aiRobert Antony
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRUananth
 
Constraint satisfaction problems (csp)
Constraint satisfaction problems (csp)   Constraint satisfaction problems (csp)
Constraint satisfaction problems (csp) Archana432045
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learningbutest
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its ApplicationsDr Ganesh Iyer
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewPoo Kuan Hoong
 
AI_Session 7 Greedy Best first search algorithm.pptx
AI_Session 7 Greedy Best first search algorithm.pptxAI_Session 7 Greedy Best first search algorithm.pptx
AI_Session 7 Greedy Best first search algorithm.pptxAsst.prof M.Gokilavani
 
Natural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionNatural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionAritra Mukherjee
 

Was ist angesagt? (20)

Forward and Backward chaining in AI
Forward and Backward chaining in AIForward and Backward chaining in AI
Forward and Backward chaining in AI
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
 
An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)An overview of Hidden Markov Models (HMM)
An overview of Hidden Markov Models (HMM)
 
Knowledge representation in AI
Knowledge representation in AIKnowledge representation in AI
Knowledge representation in AI
 
Language models
Language modelsLanguage models
Language models
 
Reinforcement learning, Q-Learning
Reinforcement learning, Q-LearningReinforcement learning, Q-Learning
Reinforcement learning, Q-Learning
 
NLP Project Presentation
NLP Project PresentationNLP Project Presentation
NLP Project Presentation
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning Algorithms
 
Natural language processing (nlp)
Natural language processing (nlp)Natural language processing (nlp)
Natural language processing (nlp)
 
supervised learning
supervised learningsupervised learning
supervised learning
 
NLP
NLPNLP
NLP
 
Forms of learning in ai
Forms of learning in aiForms of learning in ai
Forms of learning in ai
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
 
Constraint satisfaction problems (csp)
Constraint satisfaction problems (csp)   Constraint satisfaction problems (csp)
Constraint satisfaction problems (csp)
 
An introduction to Machine Learning
An introduction to Machine LearningAn introduction to Machine Learning
An introduction to Machine Learning
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
TensorFlow and Keras: An Overview
TensorFlow and Keras: An OverviewTensorFlow and Keras: An Overview
TensorFlow and Keras: An Overview
 
AI_Session 7 Greedy Best first search algorithm.pptx
AI_Session 7 Greedy Best first search algorithm.pptxAI_Session 7 Greedy Best first search algorithm.pptx
AI_Session 7 Greedy Best first search algorithm.pptx
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
K Nearest Neighbors
 
Natural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - IntroductionNatural Language Processing (NLP) - Introduction
Natural Language Processing (NLP) - Introduction
 

Andere mochten auch

MaxEnt (Loglinear) Models - Overview
MaxEnt (Loglinear) Models - OverviewMaxEnt (Loglinear) Models - Overview
MaxEnt (Loglinear) Models - Overviewananth
 
Principle of Maximum Entropy
Principle of Maximum EntropyPrinciple of Maximum Entropy
Principle of Maximum EntropyJiawang Liu
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningRahul Jain
 
Max Entropy
Max EntropyMax Entropy
Max Entropyjianingy
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processingananth
 
Word representation: SVD, LSA, Word2Vec
Word representation: SVD, LSA, Word2VecWord representation: SVD, LSA, Word2Vec
Word representation: SVD, LSA, Word2Vecananth
 
Sentiment Analysis
Sentiment AnalysisSentiment Analysis
Sentiment Analysisharit66
 
Stanford - Statistical Learning
Stanford - Statistical LearningStanford - Statistical Learning
Stanford - Statistical LearningRavi Sankar Varma
 
Hierarchichal species distributions model and Maxent
Hierarchichal species distributions model and MaxentHierarchichal species distributions model and Maxent
Hierarchichal species distributions model and Maxentrichardchandler
 
Inferring networks from multiple samples with consensus LASSO
Inferring networks from multiple samples with consensus LASSOInferring networks from multiple samples with consensus LASSO
Inferring networks from multiple samples with consensus LASSOtuxette
 
The Evolution of Big Data Frameworks
The Evolution of Big Data FrameworksThe Evolution of Big Data Frameworks
The Evolution of Big Data FrameworkseXascale Infolab
 
Sentiment Analysis
Sentiment AnalysisSentiment Analysis
Sentiment AnalysisAnkur Tyagi
 
Stanford Statistical Learning
Stanford Statistical LearningStanford Statistical Learning
Stanford Statistical LearningKurt Holst
 
Sentiment Analysis Using Machine Learning
Sentiment Analysis Using Machine LearningSentiment Analysis Using Machine Learning
Sentiment Analysis Using Machine LearningNihar Suryawanshi
 
L05 word representation
L05 word representationL05 word representation
L05 word representationananth
 
A short introduction to statistical learning
A short introduction to statistical learningA short introduction to statistical learning
A short introduction to statistical learningtuxette
 
Deep Learning Primer - a brief introduction
Deep Learning Primer - a brief introductionDeep Learning Primer - a brief introduction
Deep Learning Primer - a brief introductionananth
 
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...Decision and Policy Analysis Program
 

Andere mochten auch (20)

MaxEnt (Loglinear) Models - Overview
MaxEnt (Loglinear) Models - OverviewMaxEnt (Loglinear) Models - Overview
MaxEnt (Loglinear) Models - Overview
 
Principle of Maximum Entropy
Principle of Maximum EntropyPrinciple of Maximum Entropy
Principle of Maximum Entropy
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Max Entropy
Max EntropyMax Entropy
Max Entropy
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processing
 
Word representation: SVD, LSA, Word2Vec
Word representation: SVD, LSA, Word2VecWord representation: SVD, LSA, Word2Vec
Word representation: SVD, LSA, Word2Vec
 
MaxEnt 2009 talk
MaxEnt 2009 talkMaxEnt 2009 talk
MaxEnt 2009 talk
 
Sentiment Analysis
Sentiment AnalysisSentiment Analysis
Sentiment Analysis
 
Stanford - Statistical Learning
Stanford - Statistical LearningStanford - Statistical Learning
Stanford - Statistical Learning
 
Hierarchichal species distributions model and Maxent
Hierarchichal species distributions model and MaxentHierarchichal species distributions model and Maxent
Hierarchichal species distributions model and Maxent
 
Sentiment analysis
Sentiment analysisSentiment analysis
Sentiment analysis
 
Inferring networks from multiple samples with consensus LASSO
Inferring networks from multiple samples with consensus LASSOInferring networks from multiple samples with consensus LASSO
Inferring networks from multiple samples with consensus LASSO
 
The Evolution of Big Data Frameworks
The Evolution of Big Data FrameworksThe Evolution of Big Data Frameworks
The Evolution of Big Data Frameworks
 
Sentiment Analysis
Sentiment AnalysisSentiment Analysis
Sentiment Analysis
 
Stanford Statistical Learning
Stanford Statistical LearningStanford Statistical Learning
Stanford Statistical Learning
 
Sentiment Analysis Using Machine Learning
Sentiment Analysis Using Machine LearningSentiment Analysis Using Machine Learning
Sentiment Analysis Using Machine Learning
 
L05 word representation
L05 word representationL05 word representation
L05 word representation
 
A short introduction to statistical learning
A short introduction to statistical learningA short introduction to statistical learning
A short introduction to statistical learning
 
Deep Learning Primer - a brief introduction
Deep Learning Primer - a brief introductionDeep Learning Primer - a brief introduction
Deep Learning Primer - a brief introduction
 
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...
Brief introduction to Ecocrop as a tool for crop suitability analysis to clim...
 

Ähnlich wie Introduction To Applied Machine Learning

Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligenceananth
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningSSSSSS354882
 
Engineering Intelligent Systems using Machine Learning
Engineering Intelligent Systems using Machine Learning Engineering Intelligent Systems using Machine Learning
Engineering Intelligent Systems using Machine Learning Saurabh Kaushik
 
Multimodal Learning Analytics
Multimodal Learning AnalyticsMultimodal Learning Analytics
Multimodal Learning AnalyticsXavier Ochoa
 
Machine learning basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha baliAkanksha Bali
 
Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics Akanksha Bali
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptxNaveenkushwaha18
 
Global Azure Bootcamp - ML.NET for developers
Global Azure Bootcamp - ML.NET for developersGlobal Azure Bootcamp - ML.NET for developers
Global Azure Bootcamp - ML.NET for developersChris Melinn
 
Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018HJ van Veen
 
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?Agentschap Innoveren & Ondernemen
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...Egyptian Engineers Association
 
How to Enhance Your Career with AI
How to Enhance Your Career with AIHow to Enhance Your Career with AI
How to Enhance Your Career with AIKeita Broadwater
 
Advanced Analytics and Data Science Expertise
Advanced Analytics and Data Science ExpertiseAdvanced Analytics and Data Science Expertise
Advanced Analytics and Data Science ExpertiseSoftServe
 
Machine Learning AND Deep Learning for OpenPOWER
Machine Learning AND Deep Learning for OpenPOWERMachine Learning AND Deep Learning for OpenPOWER
Machine Learning AND Deep Learning for OpenPOWERGanesan Narayanasamy
 
[246]reasoning, attention and memory toward differentiable reasoning machines
[246]reasoning, attention and memory   toward differentiable reasoning machines[246]reasoning, attention and memory   toward differentiable reasoning machines
[246]reasoning, attention and memory toward differentiable reasoning machinesNAVER D2
 
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)MAHIRA
 
Machine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMachine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMemi Beltrame
 
rsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morningrsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morningJeff Heaton
 

Ähnlich wie Introduction To Applied Machine Learning (20)

Introduction to Artificial Intelligence
Introduction to Artificial IntelligenceIntroduction to Artificial Intelligence
Introduction to Artificial Intelligence
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
 
Engineering Intelligent Systems using Machine Learning
Engineering Intelligent Systems using Machine Learning Engineering Intelligent Systems using Machine Learning
Engineering Intelligent Systems using Machine Learning
 
Multimodal Learning Analytics
Multimodal Learning AnalyticsMultimodal Learning Analytics
Multimodal Learning Analytics
 
Machine learning basics by akanksha bali
Machine learning basics by akanksha baliMachine learning basics by akanksha bali
Machine learning basics by akanksha bali
 
Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
 
Global Azure Bootcamp - ML.NET for developers
Global Azure Bootcamp - ML.NET for developersGlobal Azure Bootcamp - ML.NET for developers
Global Azure Bootcamp - ML.NET for developers
 
Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018
 
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?
Hoe een efficiënte Machine of Deep Learning backend ontwikkelen?
 
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
لموعد الإثنين 03 يناير 2022 143 مبادرة #تواصل_تطوير المحاضرة ال 143 من المباد...
 
How to Enhance Your Career with AI
How to Enhance Your Career with AIHow to Enhance Your Career with AI
How to Enhance Your Career with AI
 
Advanced Analytics and Data Science Expertise
Advanced Analytics and Data Science ExpertiseAdvanced Analytics and Data Science Expertise
Advanced Analytics and Data Science Expertise
 
lecture1.pptx
lecture1.pptxlecture1.pptx
lecture1.pptx
 
Machine Learning AND Deep Learning for OpenPOWER
Machine Learning AND Deep Learning for OpenPOWERMachine Learning AND Deep Learning for OpenPOWER
Machine Learning AND Deep Learning for OpenPOWER
 
[246]reasoning, attention and memory toward differentiable reasoning machines
[246]reasoning, attention and memory   toward differentiable reasoning machines[246]reasoning, attention and memory   toward differentiable reasoning machines
[246]reasoning, attention and memory toward differentiable reasoning machines
 
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)
MACHINE LEARNING PRESENTATION (ARTIFICIAL INTELLIGENCE)
 
Machine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup BaselMachine Learning for Designers - DX Meetup Basel
Machine Learning for Designers - DX Meetup Basel
 
rsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morningrsec2a-2016-jheaton-morning
rsec2a-2016-jheaton-morning
 

Mehr von ananth

Generative Adversarial Networks : Basic architecture and variants
Generative Adversarial Networks : Basic architecture and variantsGenerative Adversarial Networks : Basic architecture and variants
Generative Adversarial Networks : Basic architecture and variantsananth
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architecturesananth
 
Foundations: Artificial Neural Networks
Foundations: Artificial Neural NetworksFoundations: Artificial Neural Networks
Foundations: Artificial Neural Networksananth
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networksananth
 
Artificial Intelligence Course: Linear models
Artificial Intelligence Course: Linear models Artificial Intelligence Course: Linear models
Artificial Intelligence Course: Linear models ananth
 
An Overview of Naïve Bayes Classifier
An Overview of Naïve Bayes Classifier An Overview of Naïve Bayes Classifier
An Overview of Naïve Bayes Classifier ananth
 
Mathematical Background for Artificial Intelligence
Mathematical Background for Artificial IntelligenceMathematical Background for Artificial Intelligence
Mathematical Background for Artificial Intelligenceananth
 
Search problems in Artificial Intelligence
Search problems in Artificial IntelligenceSearch problems in Artificial Intelligence
Search problems in Artificial Intelligenceananth
 
Deep Learning For Speech Recognition
Deep Learning For Speech RecognitionDeep Learning For Speech Recognition
Deep Learning For Speech Recognitionananth
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1ananth
 
Machine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision TreesMachine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision Treesananth
 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basicsananth
 
L06 stemmer and edit distance
L06 stemmer and edit distanceL06 stemmer and edit distance
L06 stemmer and edit distanceananth
 
L05 language model_part2
L05 language model_part2L05 language model_part2
L05 language model_part2ananth
 
Natural Language Processing: L03 maths fornlp
Natural Language Processing: L03 maths fornlpNatural Language Processing: L03 maths fornlp
Natural Language Processing: L03 maths fornlpananth
 
Natural Language Processing: L02 words
Natural Language Processing: L02 wordsNatural Language Processing: L02 words
Natural Language Processing: L02 wordsananth
 
Natural Language Processing: L01 introduction
Natural Language Processing: L01 introductionNatural Language Processing: L01 introduction
Natural Language Processing: L01 introductionananth
 
Deep Learning For Practitioners, lecture 2: Selecting the right applications...
Deep Learning For Practitioners,  lecture 2: Selecting the right applications...Deep Learning For Practitioners,  lecture 2: Selecting the right applications...
Deep Learning For Practitioners, lecture 2: Selecting the right applications...ananth
 

Mehr von ananth (18)

Generative Adversarial Networks : Basic architecture and variants
Generative Adversarial Networks : Basic architecture and variantsGenerative Adversarial Networks : Basic architecture and variants
Generative Adversarial Networks : Basic architecture and variants
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 
Foundations: Artificial Neural Networks
Foundations: Artificial Neural NetworksFoundations: Artificial Neural Networks
Foundations: Artificial Neural Networks
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
Artificial Intelligence Course: Linear models
Artificial Intelligence Course: Linear models Artificial Intelligence Course: Linear models
Artificial Intelligence Course: Linear models
 
An Overview of Naïve Bayes Classifier
An Overview of Naïve Bayes Classifier An Overview of Naïve Bayes Classifier
An Overview of Naïve Bayes Classifier
 
Mathematical Background for Artificial Intelligence
Mathematical Background for Artificial IntelligenceMathematical Background for Artificial Intelligence
Mathematical Background for Artificial Intelligence
 
Search problems in Artificial Intelligence
Search problems in Artificial IntelligenceSearch problems in Artificial Intelligence
Search problems in Artificial Intelligence
 
Deep Learning For Speech Recognition
Deep Learning For Speech RecognitionDeep Learning For Speech Recognition
Deep Learning For Speech Recognition
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
 
Machine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision TreesMachine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision Trees
 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basics
 
L06 stemmer and edit distance
L06 stemmer and edit distanceL06 stemmer and edit distance
L06 stemmer and edit distance
 
L05 language model_part2
L05 language model_part2L05 language model_part2
L05 language model_part2
 
Natural Language Processing: L03 maths fornlp
Natural Language Processing: L03 maths fornlpNatural Language Processing: L03 maths fornlp
Natural Language Processing: L03 maths fornlp
 
Natural Language Processing: L02 words
Natural Language Processing: L02 wordsNatural Language Processing: L02 words
Natural Language Processing: L02 words
 
Natural Language Processing: L01 introduction
Natural Language Processing: L01 introductionNatural Language Processing: L01 introduction
Natural Language Processing: L01 introduction
 
Deep Learning For Practitioners, lecture 2: Selecting the right applications...
Deep Learning For Practitioners,  lecture 2: Selecting the right applications...Deep Learning For Practitioners,  lecture 2: Selecting the right applications...
Deep Learning For Practitioners, lecture 2: Selecting the right applications...
 

Kürzlich hochgeladen

Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Servicegiselly40
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptxHampshireHUG
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘RTylerCroy
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationRadu Cotescu
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processorsdebabhi2
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024The Digital Insurer
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 

Kürzlich hochgeladen (20)

Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
🐬 The future of MySQL is Postgres 🐘
🐬  The future of MySQL is Postgres   🐘🐬  The future of MySQL is Postgres   🐘
🐬 The future of MySQL is Postgres 🐘
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024Tata AIG General Insurance Company - Insurer Innovation Award 2024
Tata AIG General Insurance Company - Insurer Innovation Award 2024
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 

Introduction To Applied Machine Learning

  • 1. Introduction to Machine Learning Applied Machine Learning: Unit 1, Lecture 1 Anantharaman Narayana Iyer narayana dot Anantharaman at gmail dot com 8 Jan 2016
  • 2. References • Pattern Recognition and Machine Learning by Christopher Bishop • Machine Learning, T Mitchell • MOOC Courses offered by Prof Andrew Ng, Prof Yaser Mustafa, Prof Pedro Domingos (see image) • CMU Videos Prof T Mitchell • Introduction to Machine Learning, Alpaydin
  • 3. A breakthrough in Machine Learning would be worth 10 Microsofts: Bill Gates
  • 4. Let’s start with a puzzle: Predict what is next? Sample Input Output 1 (10, 1, -6, -1, 200) (-6, -1, 1, 10, 200) 2 (27, 0, 3000, 7, -3) (-3, 0, 7, 27, 3000) 3 (111, 222, 333, 444, 555) (111, 222, 333, 444, 555) 4 (76, 69, 80, 55, 98) (55, 69, 76, 80, 98) 5 (7, 6, 5, 4, 3) (3, 4, 5, 6, 7) 6 (0, -1, -2, -3, 100) ? 7 (1000, 900, 2000, 1, 9999) ?
  • 5. Let’s start with a puzzle: Predict what is next? Sample Input Output 1 (10, 1, -6, -1, 200) (-6, -1, 1, 10, 200) 2 (27, 0, 3000, 7, -3) (-3, 0, 7, 27, 3000) 3 (111, 222, 333, 444, 555) (111, 222, 333, 444, 555) 4 (76, 69, 80, 55, 98) (55, 69, 76, 80, 98) 5 (7, 6, 5, 4, 3) (3, 4, 5, 6, 7) 6 (0, -1, -2, -3, 100) ? 7 (1000, 900, 2000, 1, 9999) ? ML uses a set of observations to uncover an underlying process
  • 6. When to apply ML? • Distinguishing characteristics of machine learning applications • Problems that can not be solved adequately using analytical approaches • There is an underlying pattern that produces the observable data • Adequate amount of data is available to learn and generalize • Points to ponder: • Can we use Machine Learning techniques to perform sorting of real numbers? • What makes applications like handwriting recognition more suitable as candidates for Machine Learning?
  • 7. Exercise Which problems below are best suited for applying machine learning? 1. Recognizing handwritten characters: e.g MNIST dataset 2. Speaker Identification from a video 3. Searching the telephone number given the name of a person from BSNL telephone directory 4. Searching for documents from web that match a query 5. Removing line frequency noise (50 hz) from a feeble dc signal (say a few micro volts) 6. Performing Fourier analysis on a complex signal 7. Classifying or Clustering a signal in to a male voice, female voice and a child’s voice 8. Identifying a specific conversation out of a several parallel conversations that happen during a party
  • 8. What is ML? • Arthur Samuel (1959). Machine Learning: Field of study that gives computers the ability to learn without being explicitly programmed. • Tom Mitchell (1998): ML is a study of algorithms that: • Improve their performance P • At some Task T • With experience E Well defined learning task (P, T, E) • Examples: • Spam detection • Robot navigation • Image recognition
  • 9. Performance Metrics • These may be selected based on the application that we are solving • Examples: Precision, Recall, F1 score, Mean squared error
  • 10. ML Applications • Well researched applications • Traditional models have yielded sufficiently accurate results (90% and above) • Such applications have become mainstream • This is not to say that research ceases to exist on these topics, but most of the common use cases are adequately addressed • Examples: OCR, Image classification, Isolated Word speech recognition, text classification, basic recommender system, spam detection, part of speech tagging • Emerging, breakthrough applications • Advances in ML such as DL has enabled exciting, novel applications • Examples: Image description, Information Extraction in Video, Personal assistant systems like SIRI, sarcasm detection from multimedia
  • 11. More Examples (ref: T Mitchell)
  • 12. Application Domains for ML (Ref T Mitchell)
  • 13. Applications of ML • Web Search • Information Extraction • Spam detection • Social Networks • E-Commerce • Finance • Speech Recognition • Robotics • Computer Vision • So on…
  • 14. Application of ML techniques in NLP • Core NLP • POS tagging • NER • Text Classification • Language Models • Information Retrieval • Word representation • Information Extraction • Speech/Voice recognition • Applications of NLP • Search Engines • Topic Modelling • Sentiment Analysis • Sentic computing • Intent analysis • Subject identification • Real word spelling correction • Content Synthesis • Speech based applications • Handwritten text recognition
  • 15. What are we going to cover in the course? – key topics • The focus of our course would be the contemporary techniques on Deep Learning that includes: • Multi layer deep learning networks, spatially deep • Recurrent and Recursive networks, temporally deep • LSTM and its variants like GRU • Convolutional networks • Hybrid models that combine deep networks with other systems like HMM • We would also cover the basics such as: • Probability theory and Naïve Bayes classifier • Linear models • Log-linear models • SVM • Feed forward artificial neural networks • Applications (Examples) • Text Processing: Bias/Sarcasm/Animosity detection • Image: Describing Images • Video: Detect interesting events given a video • Audio: Measure the quality of news hour debates of main stream Indian TV media
  • 16. Course Plan • Unit 1: Machine Learning basics • Unit 2: Machine Learning advanced topics part 1 • Unit 3: Machine Learning advanced topics part 2 • Unit 4: Machine Learning for Text processing • Unit 5: Applying ML/DL to multimedia (Audio, Video, Images) Important Note: Due to the fast pace of changes in this domain the working syllabus that will be covered in this semester might deviate from the published syllabus. Students will be assessed as per the working syllabus.
  • 17. Evaluation Plan • T1: 2 hour theory exam (open book) and 4 hour lab: 10% + 10% = 20% • T2: 2 hour theory exam (open book) and 4 hour lab: 10% + 10% = 20% • Final Exam: 3 hour theory exam (open book) and 5 hour lab: 25% + 30% = 55% • Class Participation: 5% Notes: • All written exams will be open book but not open internet. Mobile phones are disallowed. You may use scientific calculator. • There will be assignments in the form of hands on. Submission of these assignments would be a pre requisite for attempting the final exam. • Based on the class strength and aptitude, optionally, each project group may be assigned a mentor, who will be your advisor. This is optional and subject to the discretion of the faculty.
  • 18. Classes of Applications (Examples) Application Example Input Type Output Type Typical Classifier OCR MNIST Image Pixels (static) Class Label ANN with Softmax Speech Recognition Sequence of Phonemes Sequence of words HMM Multiple Object Recognition within an image Image Pixels (static) Labels of each object CNN with Logistic High fidelity Face Recognition Image Pixels (static) Class label DNN with softmax Spam detection Text Class Label MaxEnt Classifier Image Captioning Image Pixels (static) Text CNN + Recursive NN C-Section risk detection Vector of real numbers, Boolean Class Label Decision Trees Cricket Player Selection Vector of real numbers Class Label Logistic Regression IPL Player Auction Price Vector of real numbers Real Number Linear Regression or NN with a linear output layer Named Entity Recognition Sequence of words Sequence of Labels RNN, MEMM, CRF Basic Sentiment Analysis Sequence of words Class Label Naïve Bayes Classifier Parsing Unstructured Text Sequence of words Parse Tree Recursive NN