SlideShare une entreprise Scribd logo
1  sur  39
Télécharger pour lire hors ligne
Machine Learning Techniques
Introduction
Dr. Radhey Shyam
Professor
Department of Computer Science & Engineering
BIET Lucknow
Following slides have been prepared by Radhey Shyam, with grateful acknowledgement of others who made their course
contents freely available. Feel free to reuse these slides for your own academic purposes. Please send feedback at
shyam0058@gmail.com
August 31, 2020
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 1 / 39
OutlineOutline
1 Introduction
2 Types of Learning
3 Designing a Learning System
4 History of Machine Learning
5 Function Representation Techniques
6 Search/Optimization Algorithms
7 Evaluation Parameters
8 Introduction of Machine Learning Approaches
9 Issues in Machine Learning
Data Science vs. Machine Learning
10 Conclusions
11 References
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 2 / 39
IntroductionIntroduction
What is Machine Learning?
“Learning is any process by which a system improves performance from
experience.”
- Herbert Simon
Machine Learning is the study of algorithms that
improve their performance P
at some task T
with experience E.
A well-defined learning task is given by < P, T, E >.
-Tom Mitchell (1998)
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 3 / 39
IntroductionIntroduction (cont.)
Traditional Programming
Machine Learning
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 4 / 39
IntroductionIntroduction (cont.)
When Do We Use Machine Learning?
ML is used when:
Human expertise does not exist (navigating on Mars)
Humans can’t explain their expertise (speech recognition)
Models must be customized (personalized medicine)
Models are based on huge amounts of data (genomics)
Learning is not always useful:
There is no need to “learn” to calculate payroll
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 5 / 39
IntroductionIntroduction (cont.)
A classic example of a task that requires machine learning:
It is very hard to say what makes a 2
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 6 / 39
IntroductionIntroduction (cont.)
Some more examples of tasks that are best solved by using a
learning algorithm
Recognizing patterns:
Facial identities or facial expressions
Handwritten or spoken words
Medical images
Generating patterns:
Generating images or motion sequences
Recognizing anomalies:
Unusual credit card transactions
Unusual patterns of sensor readings in a nuclear power plant
Prediction:
Future stock prices or currency exchange rates
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 7 / 39
IntroductionIntroduction (cont.)
Some Sample Applications
Web search
Computational biology
Finance
E-commerce
Space exploration
Robotics
Information extraction
Social networks
Debugging software
Your intended area
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 8 / 39
IntroductionIntroduction (cont.)
Samuel’s Checkers-Player
“Machine Learning: Field of study that gives computers the ability to learn
without being explicitly programmed.”
-Arthur Samuel (1959)
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 9 / 39
IntroductionIntroduction (cont.)
Defining the Learning Task
Improve on task T, with respect to performance metric P, based on
experience E
A checkers learning problem:
T: Playing checkers
P: Percentage of games won against an arbitrary opponent
E: Playing practice games against itself
A handwriting recognition learning problem:
T: Recognizing hand-written words
P: Percentage of words correctly classified
E: Database of human-labeled images of handwritten words
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 10 / 39
IntroductionIntroduction (cont.)
A robot driving learning problem:
T: Driving on four-lane highways using vision sensors
P: Average distance traveled before a human-judged error
E: A sequence of images and steering commands recorded while
observing a human driver.
Email spam filtering learning problem:
T: Categorize email messages as spam or legitimate.
P: Percentage of email messages correctly classified.
E: Database of emails, some with human-given labels
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 11 / 39
IntroductionIntroduction (cont.)
State of the Art Applications of Machine Learning
Autonomous Cars
!Nevada, constituent state of the United States of America.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 12 / 39
IntroductionIntroduction (cont.)
Autonomous Car Sensors
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 13 / 39
IntroductionIntroduction (cont.)
Autonomous Car Technology
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 14 / 39
IntroductionIntroduction (cont.)
Deep Learning in the Headlines
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 15 / 39
Types of LearningTypes of Learning
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 16 / 39
Types of LearningTypes of Learning (cont.)
Supervised (inductive) learning: regression
and classification
Given: training data + desired outputs
(labels)
Given (x1, y1), (x2, y2), ..., (xn, yn)
Learn a function f(x) to predict y given x
y is real-valued == regression
Given (x1, y1), (x2, y2), ..., (xn, yn)
Learn a function f(x) to predict y given x
y is categorical == classification
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 17 / 39
Types of LearningTypes of Learning (cont.)
Unsupervised learning: clustering
Given: training data (without desired outputs)
Given x1, x2, ..., xn (without labels)
Output hidden structure behind the x’s
E.g., clustering
Social network analysis
Astronomical data analysis
Organize computing clusters
Market segmentation
Genomics application: group individuals by
genetic similarity
Independent component analysis: separate a
combined signal into its original sources
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 18 / 39
Types of LearningTypes of Learning (cont.)
Semi-supervised learning
Given: training data + a few
desired outputs
It combines a small amount of
labeled data with a large amount of
unlabeled data during training.
Reinforcement learning
Rewards from sequence of actions
Given a sequence of states and actions with
(delayed) rewards, output a policy
Policy is a mapping from states → actions
that tells you what to do in a given state
Examples:
Credit assignment problem
Game playing
Robot in a maze
Balance a pole on your hand
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 19 / 39
Types of LearningTypes of Learning (cont.)
Deep Learning and Deep Reinforcement Larning
Thus, came the deep learning where the human brain is simulated in
the Artificial Neural Networks (ANN) created in our binary computers.
The machine now learns on its own using the high computing power
and huge memory resources that are available today.
It is now observed that Deep Learning has solved many of the
previously unsolvable problems.
The technique is now further advanced by giving incentives to Deep
Learning networks as awards and there finally comes Deep
Reinforcement Learning.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 20 / 39
Designing a Learning SystemDesigning a Learning System
Choose the training experience
Choose exactly what is to be learned
i.e. the target function
Choose how to represent the target function
Choose a learning algorithm to infer the target function from the
experience
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 21 / 39
Designing a Learning SystemDesigning a Learning System (cont.)
Training vs. Test Distribution
We generally assume that the training and test examples are
independently drawn from the same overall distribution of data
We call this “i.i.d” which stands for “independent and identically
distributed”
If examples are not independent, requires collective classification
If test distribution is different, requires transfer learning which is a
research problem in machine learning that focuses on storing
knowledge gained while solving one problem and applying it to a
different but related problem. For example, knowledge gained
while learning to recognize cars could apply when trying to
recognize trucks.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 22 / 39
History of Machine LearningHistory of Machine Learning
1950s
Samuel’s checker player
Selfridge’s Pandemonium
1960s:
Neural networks: Perceptron
Pattern recognition
Learning in the limit theory
Minsky and Papert prove limitations of Perceptron
1970s:
Symbolic concept induction
Winston’s arch learner
Expert systems and the knowledge acquisition bottleneck
ID3
Michalski’s AQ and soybean diagnosis
Scientific discovery with BACON
Mathematical discovery with AM
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 23 / 39
History of Machine LearningHistory of Machine Learning (cont.)
1980s:
Advanced decision tree and rule learning
Explanation-based Learning
Learning and planning and problem solving
Utility problem
Analogy
Cognitive architectures
Resurgence of neural networks (connectionism, backpropagation)
PAC Learning Theory
Focus on experimental methodology
1990s
Data mining
Adaptive software agents and web applications
Text learning
Reinforcement learning
Inductive Logic Programming
Ensembles: Bagging, Boosting, and Stacking
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 24 / 39
History of Machine LearningHistory of Machine Learning (cont.)
Bayes Net learning
2000s
Support vector machines & kernel methods
Graphical models
Statistical relational learning
Transfer learning
Learning in robotics and vision
2010s
Deep learning systems
Learning for big data
Bayesian methods
Multi-task & lifelong learning
Applications to vision, speech, social networks, learning to read,
etc.
???
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 25 / 39
Function Representations TechniquesFunction Representations Techniques
Numerical functions
Linear regression
Neural networks
Support vector machines
Symbolic functions
Decision trees
Rules in propositional logic
Rules in first-order predicate logic
Instance-based functions
Nearest-neighbor
Case-based Reasoning
Probabilistic Graphical Models
Na¨ıve Bayes
Bayesian networks
Hidden-Markov Model
Probabilistic Context Free Grammars
Markov networks
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 26 / 39
Search/Optimization AlgorithmsSearch/Optimization Algorithms
Gradient descent
Perceptron
Backpropagation
Dynamic Programming
HMM Learning
PCFG Learning
Divide and Conquer
Decision tree induction
Rule learning
Evolutionary Computation
Genetic Algorithms (GAs)
Genetic Programming (GP)
Neuro-evolution
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 27 / 39
Evaluation ParametersEvaluation Parameters
Accuracy
Precision and recall
Squared error
Likelihood
Posterior probability
Cost/Utility
Margin
Entropy
K-L divergence
etc.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 28 / 39
Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches
Artificial Neural Network—Neural networks, which are simplified
models of the biological neuron system, is a massively parallel
distributed processing system made up highly interconnected neural
computing elements that has ability to learn and thereby acquire
knowledge and make it available for use.
Clustering—is a Machine Learning technique that involves the
grouping of data points. Given a set of data points, we can use a
clustering algorithm to classify each data point into a specific group.
In theory, data points that are in the same group should have similar
properties and/or features, while data points in different groups
should have highly dissimilar properties and/or features. Clustering is
a method of unsupervised learning and is a common technique for
statistical data analysis used in many fields.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 29 / 39
Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.)
Reinforcement Learning—is concerned with how agents take
actions in an environment and changing state so as to maximize some
notion of cumulative reward.
Decision Tree Learning—A decision tree is
drawn upside down with its root at the top.
Nodes in the decision trees represent features,
edges represent feature values of feature in-
tervals (decision options) and leaves represent
either discrete or continuous outcomes (clas-
sification and regression).
Bayesian Networks—A Bayesian Belief Net-
work(BBN) is a probabilistic graphical model that
represents a set of variables and their conditional de-
pendencies via a Directed Acyclic Graph (DAG). BBNs
enable us to model and reason about uncertainty.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 30 / 39
Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.)
Support Vector Machine—The objective
of the support vector machine algorithm is
to find a hyperplane in an N-dimensional
space(N — the number of features) that dis-
tinctly classifies the data points. To separate
the two classes of data points, there are many
possible hyperplanes that could be chosen.
Our objective is to find a plane that has the
maximum margin, i.e the maximum distance
between data points of both classes. Maxi-
mizing the margin distance provides some re-
inforcement so that future data points can be
classified with more confidence.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 31 / 39
Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.)
Genetic Algorithm—Genetic algorithm is a spe-
cific and early representative for a class of com-
putational model called Evolutionary computing.
Genetic algorithms are commonly used to gener-
ate global solutions to optimization/search prob-
lem.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 32 / 39
Issues in Machine LearningIssues in Machine Learning
The checkers example raises a number of generic questions about machine
learning which are as follows:
What algorithms exist for learning general target functions from
specific training examples? In what settings will particular algorithms
converge to the desired function, given sufficient training data?
Which algorithms perform best for which types of problems and
representations?
How much training data is sufficient? What general bounds can be
found to relate the confidence in learned hypotheses to the amount of
training experience and the character of the learner’s hypothesis
space?
When and how can prior knowledge held by the learner guide the
process of generalizing from examples? Can prior knowledge be
helpful even when it is only approximately correct?
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 33 / 39
Issues in Machine LearningIssues in Machine Learning (cont.)
What is the best strategy for choosing a useful next training
experience, and how does the choice of this strategy alter the
complexity of the learning problem?
What is the best way to reduce the learning task to one or more
function approximation problems? Put another way, what specific
functions should the system attempt to learn? Can this process itself
be automated?
How can the learner automatically alter its representation to improve
its ability to represent and learn the target function?
Data Science vs. Machine Learning
Data Science— data science is a field of study that aims to use a
scientific approach to extract meaning and insights from data.
It uses various techniques from many fields like mathematics, machine
learning, computer programming, statistical modeling, data engineering
and visualization, pattern recognition and learning, uncertainty
modeling, data warehousing, and cloud computing.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 34 / 39
Issues in Machine LearningIssues in Machine Learning (cont.)
Data Science does not necessarily involve big data, but the fact that
data is scaling up makes big data an important aspect of data science.
Data science is the most widely used technique among AI, ML and
itself. The practitioners of data science are usually skilled in
mathematics, statistics, and programming.
Data scientists solve complex data problems to bring out insights and
correlation relevant to a business.
Machine Learning—Machine learning creates a useful model or
program by autonomously testing many solutions against the available
data and finding the best fit for the problem.
This means machine learning is great at solving problems that are
extremely labor intensive for humans. It can inform decisions and make
predictions about complex topics in an efficient and reliable way.
These strengths make machine learning useful in a huge number of
different industries.
The possibilities for machine learning are vast.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 35 / 39
Issues in Machine LearningIssues in Machine Learning (cont.)
This technology has the potential to save lives and solve
important problems in healthcare, computer security and many more.
Google, always on the cutting edge, has decided to integrate machine
learning into everything they do to stay ahead of the curve.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 36 / 39
ConclusionsConclusions
Machine Learning is a technique of training machines to perform the
activities a human brain can do, albeit bit faster and better than an
average human-being. Today we have seen that the machines can
beat human champions in games such as Chess, AlphaGO, which are
considered very complex. You have seen that machines can be trained
to perform human activities in several areas and can aid humans in
living better lives.
Machine Learning can be a Supervised or Unsupervised. If you have
lesser amount of data and clearly labelled data for training, opt for
Supervised Learning. Unsupervised Learning would generally give
better performance and results for large data sets. If you have a huge
data set easily available, go for deep learning techniques. You also
have learned Reinforcement Learning and Deep Reinforcement
Learning. You now know what Neural Networks are, their applications
and limitations.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 37 / 39
ReferencesReferences
[1] Thomas M. Mitchell.
Machine Learning.
McGraw-Hill, Inc., USA, 1 edition, 1997.
[2] Christopher M. Bishop.
Pattern Recognition and Machine Learning.
Springer, 2006.
[3] Stephen Marsland.
Machine Learning: An Algorithmic Perspective, Second Edition.
2nd edition, 2014.
[4] Ethem Alpaydin.
Introduction to Machine Learning.
Adaptive Computation and Machine Learning. MIT Press, Cambridge, MA, 3 edition, 2014.
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 38 / 39
Thank You!
Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 39 / 39

