EDUCBA

EDUCBA

MENUMENU
  • Free Tutorials
  • Free Courses
  • Certification Courses
  • 360+ Courses All in One Bundle
  • Login

What is Supervised Learning?

By Priya PedamkarPriya Pedamkar

Home » Data Science » Data Science Tutorials » Machine Learning Tutorial » What is Supervised Learning?

What is supervised learning

Introduction to Supervised Learning

Supervised Learning is a category of machine learning algorithms that are based upon the labeled data set. The predictive analytics is achieved for this category of algorithms where the outcome of the algorithm that is known as the dependent variable depends upon the value of independent data variables. It is based upon the training dataset and it improves through the iterations. There are mainly two categories of supervised learning such as regression and classification. It is implemented into several real-world scenarios such as predicting sales reviews for the next quarter in the business for a particular product for a retail organization.

Working on Supervised Machine Learning

Let us understand supervised machine learning with the help of an example. Let’s say we have fruit basket which is filled up with different species of fruits. Our job is to categorize fruits based on their category.

Start Your Free Data Science Course

Hadoop, Data Science, Statistics & others

In our case, we have considered four types of fruits and those are Apple, Banana, Grapes, and Oranges.

Supervised Learning 1

Now we will try to mention some of the unique characteristics of these fruits which make them unique.

S No.

Size Color Shape

First Name

1

Small Green Round to oval, Bunch shape Cylindrical

Grape

2

Big Red Rounded shape with a depression at the top

Apple

3

Big Yellow Long curving cylinder

Banana

4 Big Orange Rounded shape

Orange

Now let us say that you have picked up a fruit from the fruit basket, you looked at its features, for e.g. its shape, size, and color for instance and then you deduce that the color of this fruit is red, the size if big, the shape is rounded shape with depression at the top, hence it is an apple.

  • Likewise, you do the same for all other remaining fruits as well.
  • The rightmost column (“Fruit Name”) is known as the response variable.
  • This is how we formulate a supervised learning model, now it will be quite easy for anybody new (Let’s say a robot or an alien) with given properties to easily group the same type of fruits together.

Types of Supervised Machine Learning Algorithm

Let us see different types of machine learning algorithms:

Supervised Learning 2

Regression

Regression is used to predict single value output using the training data set. The output value is always called as the dependent variable while the inputs are known as the independent variable. We have different types of regression in Supervised Learning, for example,

Popular Course in this category
Machine Learning Training (17 Courses, 27+ Projects)17 Online Courses | 27 Hands-on Projects | 159+ Hours | Verifiable Certificate of Completion | Lifetime Access
4.7 (9,018 ratings)
Course Price

View Course

Related Courses
Deep Learning Training (15 Courses, 24+ Projects)Artificial Intelligence Training (3 Courses, 2 Project)
  • Linear Regression – Here we have only one independent variable which is used for predicting the output i.e. dependent variable.
  • Multiple Regression – Here we have more than one independent variable which is used for predicting the output i.e. the dependent variable.
  • Polynomial Regression – Here the graph between the dependent and independent variables follows a polynomial function. For e.g. at first, memory increases with age, then it reaches a threshold at a certain age, and then it starts decreasing as we turn old.

Classification

The classification of supervised learning algorithms is used to group similar objects into unique classes.

  • Binary classification – If the algorithm is trying to group 2 distinct groups of classes, then it is called binary classification.
  • Multiclass classification – If the algorithm is trying to group objects to more than 2 groups, then it is called multiclass classification.
  • Strength – Classification algorithms usually perform very well.
  • Drawbacks – Prone to overfitting and might be unconstrained. For Example – Email Spam classifier
  • Logistic regression/classification – When the Y variable is a binary categorical (i.e. 0 or 1), we use Logistic regression for the prediction. For Example – Predicting if a given credit card transaction is fraud or not.
  • Naïve Bayes Classifiers – The Naïve Bayes classifier is based on the Bayesian theorem. This algorithm is usually best suited when the dimensionality of the inputs is high. It consists of acyclic graphs that are having one parent and many children nodes. The child nodes are independent of each other.
  • Decision Trees – A decision tree is a tree chart like structure that consists of an internal node (test on attribute), branch which denotes the outcome of the test and the leaf nodes which represents the distribution of classes. The root node is the topmost node. It is a very widely used technique which is used for classification.
  • Support Vector Machine – A support vector machine is or an SVM does the job of classification by finding the hyperplane which should maximize the margin between 2 classes. These SVM machines are connected to the kernel functions. Fields, where SVMs are extensively used, are biometrics, pattern recognition, etc.

