Download as docx, pdf, or txt
Download as docx, pdf, or txt
You are on page 1of 13

What is machine learning?

Machine learning (ML) represents a transformative branch of artificial


intelligence, enabling computers to learn and make decisions
autonomously from data. ML's applications span industries, from
healthcare to finance, reshaping how we process information
and make decisions.

Machine learning focuses on the use of data and algorithms to imitate


the way that humans learn, gradually improving its accuracy.

Python stands out as a leading programming language for machine


learning, because of its extensive collection of powerful libraries and
frameworks. The availability of tools like NumPy, pandas, scikit-
learn, and TensorFlow simplifies the implementation of diverse
machine learning algorithms.

Machine learning algorithms are typically created using frameworks


that accelerate solution development, such as TensorFlow and
PyTorch.

The Machine Learning process starts with inputting training data into
the selected algorithm. Training data being known or unknown data to
develop the final Machine Learning algorithm. The type of training
data input does impact the algorithm, and that concept will be covered
further momentarily.
AI vs. Machine Learning vs. Deep Learning

Artificial Intelligence is purely math and scientific exercise but when


it becomes computational, it starts to solve human problems.

Artificial Intelligence (AI) is a cutting-edge field in computer science


dedicated to creating intelligent systems that emulate human-like
cognitive functions. These systems leverage algorithms, data, and
computational power to perform tasks traditionally requiring
human intelligence.

Machine Learning is a subset of Artificial Intelligence. ML is the


study of computer algorithms that improve automatically through
experience. ML explores the study and construction of algorithms that
can learn from data and make predictions on data. Based on more
data, machine learning can change actions and responses which will
make it more efficient, adaptable, and scalable.

Deep Learning is a technique for implementing machine learning


algorithms. It uses Artificial Neural Networks for training data to
achieve highly promising decision making. The neural network
performs micro calculations with computational on many layers and
can handle tasks like humans
Machine Learning Life cycle

Step 1: Gathering Data


Identify various data sources such as Kaggle and collect the required dataset.

Step 2: Data Preprocessing

In this step, we do an analysis of the data for missing values, duplicate data, invalid
data using different analytical techniques. And also preprocessing the data for feature
extractions, feature analysis, and data visualization.

Step 3: Train Model


We use a dataset to train the model using various machine learning algorithms.
Training a model is important so that it can understand the various patterns, rules, and
features.

Step 4: Test Model


In this step, we check for the accuracy of our model by providing a test dataset to the
trained model.

Step 5: Model Deployment


Model deployment means integrating a machine learning model into an existing
production environment that takes input and returns output to make business decisions
based on data.

Step 6: Model Monitoring


After deployment of the model here comes model monitoring which monitors your
machine learning models for factors like errors, crashes, and latency and most
importantly to ensure that your model is maintaining the desired performance.

Some Real-World Applications of Machine


Learning

 Automatic Language Translation in Google Translate


 Faster route selection in Google Map
 Driverless/Self-driving car
 Smartphone with face recognition
 Speech Recognition
 Ads Recommendation System
 Netflix Recommendation System
 Auto friend tagging suggestion in Facebook
 Stock market trading
 Fraud Detection
 Weather Prediction
 Bitcoin price predictor
 Medical Diagnosis
 Chatbot
 Machine Learning in Agriculture
Types of Machine Learning

1) Supervised Machine Learning


Supervised learning is the types of machine learning in which
machines are trained using well "labelled" training data, and on basis
of that data, machines predict the output. The labelled data means
some input data is already tagged with the correct output.

In supervised learning, the training data provided to the machines


work as the supervisor that teaches the machines to predict the output
correctly. It applies the same concept as a student learns in the
supervision of the teacher.

Supervised learning is a process of providing input data as well as


correct output data to the machine learning model. The aim of a
supervised learning algorithm is to find a mapping function to map
the input variable(x) with the output variable(y).

In the real-world, supervised learning can be used for Image


classification, Fraud Detection, spam filtering, etc.

Working of Supervised Learning


In supervised learning, models are trained using labelled dataset,
where the model learns about each type of data. Once the training
process is completed, the model is tested on the basis of test data (a
subset of the training set), and then it predicts the output.
Types of supervised Machine learning :

1. Regression
Regression algorithms are used if there is a relationship between the
input variable and the output variable. It is used for the prediction of
continuous variables, such as Weather forecasting, Market Trends,
etc. Below are some popular Regression algorithms which come
under supervised learning:

o Linear Regression
o Regression Trees
o Multiple Regression
o Logistic Regression
o Lasso Regression
o Polynomial Regression

2. Classification
Classification algorithms are used when the output variable is
categorical, which means there are two classes such as Yes-No, Male-
Female, True-false, etc. Spam Filtering is one of the example of
classification model. Below are some popular Classification
algorithms:

o Random Forest
o Decision Trees
o Naïve Bayes Classifier
o Support vector Machines
o K-Nearest Neighbour

2) Unsupervised Machine Learning

Unsupervised learning is a machine learning technique in which


models are not supervised using training dataset. Instead, models
itself find the hidden patterns and insights from the given data. It can
be compared to learning which takes place in the human brain while
learning new things. It can be defined as:
“Unsupervised learning is a type of machine learning in which models
are trained using unlabeled dataset and are allowed to act on that data
without any supervision.”

Unsupervised learning cannot be directly applied to a regression or