Contenu connexe

Tendances

Machine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesMachine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesRui Pedro Paiva
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning IntroductionYounesCharfaoui
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachinePulse
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Simplilearn
 
introduction to machin learning
introduction to machin learningintroduction to machin learning
introduction to machin learningnilimapatel6
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Simplilearn
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learningSangath babu
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)SwatiTripathi44
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extractionskylian
 
Machine Learning
Machine LearningMachine Learning
Machine LearningKumar P
 
Machine Learning
Machine LearningMachine Learning
Machine LearningVivek Garg
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its ApplicationsDr Ganesh Iyer
 
Lecture1 introduction to machine learning
Lecture1 introduction to machine learningLecture1 introduction to machine learning
Lecture1 introduction to machine learningUmmeSalmaM1
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksFrancesco Collova'
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural NetworksDatabricks
 

Tendances (20)

Machine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and TechniquesMachine Learning: Applications, Process and Techniques
Machine Learning: Applications, Process and Techniques
 
Perceptron & Neural Networks
Perceptron & Neural NetworksPerceptron & Neural Networks
Perceptron & Neural Networks
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning Introduction
Machine Learning IntroductionMachine Learning Introduction
Machine Learning Introduction
 
Machine Learning
Machine Learning Machine Learning
Machine Learning
 
Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
 