Advantages

Below are some of the advantages of supervised machine learning models:

  1. The performance of models can be optimized by the user experiences.
  2. It produces outputs using previous experience and also allows you to collect data.
  3. Supervised machine learning algorithms can be used for implementing a number of real-world problems.

Disadvantages

The following are the disadvantages given.

  • The effort of training supervised machine learning models may take a lot of time if the dataset is bigger.
  • The classification of big data sometimes poses a bigger challenge.
  • One may have to deal with the problems of overfitting.
  • We need lots of good examples if we want the model to perform well while we are training the classifier.

Good Practices while Building Learning Models

Following are the good practices while building machine Models:-

  1. Before building any good machine learning model, the process of preprocessing of data must be performed.
  2. One must decide the algorithm which should be best suited for a given problem.
  3. We need to decide what type of data will be used for the training set.
  4. Needs to decide on the structure of the algorithm and function.

Conclusion

In our article, we have learned what is supervised learning and we saw that here we train the model using labeled data. Then we went into the working of the models and their different types. We finally saw the advantages and disadvantages of these supervised machine learning algorithms.

Recommended Articles

This is a guide to What is Supervised Learning?. Here we discuss the concepts, how it works, types, advantages and disadvantages of Supervised Learning. You can also go through our other suggested articles to learn more –

  1. What Is Deep learning
  2. Supervised Learning vs Deep Learning
  3. Ways to Create a Decision Tree with Advantages
  4. Polynomial Regression | Uses and Features
  5. Guide to Pattern Recognition Applications

Machine Learning Training (17 Courses, 27+ Projects)

17 Online Courses

27 Hands-on Projects

159+ Hours

Verifiable Certificate of Completion

Lifetime Access

Learn More