classification problem because unlike supervised learning, we have
the input data but no corresponding output data. The goal of
unsupervised learning is to find the underlying structure of dataset,
group that data according to similarities, and represent that dataset in
a compressed format.

Working of Unsupervised Learning

In this we take unlabeled input data, Now, this unlabeled input data is
fed to the machine learning model in order to train it. Firstly, it will
interpret the raw data to find the hidden patterns and then will apply
suitable algorithms. Once it applies the suitable algorithm, the
algorithm divides the data objects into groups according to the
similarities and difference between the objects.
Types of Unsupervised Learning Algorithm:
The unsupervised learning algorithm can be further categorized into
two types of problems:

o Clustering-
Clustering is a method of grouping the objects into clusters such
that objects with most similarities remains into a group and has
less or no similarities with the objects of another group. Cluster
analysis finds the commonalities between the data objects and
categorizes them as per the presence and absence of those
commonalities.

o K- Means Clustering
o Hierarchical Clustering
o Mean-Shift Clustering

o Association-
An association rule is an unsupervised learning method which is
used for finding the relationships between variables in the large
database. It determines the set of items that occurs together in
the dataset. Association rule makes marketing strategy more
effective. Such as people who buy X item (suppose a bread) are
also tend to purchase Y (Butter/Jam) item. A typical example of
Association rule is Market Basket Analysis.
o Apriori Algorithm
o Eclat Algorithm

Some Machine Learning Algorithms:

1) Linear Regression Algorithm


Linear regression is one of the easiest and most popular Machine
Learning algorithms. It is a statistical method that is used for
predictive analysis. Linear regression makes predictions for
continuous/real or numeric variables such as sales, salary, age,
product price, etc.

Linear regression algorithm shows a linear relationship between a


dependent (y) and one or more independent (y) variables, hence called
as linear regression. Since linear regression shows the linear
relationship, which means it finds how the value of the dependent
variable is changing according to the value of the independent
variable.

The linear regression model provides a sloped straight line


representing the relationship between the variables.

Mathematically, we can represent a linear regression as:

y= a0+a1x+ ε

Here,

Y=Dependent Variable (Target Variable)

X=Independent Variable (predictor Variable)

a0=intercept of the line (Gives an additional degree of freedom)


a1=Linear regression coefficient (scale factor to each input value).

ε = random error

2) Support Vector Machine Algorithm


Support Vector Machine or SVM is one of the most popular
Supervised Learning algorithms, which is used for Classification as
well as Regression problems. However, primarily, it is used for
Classification problems in Machine Learning.

The goal of the SVM algorithm is to create the best line or decision
boundary that can segregate n-dimensional space into classes so that
we can easily put the new data point in the correct category in the
future. This best decision boundary is called a hyperplane.

SVM chooses the extreme points/vectors that help in creating the


hyperplane. These extreme cases are called as support vectors, and
hence algorithm is termed as Support Vector Machine.

3) Logistic Regression Algorithm

Logistic regression is one of the most popular Machine Learning


algorithms, which comes under the Supervised Learning technique. It
is used for predicting the categorical dependent variable using a given
set of independent variables.

Logistic regression predicts the output of a categorical dependent


variable. Therefore the outcome must be a categorical or discrete
value. It can be either Yes or No, 0 or 1, true or False, etc. but instead
of giving the exact value as 0 and 1, it gives the probabilistic values
which lie between 0 and 1.
In Logistic regression, instead of fitting a regression line, we fit an
"S" shaped logistic function, which predicts two maximum values (0
or 1).

4) Decision Tree Classification Algorithm

Decision Tree is a Supervised learning technique that can be used for


both classification and Regression problems, but mostly it is preferred
for solving Classification problems. It is a tree-structured classifier,
where internal nodes represent the features of a dataset, branches
represent the decision rules and each leaf node represents the
outcome.

In a Decision tree, there are two nodes, which are the Decision
Node and Leaf Node. Decision nodes are used to make any decision
and have multiple branches, whereas Leaf nodes are the output of
those decisions and do not contain any further branches.

It is a graphical representation for getting all the possible solutions to


a problem/decision based on given conditions.

A decision tree simply asks a question, and based on the answer


(Yes/No), it further split the tree into subtrees.

5) K-Means clustering Algorithm


K-Means clustering is a popular unsupervised machine learning
algorithm that aims to partition a dataset into distinct groups or
clusters based on similarity patterns. The algorithm works iteratively
to assign data points to clusters and refine the cluster centroids until a
stable configuration is achieved. Initially, it randomly selects K
cluster centroids, representing the initial cluster centers. Data points
are then assigned to the nearest centroid, forming clusters. The
centroids are recalculated as the mean of the points in each cluster.
This assignment and centroid update process repeats until
convergence. K-Means is widely used for various applications,
including customer segmentation, image compression, and
anomaly detection.

Index
i. Certificate
ii. What is machine learning?
iii. AI vs. Machine Learning vs. Deep Learning
iv. Machine Learning Life cycle
v. Some Real-World Applications of Machine
Learning
vi. Types of Machine Learning
o Supervised Machine Learning
o Unsupervised Machine Learning
vii. Some Machine Learning Algorithms
o Linear Regression Algorithm

o Support Vector Machine Algorithm


o Logistic Regression Algorithm

o Decision Tree Classification Algorithm

o K-Means clustering Algorithm

You might also like