introduction to machin learning
introduction to machin learningintroduction to machin learning
introduction to machin learning
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
 
Machine learning
Machine learningMachine learning
Machine learning
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)
 
Feature Extraction
Feature ExtractionFeature Extraction
Feature Extraction
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning and its Applications
Machine Learning and its ApplicationsMachine Learning and its Applications
Machine Learning and its Applications
 
ML Basics
ML BasicsML Basics
ML Basics
 
Lecture1 introduction to machine learning
Lecture1 introduction to machine learningLecture1 introduction to machine learning
Lecture1 introduction to machine learning
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural Networks
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
 

Similaire à Introduction to Machine Learning

9_dl_agriculture_16.12.2020.pdf
9_dl_agriculture_16.12.2020.pdf9_dl_agriculture_16.12.2020.pdf
9_dl_agriculture_16.12.2020.pdfSENTHILR44
 
Course Title: Introduction to Machine Learning Chapter, One: Introduction
Course Title: Introduction to Machine Learning   Chapter,   One: IntroductionCourse Title: Introduction to Machine Learning   Chapter,   One: Introduction
Course Title: Introduction to Machine Learning Chapter, One: IntroductionShumet Tadesse
 
Philosophy of Deep Learning
Philosophy of Deep LearningPhilosophy of Deep Learning
Philosophy of Deep LearningMelanie Swan
 
