Machine Learning 1
Machine Learning 1
Learning
D R. S O U M I D U T TA
Machine Learning
Machine Learning, often abbreviated as ML is a branch of Artificial Intelligence (AI) that works
on algorithm developments and statistical models that allow computers to learn from data and
make predictions or decisions without being explicitly programmed.
Hence machine learning allows computers to learn from data and make decisions or
predictions without being explicitly programmed to do so.
Essentially, machine learning algorithms learn patterns and relationships from data, allowing
them to generalize from instances and make predictions or conclusions on new and uncovered
data
Machine Learning
The many different methods of machine learning methods will be covered here including
reinforcement learning, supervised learning, and unsupervised learning, in this machine learning.
For the purpose of developing predictive models, machine learning brings together statistics and
computer science. Algorithms that learn from historical data are either constructed or utilized in
machine learning. The performance will rise in proportion to the quantity of information we provide.
History of Machine Learning
Before some years (about 40-50 years), machine
of machine learning.
Stages of Machine Learning
Machine learning algorithms create a mathematical model that, without being explicitly programmed, aids in
making predictions or decisions with the assistance of sample historical data, or training data.
For the purpose of developing predictive models, machine learning brings together statistics and computer
science. Algorithms that learn from historical data are either constructed or utilized in machine learning. The
performance will rise in proportion to the quantity of information we provide.
A machine can learn if it can gain more data to improve its performance.
Life Cycle of Machine Learning
Machine learning has given the computer systems the abilities to automatically learn without being
explicitly programmed. It can be described using the life cycle of machine learning. Machine
learning life cycle is a cyclic process to build an efficient machine learning project. The main
purpose of the life cycle is to find a solution to the problem or project.
Machine learning life cycle involves seven major steps, which are given below:
Gathering Data
Data preparation
Data Wrangling
Analyse Data
Deployment
Gathering Data
Data Gathering is the first step of the machine learning life cycle. The goal of this step is to identify and obtain
all data-related problems.
In this step, we need to identify the different data sources, as data can be collected from various sources such
as files, database, internet, or mobile devices. It is one of the most important steps of the life cycle. The
quantity and quality of the collected data will determine the efficiency of the output. The more will be the data,
the more accurate will be the prediction.
Collect data
By performing the above task, we get a coherent set of data, also called as a dataset. It will be used in further
Data Preparation
After collecting the data, we need to prepare it for further steps. Data preparation is a step where
we put our data into a suitable place and prepare it to use in our machine learning training. In this
step, first, we put all data together, and then randomize the ordering of data.
Data exploration: It is used to understand the nature of data that we have to work with. We
need to understand the characteristics, format, and quality of data. A better understanding of
data leads to an effective outcome. In this, we find Correlations, general trends, and outliers.
Data pre-processing: Now the next step is preprocessing of data for its analysis.
Data Wrangling
Data wrangling is the process of cleaning and converting raw data into a useable format. It is the process of
cleaning the data, selecting the variable to use, and transforming the data in a proper format to make it more
suitable for analysis in the next step. It is one of the most important steps of the complete process. Cleaning of
data is required to address the quality issues. It is not necessary that data we have collected is always of our
use as some of the data may not be useful. In real-world applications, collected data may have various issues,
including:
Missing Values
Duplicate data
Invalid data
Noise
So, we use various filtering techniques to clean the data. It is mandatory to detect and remove the above
issues because it can negatively affect the quality of the outcome.
Data Analysis
Now the cleaned and prepared data is passed on to the analysis step. This step involves:
Selection of analytical techniques
Building models
The aim of this step is to build a machine learning model to analyze the data using various
analytical techniques and review the outcome. It starts with the determination of the type of the
problems, where we select the machine learning techniques such as Classification, Regression,
Cluster analysis, Association, etc. then build the model using prepared data, and evaluate the
model.
Train Model
Now the next step is to train the model, in this step we train our model to improve its
performance for better outcome of the problem.
We use datasets to train the model using various machine learning algorithms. Training a model
is required so that it can understand the various patterns, rules, and, features.
Test Model
Once our machine learning model has been trained on a given dataset, then we test the model.
In this step, we check for the accuracy of our model by providing a test dataset to it.
Testing the model determines the percentage accuracy of the model as per the requirement of
project or problem.
Deployment
The last step of machine learning life cycle is deployment, where we deploy the model in the
real-world system.
If the above-prepared model is producing an accurate result as per our requirement with
acceptable speed, then we deploy the model in the real system. But before deploying the project,
we will check whether it is improving its performance using available data or not. The
deployment phase is similar to making the final report for a project.
Features of Machine Learning
Machine learning uses data to detect various patterns in a given dataset.
It is a data-driven technology.
Machine learning is much similar to data mining as it also deals with the huge amount of the data.
Need for Machine Learning
Following are some key points which show the importance of Machine Learning:
Supervised learning
Unsupervised learning
Reinforcement learning
Supervised Machine Learning (SVM)
Supervised machine learning uses labeled datasets to train algorithms to classify data or predict outcomes. As input
data is inputted into the model, its weights modify until it fits into the model; this process is known as cross validation
which ensures the model is not overfitted or underfitted.
Supervised learning helps organizations scale real-world challenges like spam classification in a different folder from
your inbox. Different methods for supervised learning include neural networks, naïve Bayes, linear regression, logistic
regression, random forest, and SVM.
Unsupervised Machine Learning
Unsupervised machine learning analyses and clusters unlabelled datasets using machine learning methods. The
algorithms find hidden patterns or data groupings without human interaction. This method is useful for exploratory
data analysis, cross-selling, consumer segmentation, and image and pattern recognition.
It also reduces model features through dimensionality reduction using prominent methods of Principal component
analysis (PCA) and singular value decomposition (SVD). Neural networks, k-means clustering, and probabilistic
clustering are some popular methods of unsupervised learning.
Semi-Supervised learning
As its name implies; Semi-supervised learning is an integration of supervised and unsupervised learning. This
method uses both labeled and unlabelled data to train ML models for classification and regression tasks. Semi-
supervised learning is a best practice to utilize to solve the problem where a user doesn't have enough labelled
data for a supervised learning algorithm.
Hence, it's an appropriate method to solve the problem where data is partially labelled or unlabelled. Self-training,
co-training, and graph-based labelling are some of the popular Semi-supervised learning methods.
Reinforcement Machine Learning
Reinforcement learning is a feedback-based learning method, in which a learning agent gets a reward for each right
action and gets a penalty for each wrong action. The agent learns automatically with these feedbacks and improves
its performance. In reinforcement learning, the agent interacts with the environment and explores it. The goal of an
agent is to get the most reward points, and hence, it improves its performance.
The robotic dog, which automatically learns the movement of his arms, is an example of Reinforcement learning.
Common Machine Learning Algorithms
Several machine learning algorithms are commonly used. These include:
Neural networks: Neural networks function similarly to the human brain, comprising multiple linked
processing nodes. Neural networks excel at pattern identification and are used in different
applications such as natural language processing, image recognition, speech recognition, and
creating images.
Linear regression: This algorithm predicts numerical values using a linear relationship between
variables. For example, linear regression is used to forecast housing prices based on past data in a
particular area.
Logistic regression: This supervised learning method predicts categorical variables, such as
"yes/no" replies to questions. It is suitable for applications such as spam classification and quality
control on a production line.
Common Machine Learning Algorithms
Clustering: Clustering algorithms use unsupervised learning to find patterns in data and organise it
accordingly. Computers can assist data scientists by identifying differences between data items that
humans have overlooked.
Decision trees: Decision trees are useful for categorising data and for regression analysis, which
predicts numerical values. A tree structure can be used to illustrate the branching sequence of linked
decisions used in decision trees. Unlike neural networks, decision trees can be easily validated and
audited.
Random forests: ML predicts a value or category by integrating results from different decision trees.
Applications of Machine Learning
Image recognition is one of the most common applications of machine
learning. It is used to identify objects, persons, places, digital images, etc.
The popular use case of image recognition and face detection is,
Automatic friend tagging suggestion:
If we want to visit a new place, we take help of Google Maps, which shows us the correct path with the
shortest route and predicts the traffic conditions. It predicts the traffic conditions such as whether
traffic is cleared, slow-moving, or heavily congested with the help of two ways:
Real Time location of the vehicle form Google Map app and sensors
Everyone who is using Google Map is helping this app to make it better. It takes information from the
user and sends back to its database to improve the performance.
Applications of Machine Learning
Nowadays; Machine Learning is used almost everywhere. However, some most commonly used
applicable areas of Machine Learning are:
Speech recognition: It is also known as automatic speech recognition (ASR), computer speech
recognition, or speech-to-text, and it is a capability that uses natural language processing (NLP) to
translate human speech into a written format. To perform voice search, such as Siri, or improve text
accessibility, a large number of Mobile Devices incorporate speech recognition into their systems.
Customer service: Chatbots are replacing human operators on websites and social media, affecting
client engagement. Chatbots answer shipping FAQs, offer personalized advice, cross-sell products,
and recommend sizes. Some common examples are virtual agents on e-commerce sites, Slack and
Facebook Messenger bots, and virtual and voice assistants.
Applications of Machine Learning
Nowadays; Machine Learning is used almost everywhere. However, some most commonly used
applicable areas of Machine Learning are:
Computer vision: This artificial intelligence technology allows computers to derive meaningful
information from digital images, videos, and other visual inputs that can then be used for appropriate
action. Computer vision, powered by convolutional neural networks, is used for photo tagging on
social media, radiology imaging in healthcare, and self-driving cars in the automotive industry.
Robotic process automation (RPA): Also known as software robotics, RPA uses intelligent
automation technologies to perform repetitive manual tasks.
Automated stock trading: AI-driven high-frequency trading platforms are designed to optimize
stock portfolios and make thousands or even millions of trades each day without human intervention.
Applications of Machine Learning
Fraud detection:
Machine learning is making our online transaction safe and secure by detecting fraud transaction.
Whenever we perform some online transaction, there may be various ways that a fraudulent
transaction can take place such as fake accounts, fake ids, and steal money in the middle of a
transaction. So to detect this, Feed Forward Neural network helps us by checking whether it is a
genuine transaction or a fraud transaction.
For each genuine transaction, the output is converted into some hash values, and these values
become the input for the next round. For each genuine transaction, there is a specific pattern which
gets change for the fraud transaction hence, it detects it and makes our online transactions more
secure.
Applications of Machine Learning
Product recommendations:
Machine learning is widely used by various e-commerce and entertainment companies such as
Amazon, Netflix, etc., for product recommendation to the user. Whenever we search for some product
on Amazon, then we started getting an advertisement for the same product while internet surfing on
the same browser and this is because of machine learning.
Google understands the user interest using various machine learning algorithms and suggests the
product as per customer interest.
As similar, when we use Netflix, we find some recommendations for entertainment series, movies,
etc., and this is also done with the help of machine learning.
Applications of Machine Learning
Virtual Personal Assistant: We have various virtual personal assistants such as Google assistant,
Alexa, Cortana, Siri. As the name suggests, they help us in finding the information using our voice
instruction. These assistants can help us in various ways just by our voice instructions such as Play
music, call someone, Open an email, Scheduling an appointment, etc.
Self-driving cars: One of the most exciting applications of machine learning is self-driving cars.
Machine learning plays a significant role in self-driving cars. Tesla, the most popular car
manufacturing company is working on self-driving car. It is using unsupervised learning method to
train the car models to detect people and objects while driving.
Applications of Machine Learning
Email Spam and Malware Filtering: Whenever we receive a new email, it is filtered automatically as important,
normal, and spam. We always receive an important mail in our inbox with the important symbol and spam emails in
our spam box, and the technology behind this is Machine learning. Below are some spam filters used by Gmail:
Content Filter
Header filter
Rules-based filters
Permission filters
Some machine learning algorithms such as Multi-Layer Perceptron, Decision tree, and Naïve Bayes classifier are
used for email spam filtering and malware detection.
Applications of Machine Learning
Medical Diagnosis: In medical science, machine learning is used for diseases diagnoses. With this,
medical technology is growing very fast and able to build 3D models that can predict the exact
position of lesions in the brain. It helps in finding brain tumors and other brain-related diseases easily.
Automatic Language Translation: Nowadays, if we visit a new place and we are not aware of the
language then it is not a problem at all, as for this also machine learning helps us by converting the
text into our known languages. Google's GNMT (Google Neural Machine Translation) provide this
feature, which is a Neural Machine Learning that translates the text into our familiar language, and it
called as automatic translation.
Difference between Artificial intelligence and
Machine learning
Artificial intelligence and machine learning are the
part of computer science that are correlated with
each other. These two technologies are the most
trending technologies which are used for creating
intelligent systems. Although these are two related
technologies and sometimes people use them as a
synonym for each other, but still both are the two
different terms in various cases.