0 Shares
Share
Tweet
Share
Primary Sidebar
Machine Learning Tutorial
  • Supervised
    • What is Supervised Learning
    • Supervised Machine Learning
    • Supervised Machine Learning Algorithms
    • Perceptron Learning Algorithm
    • Simple Linear Regression
    • Polynomial Regression
    • Multivariate Regression
    • Regression in Machine Learning
    • Hierarchical Clustering Analysis
    • Linear Regression Analysis
    • Support Vector Regression
    • Linear Regression Modeling
    • Multiple Linear Regression
    • Linear Algebra in Machine Learning
    • Statistics for Machine Learning
    • What is Regression Analysis?
    • Linear Regression Analysis
    • Clustering Methods
    • Backward Elimination
    • Ensemble Techniques
    • Bagging and Boosting
    • Linear Regression Modeling
    • What is Reinforcement Learning
  • Basic
    • Introduction To Machine Learning
    • What is Machine Learning?
    • Uses of Machine Learning
    • Applications of Machine Learning
    • Careers in Machine Learning
    • What is Machine Cycle?
    • Machine Learning Feature
    • Machine Learning Programming Languages
    • Machine Learning Tools
    • Machine Learning Models
    • Machine Learning Platform
    • Machine Learning Libraries
    • Machine Learning Life Cycle
    • Machine Learning System
    • Machine Learning Datasets
    • Types of Machine Learning
    • Machine Learning Methods
    • Machine Learning Software
    • Machine Learning Techniques
    • Machine Learning Feature Selection
    • Ensemble Methods in Machine Learning
    • Decision Making Techniques
    • Restricted Boltzmann Machine
    • Regularization Machine Learning
    • What is Regression?
    • What is Linear Regression?
    • What is Decision Tree?
    • What is Random Forest
  • Algorithms
    • Machine Learning Algorithms
    • Types of Machine Learning Algorithms
    • Bayes Theorem
    • AdaBoost Algorithm
    • Classification Algorithms
    • Clustering Algorithm
    • Gradient Boosting Algorithm
    • Mean Shift Algorithm
    • Hierarchical Clustering Algorithm
    • What is a Greedy Algorithm?
    • What is Genetic Algorithm?
    • Random Forest Algorithm
    • Nearest Neighbors Algorithm
    • Weak Law of Large Numbers
    • Ray Tracing Algorithm
    • SVM Algorithm
    • Naive Bayes Algorithm
    • Neural Network Algorithms
    • Boosting Algorithm
    • XGBoost Algorithm
    • Pattern Searching
    • Loss Functions in Machine Learning
    • Decision Tree in Machine Learning
    • Hyperparameter Machine Learning
    • Unsupervised Machine Learning
    • K- Means Clustering Algorithm
    • KNN Algorithm
    • Monty Hall Problem
  • Classification
    • Kernel Methods in Machine Learning
    • Clustering in Machine Learning
    • Machine Learning Architecture
    • Machine Learning C++ Library
    • Machine Learning Frameworks
    • Data Preprocessing in Machine Learning
    • Data Science Machine Learning
    • Classification of Neural Network
    • Neural Network Machine Learning
    • What is Convolutional Neural Network?
    • Single Layer Neural Network
    • Kernel Methods
    • Forward and Backward Chaining
    • Forward Chaining
    • Backward Chaining
  • Deep Learning
    • What Is Deep learning
    • Deep Learning
    • Application of Deep Learning
    • Careers in Deep Learnings
    • Deep Learning Frameworks
    • Deep Learning Model
    • Deep Learning Algorithms
    • Deep Learning Technique
    • Deep Learning Networks
    • Deep Learning Libraries
    • Deep Learning Toolbox
    • Types of Neural Networks
    • Convolutional Neural Networks
    • Create Decision Tree
    • Deep Learning for NLP
    • Caffe Deep Learning
    • Deep Learning with TensorFlow
  • RPA
    • What is RPA
    • What is Robotics?
    • Benefits of RPA
    • RPA Applications
    • Types of Robots
    • RPA Tools
    • Line Follower Robot
    • What is Blue Prism?
    • RPA vs BPM
  • Pytorch
    • PyTorch Versions
    • Single Layer Perceptron
    • PyTorch vs Keras
    • torch.nn Module
  • UiPath
    • What is UiPath
    • UiPath Careers
    • UiPath Architecture
    • UiPath version
    • UiPath Orchestrator
    • Uipath Reframework
    • UiPath Studio
  • Interview Questions
    • Deep Learning Interview Questions And Answer
    • Machine Learning Cheat Sheet

Related Courses

Machine Learning Training

Deep Learning Training

Artificial Intelligence Training

Footer
About Us
  • Blog
  • Who is EDUCBA?
  • Sign Up
  • Corporate Training
  • Certificate from Top Institutions
  • Contact Us
  • Verifiable Certificate
  • Reviews
  • Terms and Conditions
  • Privacy Policy
  •  
Apps
  • iPhone & iPad
  • Android
Resources
  • Free Courses
  • Database Management
  • Machine Learning
  • All Tutorials
Certification Courses
  • All Courses
  • Data Science Course - All in One Bundle
  • Machine Learning Course
  • Hadoop Certification Training
  • Cloud Computing Training Course
  • R Programming Course
  • AWS Training Course
  • SAS Training Course

© 2020 - EDUCBA. ALL RIGHTS RESERVED. THE CERTIFICATION NAMES ARE THE TRADEMARKS OF THEIR RESPECTIVE OWNERS.

EDUCBA Login

Forgot Password?

EDUCBA
Free Data Science Course

Hadoop, Data Science, Statistics & others

*Please provide your correct email id. Login details for this Free course will be emailed to you
Book Your One Instructor : One Learner Free Class

Let’s Get Started

This website or its third-party tools use cookies, which are necessary to its functioning and required to achieve the purposes illustrated in the cookie policy. By closing this banner, scrolling this page, clicking a link or continuing to browse otherwise, you agree to our Privacy Policy

EDUCBA

*Please provide your correct email id. Login details for this Free course will be emailed to you
EDUCBA
Free Data Science Course

Hadoop, Data Science, Statistics & others

*Please provide your correct email id. Login details for this Free course will be emailed to you

Special Offer - Machine Learning Training (17 Courses, 27+ Projects) Learn More