ML UNIT-I.ppt
ML UNIT-I.pptML UNIT-I.ppt
ML UNIT-I.pptGskeitb
 
DSCI 552 machine learning for data science
DSCI 552 machine learning for data scienceDSCI 552 machine learning for data science
DSCI 552 machine learning for data sciencepavithrak2205
 
Engineering Applications of Machine Learning
Engineering Applications of Machine LearningEngineering Applications of Machine Learning
Engineering Applications of Machine LearningProf. Neeta Awasthy
 
Machine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuMachine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuSeokhyun Yoon
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learningshivani saluja
 
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...Melanie Swan
 
ML_Lecture_01_mksingh.pptx
ML_Lecture_01_mksingh.pptxML_Lecture_01_mksingh.pptx
ML_Lecture_01_mksingh.pptxssuser7821c4
 
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...Nat Rice
 
Applied AI Workshop - Presentation - Connect Day GDL
Applied AI Workshop - Presentation - Connect Day GDLApplied AI Workshop - Presentation - Connect Day GDL
Applied AI Workshop - Presentation - Connect Day GDLMarc Teunis
 
Understanding everyday users’ perception of socio-technical issues through s...
Understanding everyday users’ perception of  socio-technical issues through s...Understanding everyday users’ perception of  socio-technical issues through s...
Understanding everyday users’ perception of socio-technical issues through s...Ahreum lee
 
Overview of Machine Learning and its Applications
Overview of Machine Learning and its ApplicationsOverview of Machine Learning and its Applications
Overview of Machine Learning and its ApplicationsDeepak Chawla
 
The Generative AI System Shock, and some thoughts on Collective Intelligence ...
The Generative AI System Shock, and some thoughts on Collective Intelligence ...The Generative AI System Shock, and some thoughts on Collective Intelligence ...
The Generative AI System Shock, and some thoughts on Collective Intelligence ...Simon Buckingham Shum
 
SCCAI- A Student Career Counselling Artificial Intelligence
SCCAI- A Student Career Counselling Artificial IntelligenceSCCAI- A Student Career Counselling Artificial Intelligence
SCCAI- A Student Career Counselling Artificial Intelligencevivatechijri
 
Smart Networks: Blockchain, Deep Learning, and Quantum Computing
Smart Networks: Blockchain, Deep Learning, and Quantum ComputingSmart Networks: Blockchain, Deep Learning, and Quantum Computing
Smart Networks: Blockchain, Deep Learning, and Quantum ComputingMelanie Swan
 

Similaire à Introduction to Machine Learning (20)

9_dl_agriculture_16.12.2020.pdf
9_dl_agriculture_16.12.2020.pdf9_dl_agriculture_16.12.2020.pdf
9_dl_agriculture_16.12.2020.pdf
 
Course Title: Introduction to Machine Learning Chapter, One: Introduction
Course Title: Introduction to Machine Learning   Chapter,   One: IntroductionCourse Title: Introduction to Machine Learning   Chapter,   One: Introduction
Course Title: Introduction to Machine Learning Chapter, One: Introduction
 
ML_Lec1.pdf
ML_Lec1.pdfML_Lec1.pdf
ML_Lec1.pdf
 
Philosophy of Deep Learning
Philosophy of Deep LearningPhilosophy of Deep Learning
Philosophy of Deep Learning
 
ML UNIT-I.ppt
ML UNIT-I.pptML UNIT-I.ppt
ML UNIT-I.ppt
 
DSCI 552 machine learning for data science
DSCI 552 machine learning for data scienceDSCI 552 machine learning for data science
DSCI 552 machine learning for data science
 
Mahout
MahoutMahout
Mahout
 
Engineering Applications of Machine Learning
Engineering Applications of Machine LearningEngineering Applications of Machine Learning
Engineering Applications of Machine Learning
 
Machine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dkuMachine learning and_neural_network_lecture_slide_ece_dku
Machine learning and_neural_network_lecture_slide_ece_dku
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
Deep Learning Explained: The future of Artificial Intelligence and Smart Netw...
 
ML_Lecture_01_mksingh.pptx
ML_Lecture_01_mksingh.pptxML_Lecture_01_mksingh.pptx
ML_Lecture_01_mksingh.pptx
 
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...
ADVANTAGES AND DISADVANTAGES OF ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING ...
 
Applied AI Workshop - Presentation - Connect Day GDL
Applied AI Workshop - Presentation - Connect Day GDLApplied AI Workshop - Presentation - Connect Day GDL
Applied AI Workshop - Presentation - Connect Day GDL
 
Understanding everyday users’ perception of socio-technical issues through s...
Understanding everyday users’ perception of  socio-technical issues through s...Understanding everyday users’ perception of  socio-technical issues through s...
Understanding everyday users’ perception of socio-technical issues through s...
 
