SlideShare ist ein Scribd-Unternehmen logo
1 von 14
Supervised learning
'-^
ML/DL
s_J
Unsupervised learning
Classification
Regression
ML
DL
image classification Machine translation Stock prediction Image masking
PCA
Dimension reduction
t-SNE(more for visualization)
K-mean
Clustering GMMs
HMMs
Mutual information MINE/D1M
Representation learning Disentanglement VAE
Information bottleneck
GANs
Generative models
VAE
Machine learning (ML) is rapidly changing the world, from diverse types of
applications and research pursued in industry and academia. Machine learning is
affecting every part of our daily lives. From voice assistants using NLP and
machine learning to make appointments, check our calendar and play music, to
programmatic advertisements — that are so accurate that they can predict what
we will need before we even think of it.
More often than not, the complexity of the scientific field of machine learning can
be overwhelming, making keeping up with “what is important” a very challenging
task. However, to make sure that we provide a learning path to those who seek to
learn machine learning, but are new to these concepts. In this article, we look at
the most critical basic algorithms that hopefully make your machine learning
journey less challenging.
Any suggestions or feedback is crucial to continue to improve. Please
let us know in the comments if you have any.
Index
. Introduction to Machine Learning.
• Major Machine Learning Algorithms.
• Supervised vs. Unsupervised Learning.
• Linear Regression.
• Multivariable Linear Regression.
• Polynomial Regression.
• Exponential Regression.
• Sinusoidal Regression.
• Logarithmic Regression.
What is machine learning?
A computer program is said to
learn from experience E with
respect to some class of tasks T
and performance measure P, if
its performance at tasks in T, as
measured by P, improves with
experience E.
~ Tom Mitchell
(on Machine Learning's Operational Definition)
Carnegie Mellon University
Machine Learning
Source: Machine Learning Department at Carnegie Mellon
A computer program is said to learn from experience E
with respect to some class of tasks T and performance
measure P, if its performance at tasks in T, as measured by
P, improves with experience E. ~ Tom M. Mitchell [1]
Machine learning behaves similarly to the growth of a child. As a child grows, her
experience E in performing task T increases, which results in higher performance
measure(P).
For instance, we give a “shape sorting block” toy to a child. (Now we all know that
in this toy, we have different shapes and shape holes). In this case, our task T is to
find an appropriate shape hole for a shape. Afterward, the child observes the
shape and tries to fit it in a shaped hole. Let us say that this toy has three shapes:
a circle, a triangle, and a square. In her first attempt at finding a shaped hole, her
performance measure(P) is 1/3, which means that the child found 1 out of 3
correct shape holes.
Second, the child tries it another time and notices that she is a little experienced
in this task. Considering the experience gained (E), the child tries this task
another time, and when measuring the performance(P), it turns out to be 2/3.
After repeating this task (T) 100 times, the baby now figured out which shape
goes into which shape hole.
So her experience (E) increased, her performance(P) also increased, and then we
notice that as the number of attempts at this toy increases. The performance also
increases, which results in higher accuracy.
Such execution is similar to machine learning. What a machine does is, it takes
a task (T), executes it, and measures its performance (P). Now a machine has a
large number of data, so as it processes that data, its experience (E) increases
over time, resulting in a higher performance measure (P). So after going
through all the data, our machine learning model’s accuracy increases, which
means that the predictions made by our model will be very accurate.
Another definition of machine learning by Arthur Samuel:
Machine Learning is the subfield of computer science that
gives “computers the ability to learn without being
explicitly programmed.” ~ Arthur Samuel [2]
Let us try to understand this definition: It states “learn without being explicitly
programmed” — which means that we are not going to teach the computer with a
specific set of rules, but instead, what we are going to do is feed the computer with
enough data and give it time to learn from it, by making its own mistakes and
improve upon those. For example, We did not teach the child how to fit in the
shapes, but by performing the same task several times, the child learned to fit the
shapes in the toy by herself.
Therefore, we can say that we did not explicitly teach the child how to fit the
shapes. We do the same thing with machines. We give it enough data to work on
and feed it with the information we want from it. So it processes the data and
predicts the data accurately.
Why do we need machine learning?
What machine learning does is process the data with different kinds of algorithms
and tells us which feature is more important to determine whether it is a cat or a
dog. So instead of applying many sets of rules, we can simplify it based on two or
three features, and as a result, it gives us a higher accuracy. The previous method
was not generalized enough to make predictions.
Machine learning models helps us in many tasks, such as:
Object Recognition , Summarization , Prediction , Classification ,
Clustering , Recommender systems
What is a machine learning model?
A machine learning model is a question/answering system that takes care of
processing machine-learning related tasks. Think of it as an algorithm system
that represents data when solving problems. The methods we will tackle below
are beneficial for industry-related purposes to tackle business problems.
For instance, let us imagine that we are working on Google Adwords ’ ML system,
and our task is to implementing an ML algorithm to convey a particular
demographic or area using data. Such a task aims to go from using data to gather
valuable insights to improve business outcomes.
Major Machine Learning Algorithms:
1. Regression (Prediction) (jf£i') j'^Vi
We use regression algorithms for predicting continuous values.
Regression algorithms:
Linear Regression , Polynomial Regression , Exponential
Regression , Logistic Regression , Logarithmic Regression
2. Classification
We use classification algorithms for predicting a set of items’ class or category.
Classification algorithms:
K-Nearest Neighbors , Decision Trees , Random Forest , Support Vector
Machine , Naive Bayes
3. Clustering
We use clustering algorithms for summarization or to structure data. Clustering
algorithms:
K-means , DBSCAN , Mean Shift , Hierarchical , Association
We use association algorithms for associating co-occurring items or events.
Association algorithms: Apriori
5. Anomaly Detection
We use anomaly detection for discovering abnormal activities and unusual
cases like fraud detection ^1' ^&ll.
6. Sequence Pattern Mining
We use sequential pattern mining for predicting the next data events between
data examples in a sequence.
7. Dimensionality Reduction
We use dimensionality reduction for reducing the size of data to extract only
useful features from a dataset.
8. Recommendation Systems
We use recommenders algorithms to build recommendation engines. Examples:
Netflix recommendation system , A book recommendation system ,
A product recommendation system on Amazon ,
Nowadays, we hear many buzz words like artificial intelligence, machine learning,
deep learning,
What are the fundamental differences between
Artificial Intelligence, Machine Learning, and Deep
Learning?
Artificial Intelligence (AI):
Artificial intelligence (AI), as defined by Professor Andrew Moore, is the science
and engineering of making computers behave in ways that, until recently, we
thought required human intelligence [4].
These include:
Computer Vision , Language Processing , Creativity , Summarization
Machine Learning (ML):
As defined by Professor Tom Mitchell, machine learning refers to a scientific
branch of AI, which focuses on the study of computer algorithms that allow
computer programs to automatically improve through experience [3].
These include:
Classification , Neural Network , Clustering
Deep Learning:
Deep learning is a subset of machine learning in which layered neural networks,
combined with high computing power and large datasets, can create powerful
machine learning models. [3]
Neural network abstract representation | Photo by Clink Adair via Unsplash
Why do we prefer Python to implement machine
learning algorithms?
Python is a popular and general-purpose programming language. We can write
machine learning algorithms using Python, and it works well. The reason why
Python is so popular among data scientists is that Python has a diverse variety of
modules and libraries already implemented that make our life more
comfortable.
Let us have a brief look at some exciting Python libraries.
1. Numpy: It is a math library to work with n-dimensional arrays in Python. It
enables us to do computations effectively and efficiently.
2. Scipy: It is a collection of numerical algorithms and domain-specific tool-
box, including signal processing, optimization, statistics, and much more. Scipy is
a functional library for scientific and high-performance computations.
3. Matplotlib: It is a trendy plotting package that provides 2D plotting as well
as 3D plotting.
4. Scikit-learn: It is a free machine learning library for python programming
language. It has most of the classification, regression, and clustering algorithms,
and works with Python numerical libraries such as Numpy, Scipy.
Machine learning algorithms classify into two groups :
• Supervised Learning algorithms
• Unsupervised Learning algorithms
I. Supervised Learning Algorithms:
Goal: Predict class or value label.
Supervised learning is a branch of machine learning(perhaps it is the mainstream
of machine/deep learning for now) related to inferring a function from
labeled training data. Training data consists of a set of *(input, target)* pairs,
where the input could be a vector of features, and the target instructs what we
desire for the function to output. Depending on the type of the *target*, we can
roughly divide supervised learning into two categories: classification and
regression. Classification involves categorical targets; examples ranging from
some simple cases, such as image classification, to some advanced topics, such as
machine translations and image caption.
Regression involves continuous targets. Its applications include stock
prediction, image masking, and others- which all fall in this category.
To illustrate the example of supervised learning below | Source: Photo by Shirota Yuri, Unsplash
To understand what supervised learning is, we will use an example. For instance,
we give a child 100 stuffed animals in which there are ten animals of each kind
like ten lions, ten monkeys, ten elephants, and others. Next, we teach the kid to
recognize the different types of animals based on different characteristics
(features) of an animal. Such as if its color is orange, then it might be a lion. If it is
a big animal with a trunk, then it may be an elephant.
We teach the kid how to differentiate animals, this can be an example of
supervised learning. Now when we give the kid different animals, he should be
able to classify them into an appropriate animal group.
For the sake of this example, we notice that 8/10 of his classifications were
correct. So we can say that the kid has done a pretty good job. The same applies to
computers. We provide them with thousands of data points with its actual labeled
values (Labeled data is classified data into different groups along with its feature
values). Then it learns from its different characteristics in its training period.
After the training period is over, we can use our trained model to make
predictions. Keep in mind that we already fed the machine with labeled data, so
its prediction algorithm is based on supervised learning. In short, we can say that
the predictions by this example are based on labeled data.
Example of supervised learning algorithms :
Linear Regression , Logistic Regression , K-Nearest Neighbors , Decision Tree ,
Random Forest , Support Vector Machine
II. Unsupervised Learning:
Goal: Determine data patterns/groupings.
In contrast to supervised learning. Unsupervised learning infers from unlabeled
data, a function that describes hidden structures in data.
Perhaps the most basic type of unsupervised learning is dimension reduction
methods, such as PCA, t-SNE, while PCA is generally used in data preprocessing,
and t-SNE usually used in data visualization.
A more advanced branch is clustering, which explores the hidden patterns in data
and then makes predictions on them; examples include K-mean clustering,
Gaussian mixture models, hidden Markov models, and others.
Along with the renaissance of deep learning, unsupervised learning gains more
and more attention because it frees us from manually labeling data. In light of
deep learning, we consider two kinds of unsupervised learning: representation
learning and generative models.
Representation learning aims to distill a high-level representative feature that is
useful for some downstream tasks, while generative models intend to reproduce
the input data from some hidden parameters.
To illustrate the example of unsupervised learning below | Source: Photo by Jelleke Vanooteghem, Unsplash
Unsupervised learning works as it sounds. In this type of algorithms, we do not
have labeled data. So the machine has to process the input data and try to make
conclusions about the output. For example, remember the kid whom we gave a
shape toy? In this case, he would learn from its own mistakes to find the perfect
shape hole for different shapes.
But the catch is that we are not feeding the child by teaching the methods to fit the
shapes (for machine learning purposes called labeled data). However, the child
learns from the toy’s different characteristics and tries to make conclusions about
them. In short, the predictions are based on unlabeled data.
Examples of unsupervised learning algorithms:
Dimension Reduction , Density Estimation , Market Basket Analysis , Generative
adversarial networks (GANs) , Clustering
What would a neural network look like in an abstract real-life example? | Source: Timo Volz, Unsplash
For this article, we will use a few types of
regression algorithms with coding samples in
Python.
References:
[1] Mitchell, Tom. (1997). Machine Learning. McGraw Hill. p. 2. ISBN 007-
042807-7
[2] Machine Learning, Arthur Samuel, Carnegie
Mellon, http://www.contrib.andrew.cmu.edu/~mndarwis/ML.html
[3] Machine Learning (ML) vs. AI, Towards AI, https://towardsai.net/ai-vs-ml
[4] Key Machine Learning Definitions, Towards
AI, https://towardsai.net/machine-learning-definitions
Published via Towards AI

Weitere ähnliche Inhalte

Was ist angesagt?

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 Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningShahar Cohen
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learningJohnson Ubah
 
LearningAG.ppt
LearningAG.pptLearningAG.ppt
LearningAG.pptbutest
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaEdureka!
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningEng Teong Cheah
 
Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Marina Santini
 
Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2Ankit Gupta
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningRahul Jain
 
Lecture #1: Introduction to machine learning (ML)
Lecture #1: Introduction to machine learning (ML)Lecture #1: Introduction to machine learning (ML)
Lecture #1: Introduction to machine learning (ML)butest
 
Hot Topics in Machine Learning For Research and thesis
Hot Topics in Machine Learning For Research and thesisHot Topics in Machine Learning For Research and thesis
Hot Topics in Machine Learning For Research and thesisWriteMyThesis
 
Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics Akanksha Bali
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningHaptik
 
Machine Learning Algorithms
Machine Learning AlgorithmsMachine Learning Algorithms
Machine Learning AlgorithmsDezyreAcademy
 

Was ist angesagt? (20)

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 Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
 
LearningAG.ppt
LearningAG.pptLearningAG.ppt
LearningAG.ppt
 
Machine learning
Machine learningMachine learning
Machine learning
 
Deep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | EdurekaDeep Learning With Python Tutorial | Edureka
Deep Learning With Python Tutorial | Edureka
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?
 
Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2
 
Learning
LearningLearning
Learning
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Lecture #1: Introduction to machine learning (ML)
Lecture #1: Introduction to machine learning (ML)Lecture #1: Introduction to machine learning (ML)
Lecture #1: Introduction to machine learning (ML)
 
Hot Topics in Machine Learning For Research and thesis
Hot Topics in Machine Learning For Research and thesisHot Topics in Machine Learning For Research and thesis
Hot Topics in Machine Learning For Research and thesis
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine learning basics
Machine learning basics Machine learning basics
Machine learning basics
 
A Friendly Introduction to Machine Learning
A Friendly Introduction to Machine LearningA Friendly Introduction to Machine Learning
A Friendly Introduction to Machine Learning
 
Machine Learning Algorithms
Machine Learning AlgorithmsMachine Learning Algorithms
Machine Learning Algorithms
 
Chapter 5 of 1
Chapter 5 of 1Chapter 5 of 1
Chapter 5 of 1
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 

Ähnlich wie Machine learning-in-details-with-out-python-code

Intro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationIntro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationAnkit Gupta
 
machinecanthink-160226155704.pdf
machinecanthink-160226155704.pdfmachinecanthink-160226155704.pdf
machinecanthink-160226155704.pdfPranavPatil822557
 
Statistical foundations of ml
Statistical foundations of mlStatistical foundations of ml
Statistical foundations of mlVipul Kalamkar
 
Machine Learning Ch 1.ppt
Machine Learning Ch 1.pptMachine Learning Ch 1.ppt
Machine Learning Ch 1.pptARVIND SARDAR
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
notes as .ppt
notes as .pptnotes as .ppt
notes as .pptbutest
 
Machine learning Chapter 1
Machine learning Chapter 1Machine learning Chapter 1
Machine learning Chapter 1JagadishPogu
 
Machine learning
Machine learningMachine learning
Machine learningAbrar ali
 
Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptxchadhar227
 
Lect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfLect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfHassanElalfy4
 
An Introduction to Machine Learning
An Introduction to Machine LearningAn Introduction to Machine Learning
An Introduction to Machine LearningVedaj Padman
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningSujith Jayaprakash
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptxNaveenkushwaha18
 
Machine learning
Machine learningMachine learning
Machine learningeonx_32
 

Ähnlich wie Machine learning-in-details-with-out-python-code (20)

Intro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationIntro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning Presentation
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
Machine Learning by Rj
 
machinecanthink-160226155704.pdf
machinecanthink-160226155704.pdfmachinecanthink-160226155704.pdf
machinecanthink-160226155704.pdf
 
Statistical foundations of ml
Statistical foundations of mlStatistical foundations of ml
Statistical foundations of ml
 
Machine Can Think
Machine Can ThinkMachine Can Think
Machine Can Think
 
Machine Learning Ch 1.ppt
Machine Learning Ch 1.pptMachine Learning Ch 1.ppt
Machine Learning Ch 1.ppt
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
notes as .ppt
notes as .pptnotes as .ppt
notes as .ppt
 
Machine learning Chapter 1
Machine learning Chapter 1Machine learning Chapter 1
Machine learning Chapter 1
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptx
 
Lect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdfLect 7 intro to M.L..pdf
Lect 7 intro to M.L..pdf
 
An Introduction to Machine Learning
An Introduction to Machine LearningAn Introduction to Machine Learning
An Introduction to Machine Learning
 
Machine Learning.pptx
Machine Learning.pptxMachine Learning.pptx
Machine Learning.pptx
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine Learning Contents.pptx
Machine Learning Contents.pptxMachine Learning Contents.pptx
Machine Learning Contents.pptx
 
recent.pptx
recent.pptxrecent.pptx
recent.pptx
 
Machine learning
Machine learningMachine learning
Machine learning
 

Mehr von Osama Ghandour Geris

functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...
functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...
functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...Osama Ghandour Geris
 
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.ppt
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.pptPython week 5 2019-2020 for G10 by Eng.Osama Ghandour.ppt
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.pptOsama Ghandour Geris
 
Python cs.1.12 week 10 2020 2021 covid 19 for g10 by eng.osama mansour
Python cs.1.12 week 10  2020 2021 covid 19 for g10 by eng.osama mansourPython cs.1.12 week 10  2020 2021 covid 19 for g10 by eng.osama mansour
Python cs.1.12 week 10 2020 2021 covid 19 for g10 by eng.osama mansourOsama Ghandour Geris
 
Python cs.1.12 week 9 10 2020-2021 covid 19 for g10 by eng.osama ghandour
Python cs.1.12 week 9 10  2020-2021 covid 19 for g10 by eng.osama ghandourPython cs.1.12 week 9 10  2020-2021 covid 19 for g10 by eng.osama ghandour
Python cs.1.12 week 9 10 2020-2021 covid 19 for g10 by eng.osama ghandourOsama Ghandour Geris
 
Python week 7 8 2019-2020 for grade 10
Python week 7 8 2019-2020 for grade 10Python week 7 8 2019-2020 for grade 10
Python week 7 8 2019-2020 for grade 10Osama Ghandour Geris
 
Python week 6 2019 2020 for grade 10
Python week 6 2019 2020 for grade 10 Python week 6 2019 2020 for grade 10
Python week 6 2019 2020 for grade 10 Osama Ghandour Geris
 
Python week 5 2019 2020 for g10 by eng.osama ghandour
Python week 5 2019 2020 for g10 by eng.osama ghandourPython week 5 2019 2020 for g10 by eng.osama ghandour
Python week 5 2019 2020 for g10 by eng.osama ghandourOsama Ghandour Geris
 
Python week 4 2019 2020 for g10 by eng.osama ghandour
Python week 4 2019 2020 for g10 by eng.osama ghandourPython week 4 2019 2020 for g10 by eng.osama ghandour
Python week 4 2019 2020 for g10 by eng.osama ghandourOsama Ghandour Geris
 
Programming intro variables constants - arithmetic and assignment operators
Programming intro variables   constants - arithmetic and assignment operatorsProgramming intro variables   constants - arithmetic and assignment operators
Programming intro variables constants - arithmetic and assignment operatorsOsama Ghandour Geris
 
Mobile appliaction w android week 1 by osama
Mobile appliaction w android week 1 by osamaMobile appliaction w android week 1 by osama
Mobile appliaction w android week 1 by osamaOsama Ghandour Geris
 
Css week11 2020 2021 for g10 by eng.osama ghandour
Css week11 2020 2021 for g10 by eng.osama ghandourCss week11 2020 2021 for g10 by eng.osama ghandour
Css week11 2020 2021 for g10 by eng.osama ghandourOsama Ghandour Geris
 
How to print a sketch up drawing in 3d
How to print a sketch up drawing  in 3dHow to print a sketch up drawing  in 3d
How to print a sketch up drawing in 3dOsama Ghandour Geris
 
7 types of presentation styles on line
7 types of presentation styles on line7 types of presentation styles on line
7 types of presentation styles on lineOsama Ghandour Geris
 
Design pseudo codeweek 6 2019 -2020
Design pseudo codeweek 6 2019 -2020Design pseudo codeweek 6 2019 -2020
Design pseudo codeweek 6 2019 -2020Osama Ghandour Geris
 

Mehr von Osama Ghandour Geris (20)

functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...
functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...
functions in python By Eng. Osama Ghandour الدوال فى البايثون مع مهندس اسامه ...
 
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.ppt
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.pptPython week 5 2019-2020 for G10 by Eng.Osama Ghandour.ppt
Python week 5 2019-2020 for G10 by Eng.Osama Ghandour.ppt
 
Python cs.1.12 week 10 2020 2021 covid 19 for g10 by eng.osama mansour
Python cs.1.12 week 10  2020 2021 covid 19 for g10 by eng.osama mansourPython cs.1.12 week 10  2020 2021 covid 19 for g10 by eng.osama mansour
Python cs.1.12 week 10 2020 2021 covid 19 for g10 by eng.osama mansour
 
Python cs.1.12 week 9 10 2020-2021 covid 19 for g10 by eng.osama ghandour
Python cs.1.12 week 9 10  2020-2021 covid 19 for g10 by eng.osama ghandourPython cs.1.12 week 9 10  2020-2021 covid 19 for g10 by eng.osama ghandour
Python cs.1.12 week 9 10 2020-2021 covid 19 for g10 by eng.osama ghandour
 
Python week 7 8 2019-2020 for grade 10
Python week 7 8 2019-2020 for grade 10Python week 7 8 2019-2020 for grade 10
Python week 7 8 2019-2020 for grade 10
 
Python week 6 2019 2020 for grade 10
Python week 6 2019 2020 for grade 10 Python week 6 2019 2020 for grade 10
Python week 6 2019 2020 for grade 10
 
Python week 5 2019 2020 for g10 by eng.osama ghandour
Python week 5 2019 2020 for g10 by eng.osama ghandourPython week 5 2019 2020 for g10 by eng.osama ghandour
Python week 5 2019 2020 for g10 by eng.osama ghandour
 
Python week 4 2019 2020 for g10 by eng.osama ghandour
Python week 4 2019 2020 for g10 by eng.osama ghandourPython week 4 2019 2020 for g10 by eng.osama ghandour
Python week 4 2019 2020 for g10 by eng.osama ghandour
 
Programming intro variables constants - arithmetic and assignment operators
Programming intro variables   constants - arithmetic and assignment operatorsProgramming intro variables   constants - arithmetic and assignment operators
Programming intro variables constants - arithmetic and assignment operators
 
Mobile appliaction w android week 1 by osama
Mobile appliaction w android week 1 by osamaMobile appliaction w android week 1 by osama
Mobile appliaction w android week 1 by osama
 
Python week 1 2020-2021
Python week 1 2020-2021Python week 1 2020-2021
Python week 1 2020-2021
 
6 css week12 2020 2021 for g10
6 css week12 2020 2021 for g106 css week12 2020 2021 for g10
6 css week12 2020 2021 for g10
 
Css week11 2020 2021 for g10 by eng.osama ghandour
Css week11 2020 2021 for g10 by eng.osama ghandourCss week11 2020 2021 for g10 by eng.osama ghandour
Css week11 2020 2021 for g10 by eng.osama ghandour
 
Cooding history
Cooding history Cooding history
Cooding history
 
Computer networks--network
Computer networks--networkComputer networks--network
Computer networks--network
 
How to print a sketch up drawing in 3d
How to print a sketch up drawing  in 3dHow to print a sketch up drawing  in 3d
How to print a sketch up drawing in 3d
 
Google sketch up-tutorial
Google sketch up-tutorialGoogle sketch up-tutorial
Google sketch up-tutorial
 
7 types of presentation styles on line
7 types of presentation styles on line7 types of presentation styles on line
7 types of presentation styles on line
 
Design pseudo codeweek 6 2019 -2020
Design pseudo codeweek 6 2019 -2020Design pseudo codeweek 6 2019 -2020
Design pseudo codeweek 6 2019 -2020
 
Php introduction
Php introductionPhp introduction
Php introduction
 

Kürzlich hochgeladen

4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptxmary850239
 
Activity 2-unit 2-update 2024. English translation
Activity 2-unit 2-update 2024. English translationActivity 2-unit 2-update 2024. English translation
Activity 2-unit 2-update 2024. English translationRosabel UA
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxAshokKarra1
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxHumphrey A Beña
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatYousafMalik24
 
Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4JOYLYNSAMANIEGO
 
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdf
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdfVirtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdf
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdfErwinPantujan2
 
Transaction Management in Database Management System
Transaction Management in Database Management SystemTransaction Management in Database Management System
Transaction Management in Database Management SystemChristalin Nelson
 
Barangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxBarangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxCarlos105
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxiammrhaywood
 
ROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxVanesaIglesias10
 
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYKayeClaireEstoconing
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSJoshuaGantuangco2
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxAnupkumar Sharma
 
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONTHEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONHumphrey A Beña
 
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfInclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfTechSoup
 
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptx
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptxMusic 9 - 4th quarter - Vocal Music of the Romantic Period.pptx
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptxleah joy valeriano
 

Kürzlich hochgeladen (20)

4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx4.16.24 21st Century Movements for Black Lives.pptx
4.16.24 21st Century Movements for Black Lives.pptx
 
Activity 2-unit 2-update 2024. English translation
Activity 2-unit 2-update 2024. English translationActivity 2-unit 2-update 2024. English translation
Activity 2-unit 2-update 2024. English translation
 
Karra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptxKarra SKD Conference Presentation Revised.pptx
Karra SKD Conference Presentation Revised.pptx
 
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptxINTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
INTRODUCTION TO CATHOLIC CHRISTOLOGY.pptx
 
Earth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice greatEarth Day Presentation wow hello nice great
Earth Day Presentation wow hello nice great
 
LEFT_ON_C'N_ PRELIMS_EL_DORADO_2024.pptx
LEFT_ON_C'N_ PRELIMS_EL_DORADO_2024.pptxLEFT_ON_C'N_ PRELIMS_EL_DORADO_2024.pptx
LEFT_ON_C'N_ PRELIMS_EL_DORADO_2024.pptx
 
Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4Daily Lesson Plan in Mathematics Quarter 4
Daily Lesson Plan in Mathematics Quarter 4
 
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdf
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdfVirtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdf
Virtual-Orientation-on-the-Administration-of-NATG12-NATG6-and-ELLNA.pdf
 
Transaction Management in Database Management System
Transaction Management in Database Management SystemTransaction Management in Database Management System
Transaction Management in Database Management System
 
Barangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxBarangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptx
 
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptxECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
ECONOMIC CONTEXT - PAPER 1 Q3: NEWSPAPERS.pptx
 
ROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptxROLES IN A STAGE PRODUCTION in arts.pptx
ROLES IN A STAGE PRODUCTION in arts.pptx
 
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
 
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptxFINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
FINALS_OF_LEFT_ON_C'N_EL_DORADO_2024.pptx
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
 
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONTHEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
 
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfInclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
 
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptx
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptxMusic 9 - 4th quarter - Vocal Music of the Romantic Period.pptx
Music 9 - 4th quarter - Vocal Music of the Romantic Period.pptx
 
Raw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptxRaw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptx
 

Machine learning-in-details-with-out-python-code

  • 1. Supervised learning '-^ ML/DL s_J Unsupervised learning Classification Regression ML DL image classification Machine translation Stock prediction Image masking PCA Dimension reduction t-SNE(more for visualization) K-mean Clustering GMMs HMMs Mutual information MINE/D1M Representation learning Disentanglement VAE Information bottleneck GANs Generative models VAE Machine learning (ML) is rapidly changing the world, from diverse types of applications and research pursued in industry and academia. Machine learning is affecting every part of our daily lives. From voice assistants using NLP and machine learning to make appointments, check our calendar and play music, to programmatic advertisements — that are so accurate that they can predict what we will need before we even think of it. More often than not, the complexity of the scientific field of machine learning can be overwhelming, making keeping up with “what is important” a very challenging task. However, to make sure that we provide a learning path to those who seek to learn machine learning, but are new to these concepts. In this article, we look at the most critical basic algorithms that hopefully make your machine learning journey less challenging. Any suggestions or feedback is crucial to continue to improve. Please let us know in the comments if you have any.
  • 2. Index . Introduction to Machine Learning. • Major Machine Learning Algorithms. • Supervised vs. Unsupervised Learning. • Linear Regression. • Multivariable Linear Regression. • Polynomial Regression. • Exponential Regression. • Sinusoidal Regression. • Logarithmic Regression. What is machine learning? A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P, if its performance at tasks in T, as measured by P, improves with experience E. ~ Tom Mitchell (on Machine Learning's Operational Definition) Carnegie Mellon University Machine Learning Source: Machine Learning Department at Carnegie Mellon
  • 3. A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P, if its performance at tasks in T, as measured by P, improves with experience E. ~ Tom M. Mitchell [1] Machine learning behaves similarly to the growth of a child. As a child grows, her experience E in performing task T increases, which results in higher performance measure(P). For instance, we give a “shape sorting block” toy to a child. (Now we all know that in this toy, we have different shapes and shape holes). In this case, our task T is to find an appropriate shape hole for a shape. Afterward, the child observes the shape and tries to fit it in a shaped hole. Let us say that this toy has three shapes: a circle, a triangle, and a square. In her first attempt at finding a shaped hole, her performance measure(P) is 1/3, which means that the child found 1 out of 3 correct shape holes. Second, the child tries it another time and notices that she is a little experienced in this task. Considering the experience gained (E), the child tries this task another time, and when measuring the performance(P), it turns out to be 2/3. After repeating this task (T) 100 times, the baby now figured out which shape goes into which shape hole. So her experience (E) increased, her performance(P) also increased, and then we notice that as the number of attempts at this toy increases. The performance also increases, which results in higher accuracy.
  • 4. Such execution is similar to machine learning. What a machine does is, it takes a task (T), executes it, and measures its performance (P). Now a machine has a large number of data, so as it processes that data, its experience (E) increases over time, resulting in a higher performance measure (P). So after going through all the data, our machine learning model’s accuracy increases, which means that the predictions made by our model will be very accurate. Another definition of machine learning by Arthur Samuel: Machine Learning is the subfield of computer science that gives “computers the ability to learn without being explicitly programmed.” ~ Arthur Samuel [2] Let us try to understand this definition: It states “learn without being explicitly programmed” — which means that we are not going to teach the computer with a specific set of rules, but instead, what we are going to do is feed the computer with enough data and give it time to learn from it, by making its own mistakes and improve upon those. For example, We did not teach the child how to fit in the shapes, but by performing the same task several times, the child learned to fit the shapes in the toy by herself. Therefore, we can say that we did not explicitly teach the child how to fit the shapes. We do the same thing with machines. We give it enough data to work on and feed it with the information we want from it. So it processes the data and predicts the data accurately. Why do we need machine learning?
  • 5. What machine learning does is process the data with different kinds of algorithms and tells us which feature is more important to determine whether it is a cat or a dog. So instead of applying many sets of rules, we can simplify it based on two or three features, and as a result, it gives us a higher accuracy. The previous method was not generalized enough to make predictions. Machine learning models helps us in many tasks, such as: Object Recognition , Summarization , Prediction , Classification , Clustering , Recommender systems What is a machine learning model? A machine learning model is a question/answering system that takes care of processing machine-learning related tasks. Think of it as an algorithm system that represents data when solving problems. The methods we will tackle below are beneficial for industry-related purposes to tackle business problems. For instance, let us imagine that we are working on Google Adwords ’ ML system, and our task is to implementing an ML algorithm to convey a particular demographic or area using data. Such a task aims to go from using data to gather valuable insights to improve business outcomes. Major Machine Learning Algorithms: 1. Regression (Prediction) (jf£i') j'^Vi
  • 6. We use regression algorithms for predicting continuous values. Regression algorithms: Linear Regression , Polynomial Regression , Exponential Regression , Logistic Regression , Logarithmic Regression 2. Classification We use classification algorithms for predicting a set of items’ class or category. Classification algorithms: K-Nearest Neighbors , Decision Trees , Random Forest , Support Vector Machine , Naive Bayes 3. Clustering We use clustering algorithms for summarization or to structure data. Clustering algorithms: K-means , DBSCAN , Mean Shift , Hierarchical , Association We use association algorithms for associating co-occurring items or events. Association algorithms: Apriori 5. Anomaly Detection We use anomaly detection for discovering abnormal activities and unusual cases like fraud detection ^1' ^&ll.
  • 7. 6. Sequence Pattern Mining We use sequential pattern mining for predicting the next data events between data examples in a sequence. 7. Dimensionality Reduction We use dimensionality reduction for reducing the size of data to extract only useful features from a dataset. 8. Recommendation Systems We use recommenders algorithms to build recommendation engines. Examples: Netflix recommendation system , A book recommendation system , A product recommendation system on Amazon , Nowadays, we hear many buzz words like artificial intelligence, machine learning, deep learning, What are the fundamental differences between Artificial Intelligence, Machine Learning, and Deep Learning? Artificial Intelligence (AI): Artificial intelligence (AI), as defined by Professor Andrew Moore, is the science and engineering of making computers behave in ways that, until recently, we thought required human intelligence [4].
  • 8. These include: Computer Vision , Language Processing , Creativity , Summarization Machine Learning (ML): As defined by Professor Tom Mitchell, machine learning refers to a scientific branch of AI, which focuses on the study of computer algorithms that allow computer programs to automatically improve through experience [3]. These include: Classification , Neural Network , Clustering Deep Learning: Deep learning is a subset of machine learning in which layered neural networks, combined with high computing power and large datasets, can create powerful machine learning models. [3] Neural network abstract representation | Photo by Clink Adair via Unsplash Why do we prefer Python to implement machine learning algorithms? Python is a popular and general-purpose programming language. We can write machine learning algorithms using Python, and it works well. The reason why Python is so popular among data scientists is that Python has a diverse variety of modules and libraries already implemented that make our life more comfortable. Let us have a brief look at some exciting Python libraries.
  • 9. 1. Numpy: It is a math library to work with n-dimensional arrays in Python. It enables us to do computations effectively and efficiently. 2. Scipy: It is a collection of numerical algorithms and domain-specific tool- box, including signal processing, optimization, statistics, and much more. Scipy is a functional library for scientific and high-performance computations. 3. Matplotlib: It is a trendy plotting package that provides 2D plotting as well as 3D plotting. 4. Scikit-learn: It is a free machine learning library for python programming language. It has most of the classification, regression, and clustering algorithms, and works with Python numerical libraries such as Numpy, Scipy. Machine learning algorithms classify into two groups : • Supervised Learning algorithms • Unsupervised Learning algorithms I. Supervised Learning Algorithms: Goal: Predict class or value label. Supervised learning is a branch of machine learning(perhaps it is the mainstream of machine/deep learning for now) related to inferring a function from labeled training data. Training data consists of a set of *(input, target)* pairs, where the input could be a vector of features, and the target instructs what we desire for the function to output. Depending on the type of the *target*, we can roughly divide supervised learning into two categories: classification and regression. Classification involves categorical targets; examples ranging from some simple cases, such as image classification, to some advanced topics, such as machine translations and image caption.
  • 10. Regression involves continuous targets. Its applications include stock prediction, image masking, and others- which all fall in this category. To illustrate the example of supervised learning below | Source: Photo by Shirota Yuri, Unsplash To understand what supervised learning is, we will use an example. For instance, we give a child 100 stuffed animals in which there are ten animals of each kind like ten lions, ten monkeys, ten elephants, and others. Next, we teach the kid to recognize the different types of animals based on different characteristics (features) of an animal. Such as if its color is orange, then it might be a lion. If it is a big animal with a trunk, then it may be an elephant. We teach the kid how to differentiate animals, this can be an example of supervised learning. Now when we give the kid different animals, he should be able to classify them into an appropriate animal group. For the sake of this example, we notice that 8/10 of his classifications were correct. So we can say that the kid has done a pretty good job. The same applies to computers. We provide them with thousands of data points with its actual labeled values (Labeled data is classified data into different groups along with its feature values). Then it learns from its different characteristics in its training period. After the training period is over, we can use our trained model to make predictions. Keep in mind that we already fed the machine with labeled data, so its prediction algorithm is based on supervised learning. In short, we can say that the predictions by this example are based on labeled data. Example of supervised learning algorithms :
  • 11. Linear Regression , Logistic Regression , K-Nearest Neighbors , Decision Tree , Random Forest , Support Vector Machine II. Unsupervised Learning: Goal: Determine data patterns/groupings. In contrast to supervised learning. Unsupervised learning infers from unlabeled data, a function that describes hidden structures in data. Perhaps the most basic type of unsupervised learning is dimension reduction methods, such as PCA, t-SNE, while PCA is generally used in data preprocessing, and t-SNE usually used in data visualization. A more advanced branch is clustering, which explores the hidden patterns in data and then makes predictions on them; examples include K-mean clustering, Gaussian mixture models, hidden Markov models, and others. Along with the renaissance of deep learning, unsupervised learning gains more and more attention because it frees us from manually labeling data. In light of deep learning, we consider two kinds of unsupervised learning: representation learning and generative models. Representation learning aims to distill a high-level representative feature that is useful for some downstream tasks, while generative models intend to reproduce the input data from some hidden parameters. To illustrate the example of unsupervised learning below | Source: Photo by Jelleke Vanooteghem, Unsplash
  • 12. Unsupervised learning works as it sounds. In this type of algorithms, we do not have labeled data. So the machine has to process the input data and try to make conclusions about the output. For example, remember the kid whom we gave a shape toy? In this case, he would learn from its own mistakes to find the perfect shape hole for different shapes. But the catch is that we are not feeding the child by teaching the methods to fit the shapes (for machine learning purposes called labeled data). However, the child learns from the toy’s different characteristics and tries to make conclusions about them. In short, the predictions are based on unlabeled data. Examples of unsupervised learning algorithms: Dimension Reduction , Density Estimation , Market Basket Analysis , Generative adversarial networks (GANs) , Clustering
  • 13. What would a neural network look like in an abstract real-life example? | Source: Timo Volz, Unsplash For this article, we will use a few types of regression algorithms with coding samples in Python.
  • 14. References: [1] Mitchell, Tom. (1997). Machine Learning. McGraw Hill. p. 2. ISBN 007- 042807-7 [2] Machine Learning, Arthur Samuel, Carnegie Mellon, http://www.contrib.andrew.cmu.edu/~mndarwis/ML.html [3] Machine Learning (ML) vs. AI, Towards AI, https://towardsai.net/ai-vs-ml [4] Key Machine Learning Definitions, Towards AI, https://towardsai.net/machine-learning-definitions Published via Towards AI