Overview of Machine Learning and its Applications
Overview of Machine Learning and its ApplicationsOverview of Machine Learning and its Applications
Overview of Machine Learning and its Applications
 
The Generative AI System Shock, and some thoughts on Collective Intelligence ...
The Generative AI System Shock, and some thoughts on Collective Intelligence ...The Generative AI System Shock, and some thoughts on Collective Intelligence ...
The Generative AI System Shock, and some thoughts on Collective Intelligence ...
 
SCCAI- A Student Career Counselling Artificial Intelligence
SCCAI- A Student Career Counselling Artificial IntelligenceSCCAI- A Student Career Counselling Artificial Intelligence
SCCAI- A Student Career Counselling Artificial Intelligence
 
Storyboard moores2
Storyboard moores2Storyboard moores2
Storyboard moores2
 
Smart Networks: Blockchain, Deep Learning, and Quantum Computing
Smart Networks: Blockchain, Deep Learning, and Quantum ComputingSmart Networks: Blockchain, Deep Learning, and Quantum Computing
Smart Networks: Blockchain, Deep Learning, and Quantum Computing
 

Plus de Dr. Radhey Shyam

KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdf
KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdfKIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdf
KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdfDr. Radhey Shyam
 
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdf
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdfSE-UNIT-3-II-Software metrics, numerical and their solutions.pdf
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdfDr. Radhey Shyam
 
Introduction to Data Analytics and data analytics life cycle
Introduction to Data Analytics and data analytics life cycleIntroduction to Data Analytics and data analytics life cycle
Introduction to Data Analytics and data analytics life cycleDr. Radhey Shyam
 
KIT-601 Lecture Notes-UNIT-2.pdf
KIT-601 Lecture Notes-UNIT-2.pdfKIT-601 Lecture Notes-UNIT-2.pdf
KIT-601 Lecture Notes-UNIT-2.pdfDr. Radhey Shyam
 
KIT-601 Lecture Notes-UNIT-1.pdf
KIT-601 Lecture Notes-UNIT-1.pdfKIT-601 Lecture Notes-UNIT-1.pdf
KIT-601 Lecture Notes-UNIT-1.pdfDr. Radhey Shyam
 
Deep-Learning-2017-Lecture5CNN.pptx
Deep-Learning-2017-Lecture5CNN.pptxDeep-Learning-2017-Lecture5CNN.pptx
Deep-Learning-2017-Lecture5CNN.pptxDr. Radhey Shyam
 
SE UNIT-3 (Software metrics).pdf
SE UNIT-3 (Software metrics).pdfSE UNIT-3 (Software metrics).pdf
SE UNIT-3 (Software metrics).pdfDr. Radhey Shyam
 
Ip unit 4 modified on 22.06.21
Ip unit 4 modified on 22.06.21Ip unit 4 modified on 22.06.21
Ip unit 4 modified on 22.06.21Dr. Radhey Shyam
 
Ip unit 3 modified of 26.06.2021
Ip unit 3 modified of 26.06.2021Ip unit 3 modified of 26.06.2021
Ip unit 3 modified of 26.06.2021Dr. Radhey Shyam
 
Ip unit 2 modified on 8.6.2021
Ip unit 2 modified on 8.6.2021Ip unit 2 modified on 8.6.2021
Ip unit 2 modified on 8.6.2021Dr. Radhey Shyam
 

Plus de Dr. Radhey Shyam (20)

KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdf
KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdfKIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdf
KIT-601-L-UNIT-1 (Revised) Introduction to Data Analytcs.pdf
 
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdf
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdfSE-UNIT-3-II-Software metrics, numerical and their solutions.pdf
SE-UNIT-3-II-Software metrics, numerical and their solutions.pdf
 
Introduction to Data Analytics and data analytics life cycle
Introduction to Data Analytics and data analytics life cycleIntroduction to Data Analytics and data analytics life cycle
Introduction to Data Analytics and data analytics life cycle
 
KCS-501-3.pdf
KCS-501-3.pdfKCS-501-3.pdf
KCS-501-3.pdf
 
KIT-601 Lecture Notes-UNIT-2.pdf
KIT-601 Lecture Notes-UNIT-2.pdfKIT-601 Lecture Notes-UNIT-2.pdf
KIT-601 Lecture Notes-UNIT-2.pdf
 
KIT-601 Lecture Notes-UNIT-1.pdf
KIT-601 Lecture Notes-UNIT-1.pdfKIT-601 Lecture Notes-UNIT-1.pdf
KIT-601 Lecture Notes-UNIT-1.pdf
 
KCS-055 U5.pdf
KCS-055 U5.pdfKCS-055 U5.pdf
KCS-055 U5.pdf
 
KCS-055 MLT U4.pdf
KCS-055 MLT U4.pdfKCS-055 MLT U4.pdf
KCS-055 MLT U4.pdf
 
Deep-Learning-2017-Lecture5CNN.pptx
Deep-Learning-2017-Lecture5CNN.pptxDeep-Learning-2017-Lecture5CNN.pptx
Deep-Learning-2017-Lecture5CNN.pptx
 
SE UNIT-3 (Software metrics).pdf
SE UNIT-3 (Software metrics).pdfSE UNIT-3 (Software metrics).pdf
SE UNIT-3 (Software metrics).pdf
 
SE UNIT-2.pdf
SE UNIT-2.pdfSE UNIT-2.pdf
SE UNIT-2.pdf
 
SE UNIT-1 Revised.pdf
SE UNIT-1 Revised.pdfSE UNIT-1 Revised.pdf
SE UNIT-1 Revised.pdf
 
SE UNIT-3.pdf
SE UNIT-3.pdfSE UNIT-3.pdf
SE UNIT-3.pdf
 
Ip unit 5
Ip unit 5Ip unit 5
Ip unit 5
 
Ip unit 4 modified on 22.06.21
Ip unit 4 modified on 22.06.21Ip unit 4 modified on 22.06.21
Ip unit 4 modified on 22.06.21
 
Ip unit 3 modified of 26.06.2021
Ip unit 3 modified of 26.06.2021Ip unit 3 modified of 26.06.2021
Ip unit 3 modified of 26.06.2021
 
Ip unit 2 modified on 8.6.2021
Ip unit 2 modified on 8.6.2021Ip unit 2 modified on 8.6.2021
Ip unit 2 modified on 8.6.2021
 
Ip unit 1
Ip unit 1Ip unit 1
Ip unit 1
 
Cc unit 5
Cc unit 5Cc unit 5
Cc unit 5
 
Cc unit 4 updated version
Cc unit 4 updated versionCc unit 4 updated version
Cc unit 4 updated version
 

Dernier

Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Bhuvaneswari Subramani
 
WSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering DevelopersWSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering DevelopersWSO2
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodJuan lago vázquez
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyKhushali Kathiriya
 
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
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusZilliz
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...apidays
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Jeffrey Haguewood
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherRemote DBA Services
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxRustici Software
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MIND CTI
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Victor Rentea
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Victor Rentea
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWERMadyBayot
 
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamDEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamUiPathCommunity
 
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...apidays
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...apidays
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDropbox
 

Dernier (20)

Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​Elevate Developer Efficiency & build GenAI Application with Amazon Q​
Elevate Developer Efficiency & build GenAI Application with Amazon Q​
 
WSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering DevelopersWSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering Developers
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
Artificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : UncertaintyArtificial Intelligence Chap.5 : Uncertainty
Artificial Intelligence Chap.5 : Uncertainty
 
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
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
 
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamDEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
 
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
Apidays New York 2024 - Passkeys: Developing APIs to enable passwordless auth...
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 

Introduction to Machine Learning

  • 1. Machine Learning Techniques Introduction Dr. Radhey Shyam Professor Department of Computer Science & Engineering BIET Lucknow Following slides have been prepared by Radhey Shyam, with grateful acknowledgement of others who made their course contents freely available. Feel free to reuse these slides for your own academic purposes. Please send feedback at shyam0058@gmail.com August 31, 2020 Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 1 / 39
  • 2. OutlineOutline 1 Introduction 2 Types of Learning 3 Designing a Learning System 4 History of Machine Learning 5 Function Representation Techniques 6 Search/Optimization Algorithms 7 Evaluation Parameters 8 Introduction of Machine Learning Approaches 9 Issues in Machine Learning Data Science vs. Machine Learning 10 Conclusions 11 References Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 2 / 39
  • 3. IntroductionIntroduction What is Machine Learning? “Learning is any process by which a system improves performance from experience.” - Herbert Simon Machine Learning is the study of algorithms that improve their performance P at some task T with experience E. A well-defined learning task is given by < P, T, E >. -Tom Mitchell (1998) Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 3 / 39
  • 4. IntroductionIntroduction (cont.) Traditional Programming Machine Learning Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 4 / 39
  • 5. IntroductionIntroduction (cont.) When Do We Use Machine Learning? ML is used when: Human expertise does not exist (navigating on Mars) Humans can’t explain their expertise (speech recognition) Models must be customized (personalized medicine) Models are based on huge amounts of data (genomics) Learning is not always useful: There is no need to “learn” to calculate payroll Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 5 / 39
  • 6. IntroductionIntroduction (cont.) A classic example of a task that requires machine learning: It is very hard to say what makes a 2 Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 6 / 39
  • 7. IntroductionIntroduction (cont.) Some more examples of tasks that are best solved by using a learning algorithm Recognizing patterns: Facial identities or facial expressions Handwritten or spoken words Medical images Generating patterns: Generating images or motion sequences Recognizing anomalies: Unusual credit card transactions Unusual patterns of sensor readings in a nuclear power plant Prediction: Future stock prices or currency exchange rates Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 7 / 39
  • 8. IntroductionIntroduction (cont.) Some Sample Applications Web search Computational biology Finance E-commerce Space exploration Robotics Information extraction Social networks Debugging software Your intended area Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 8 / 39
  • 9. IntroductionIntroduction (cont.) Samuel’s Checkers-Player “Machine Learning: Field of study that gives computers the ability to learn without being explicitly programmed.” -Arthur Samuel (1959) Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 9 / 39
  • 10. IntroductionIntroduction (cont.) Defining the Learning Task Improve on task T, with respect to performance metric P, based on experience E A checkers learning problem: T: Playing checkers P: Percentage of games won against an arbitrary opponent E: Playing practice games against itself A handwriting recognition learning problem: T: Recognizing hand-written words P: Percentage of words correctly classified E: Database of human-labeled images of handwritten words Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 10 / 39
  • 11. IntroductionIntroduction (cont.) A robot driving learning problem: T: Driving on four-lane highways using vision sensors P: Average distance traveled before a human-judged error E: A sequence of images and steering commands recorded while observing a human driver. Email spam filtering learning problem: T: Categorize email messages as spam or legitimate. P: Percentage of email messages correctly classified. E: Database of emails, some with human-given labels Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 11 / 39
  • 12. IntroductionIntroduction (cont.) State of the Art Applications of Machine Learning Autonomous Cars !Nevada, constituent state of the United States of America. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 12 / 39
  • 13. IntroductionIntroduction (cont.) Autonomous Car Sensors Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 13 / 39
  • 14. IntroductionIntroduction (cont.) Autonomous Car Technology Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 14 / 39
  • 15. IntroductionIntroduction (cont.) Deep Learning in the Headlines Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 15 / 39
  • 16. Types of LearningTypes of Learning Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 16 / 39
  • 17. Types of LearningTypes of Learning (cont.) Supervised (inductive) learning: regression and classification Given: training data + desired outputs (labels) Given (x1, y1), (x2, y2), ..., (xn, yn) Learn a function f(x) to predict y given x y is real-valued == regression Given (x1, y1), (x2, y2), ..., (xn, yn) Learn a function f(x) to predict y given x y is categorical == classification Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 17 / 39
  • 18. Types of LearningTypes of Learning (cont.) Unsupervised learning: clustering Given: training data (without desired outputs) Given x1, x2, ..., xn (without labels) Output hidden structure behind the x’s E.g., clustering Social network analysis Astronomical data analysis Organize computing clusters Market segmentation Genomics application: group individuals by genetic similarity Independent component analysis: separate a combined signal into its original sources Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 18 / 39
  • 19. Types of LearningTypes of Learning (cont.) Semi-supervised learning Given: training data + a few desired outputs It combines a small amount of labeled data with a large amount of unlabeled data during training. Reinforcement learning Rewards from sequence of actions Given a sequence of states and actions with (delayed) rewards, output a policy Policy is a mapping from states → actions that tells you what to do in a given state Examples: Credit assignment problem Game playing Robot in a maze Balance a pole on your hand Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 19 / 39
  • 20. Types of LearningTypes of Learning (cont.) Deep Learning and Deep Reinforcement Larning Thus, came the deep learning where the human brain is simulated in the Artificial Neural Networks (ANN) created in our binary computers. The machine now learns on its own using the high computing power and huge memory resources that are available today. It is now observed that Deep Learning has solved many of the previously unsolvable problems. The technique is now further advanced by giving incentives to Deep Learning networks as awards and there finally comes Deep Reinforcement Learning. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 20 / 39
  • 21. Designing a Learning SystemDesigning a Learning System Choose the training experience Choose exactly what is to be learned i.e. the target function Choose how to represent the target function Choose a learning algorithm to infer the target function from the experience Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 21 / 39
  • 22. Designing a Learning SystemDesigning a Learning System (cont.) Training vs. Test Distribution We generally assume that the training and test examples are independently drawn from the same overall distribution of data We call this “i.i.d” which stands for “independent and identically distributed” If examples are not independent, requires collective classification If test distribution is different, requires transfer learning which is a research problem in machine learning that focuses on storing knowledge gained while solving one problem and applying it to a different but related problem. For example, knowledge gained while learning to recognize cars could apply when trying to recognize trucks. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 22 / 39
  • 23. History of Machine LearningHistory of Machine Learning 1950s Samuel’s checker player Selfridge’s Pandemonium 1960s: Neural networks: Perceptron Pattern recognition Learning in the limit theory Minsky and Papert prove limitations of Perceptron 1970s: Symbolic concept induction Winston’s arch learner Expert systems and the knowledge acquisition bottleneck ID3 Michalski’s AQ and soybean diagnosis Scientific discovery with BACON Mathematical discovery with AM Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 23 / 39
  • 24. History of Machine LearningHistory of Machine Learning (cont.) 1980s: Advanced decision tree and rule learning Explanation-based Learning Learning and planning and problem solving Utility problem Analogy Cognitive architectures Resurgence of neural networks (connectionism, backpropagation) PAC Learning Theory Focus on experimental methodology 1990s Data mining Adaptive software agents and web applications Text learning Reinforcement learning Inductive Logic Programming Ensembles: Bagging, Boosting, and Stacking Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 24 / 39
  • 25. History of Machine LearningHistory of Machine Learning (cont.) Bayes Net learning 2000s Support vector machines & kernel methods Graphical models Statistical relational learning Transfer learning Learning in robotics and vision 2010s Deep learning systems Learning for big data Bayesian methods Multi-task & lifelong learning Applications to vision, speech, social networks, learning to read, etc. ??? Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 25 / 39
  • 26. Function Representations TechniquesFunction Representations Techniques Numerical functions Linear regression Neural networks Support vector machines Symbolic functions Decision trees Rules in propositional logic Rules in first-order predicate logic Instance-based functions Nearest-neighbor Case-based Reasoning Probabilistic Graphical Models Na¨ıve Bayes Bayesian networks Hidden-Markov Model Probabilistic Context Free Grammars Markov networks Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 26 / 39
  • 27. Search/Optimization AlgorithmsSearch/Optimization Algorithms Gradient descent Perceptron Backpropagation Dynamic Programming HMM Learning PCFG Learning Divide and Conquer Decision tree induction Rule learning Evolutionary Computation Genetic Algorithms (GAs) Genetic Programming (GP) Neuro-evolution Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 27 / 39
  • 28. Evaluation ParametersEvaluation Parameters Accuracy Precision and recall Squared error Likelihood Posterior probability Cost/Utility Margin Entropy K-L divergence etc. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 28 / 39
  • 29. Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches Artificial Neural Network—Neural networks, which are simplified models of the biological neuron system, is a massively parallel distributed processing system made up highly interconnected neural computing elements that has ability to learn and thereby acquire knowledge and make it available for use. Clustering—is a Machine Learning technique that involves the grouping of data points. Given a set of data points, we can use a clustering algorithm to classify each data point into a specific group. In theory, data points that are in the same group should have similar properties and/or features, while data points in different groups should have highly dissimilar properties and/or features. Clustering is a method of unsupervised learning and is a common technique for statistical data analysis used in many fields. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 29 / 39
  • 30. Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.) Reinforcement Learning—is concerned with how agents take actions in an environment and changing state so as to maximize some notion of cumulative reward. Decision Tree Learning—A decision tree is drawn upside down with its root at the top. Nodes in the decision trees represent features, edges represent feature values of feature in- tervals (decision options) and leaves represent either discrete or continuous outcomes (clas- sification and regression). Bayesian Networks—A Bayesian Belief Net- work(BBN) is a probabilistic graphical model that represents a set of variables and their conditional de- pendencies via a Directed Acyclic Graph (DAG). BBNs enable us to model and reason about uncertainty. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 30 / 39
  • 31. Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.) Support Vector Machine—The objective of the support vector machine algorithm is to find a hyperplane in an N-dimensional space(N — the number of features) that dis- tinctly classifies the data points. To separate the two classes of data points, there are many possible hyperplanes that could be chosen. Our objective is to find a plane that has the maximum margin, i.e the maximum distance between data points of both classes. Maxi- mizing the margin distance provides some re- inforcement so that future data points can be classified with more confidence. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 31 / 39
  • 32. Introduction of Machine Learning ApproachesIntroduction of Machine Learning Approaches (cont.) Genetic Algorithm—Genetic algorithm is a spe- cific and early representative for a class of com- putational model called Evolutionary computing. Genetic algorithms are commonly used to gener- ate global solutions to optimization/search prob- lem. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 32 / 39
  • 33. Issues in Machine LearningIssues in Machine Learning The checkers example raises a number of generic questions about machine learning which are as follows: What algorithms exist for learning general target functions from specific training examples? In what settings will particular algorithms converge to the desired function, given sufficient training data? Which algorithms perform best for which types of problems and representations? How much training data is sufficient? What general bounds can be found to relate the confidence in learned hypotheses to the amount of training experience and the character of the learner’s hypothesis space? When and how can prior knowledge held by the learner guide the process of generalizing from examples? Can prior knowledge be helpful even when it is only approximately correct? Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 33 / 39
  • 34. Issues in Machine LearningIssues in Machine Learning (cont.) What is the best strategy for choosing a useful next training experience, and how does the choice of this strategy alter the complexity of the learning problem? What is the best way to reduce the learning task to one or more function approximation problems? Put another way, what specific functions should the system attempt to learn? Can this process itself be automated? How can the learner automatically alter its representation to improve its ability to represent and learn the target function? Data Science vs. Machine Learning Data Science— data science is a field of study that aims to use a scientific approach to extract meaning and insights from data. It uses various techniques from many fields like mathematics, machine learning, computer programming, statistical modeling, data engineering and visualization, pattern recognition and learning, uncertainty modeling, data warehousing, and cloud computing. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 34 / 39
  • 35. Issues in Machine LearningIssues in Machine Learning (cont.) Data Science does not necessarily involve big data, but the fact that data is scaling up makes big data an important aspect of data science. Data science is the most widely used technique among AI, ML and itself. The practitioners of data science are usually skilled in mathematics, statistics, and programming. Data scientists solve complex data problems to bring out insights and correlation relevant to a business. Machine Learning—Machine learning creates a useful model or program by autonomously testing many solutions against the available data and finding the best fit for the problem. This means machine learning is great at solving problems that are extremely labor intensive for humans. It can inform decisions and make predictions about complex topics in an efficient and reliable way. These strengths make machine learning useful in a huge number of different industries. The possibilities for machine learning are vast. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 35 / 39
  • 36. Issues in Machine LearningIssues in Machine Learning (cont.) This technology has the potential to save lives and solve important problems in healthcare, computer security and many more. Google, always on the cutting edge, has decided to integrate machine learning into everything they do to stay ahead of the curve. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 36 / 39
  • 37. ConclusionsConclusions Machine Learning is a technique of training machines to perform the activities a human brain can do, albeit bit faster and better than an average human-being. Today we have seen that the machines can beat human champions in games such as Chess, AlphaGO, which are considered very complex. You have seen that machines can be trained to perform human activities in several areas and can aid humans in living better lives. Machine Learning can be a Supervised or Unsupervised. If you have lesser amount of data and clearly labelled data for training, opt for Supervised Learning. Unsupervised Learning would generally give better performance and results for large data sets. If you have a huge data set easily available, go for deep learning techniques. You also have learned Reinforcement Learning and Deep Reinforcement Learning. You now know what Neural Networks are, their applications and limitations. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 37 / 39
  • 38. ReferencesReferences [1] Thomas M. Mitchell. Machine Learning. McGraw-Hill, Inc., USA, 1 edition, 1997. [2] Christopher M. Bishop. Pattern Recognition and Machine Learning. Springer, 2006. [3] Stephen Marsland. Machine Learning: An Algorithmic Perspective, Second Edition. 2nd edition, 2014. [4] Ethem Alpaydin. Introduction to Machine Learning. Adaptive Computation and Machine Learning. MIT Press, Cambridge, MA, 3 edition, 2014. Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 38 / 39
  • 39. Thank You! Dr. Radhey Shyam (BIET Lucknow-AKTU) Machine Learning Techniques August 31, 2020 39 / 39