0% found this document useful (0 votes)
19 views4 pages

Machine Learning

Uploaded by

harshavemuri
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
19 views4 pages

Machine Learning

Uploaded by

harshavemuri
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd

VTRPGE2023 - M.

Tech - CSE

COURSE CODE COURSE TITLE L T P C


20231CS203 Machine Learning 3 0 2 4

A. Preamble

This course introduces students to new and actively evolving interdisciplinary field of modern
data analysis. This course has been designed to introduce the concepts and techniques of machine
learning to the students. Students will gain practical mastery over machine learning algorithms
and applications of machine learning through a hands-on approach that includes working on
business case studies.

B. Prerequisite Course

20231CS104 Advanced Database Management Systems


C. Course Objectives

Students are exposed to


Apply the concepts of supervised and unsupervised learning algorithms for real time
applications.
Execute the data pre-processing and dimensionality reduction methods for large datasets
Analyse the dataset for finding the association rules and the frequency of the features
for the transactions.
Interpret and suggest appropriate clustering approaches for various types of problems
Demonstrate the aspects of simple perceptron and multi-layer perceptron.

D. Course Outcomes

Upon the successful completion of the course, students will be able to:
CO
Course Outcomes K - Level
Build the appropriate hypothesis for the machine learning problems.
CO1 K3

Design the feature reduced real-world datasets using the


CO2 K3
dimensionality reduction algorithms
Apply association rule mining for the Classification and Regression
CO3 K3
problems.

CO4 Implement various Clustering algorithms for the real time applications K3

Solve the neural networks using single and multi-layer perceptron for
CO5 K3
the real time problems.

K1-Remember K2-Understand K3-Apply K4-Analyze K5-Evaluate K6-Create

34 Department of Computer Science and Engineering


VTRPGE2023 - M.Tech - CSE

E. Correlation of COs with Program outcomes and Programme Specific Outcomes:

Cos PO1 PO2 PO3 PO4 PO5 PO6 PSO 1 PSO2

CO1 3 3 3 3 3 1 1 1

CO2 3 2 3 3 3 3 2 2

CO3 3 3 3 3 3 3 2 2

CO4 3 3 3 3 2 2 2 2

CO5 3 3 3 3 3 3 2 2

3-High; 2-Medium; 1-Low

F. Course Contents

Unit 1 Introduction to Machine Learning L-9 Hours


Machine Learning Applications Supervised Learning - Learning a Class from Examples
Concept Learning Task Find-S algorithm Candidate Elimination algorithm - Vapnik-
Chervonenkis Dimension Probably Approximately Correct Learning Learning Multiple
Classes - Classification Regression Parametric Methods Multivariate Methods

Unit 2 Data Pre-processing ` L-9 Hours


Data Pre-processing- Needs Pre-processing the Data- Data Cleaning, Data Integration and
Transformation, Data Reduction, Discretization - Dimensionality Reduction Feature
Extraction- Variable Selection Principal Component Analysis - Linear Discriminant Analysis
Quadratic Discriminant Analysis Factor Analysis Cross Validation Resampling methods

Unit 3 Association and Classification L-9 Hours


Association Rule Mining- Mining Multilevel Association Rules- Mining Multidimensional
Association Rule - Constraint Based Association Mining Linear Regression - Logistic
Regression- Decision Tree Induction - Bayesian Classification Support Vector Machines
Decision Trees ID3 - Random Forest Nearest Neighbor Methods Univariate Tree
Multivariate Tree Regression Trees Bagging and Boosting Classifiers Adaboost Xboost
Fine tuning the Classifier parameters.

Unit 4 Clustering Techniques L-9 Hours


Cluster Analysis - Types of Clustering methods Partitioning Clustering- K-means, K-
Medoid, K Mode- Density-Based Clustering- Grid based Clustering - Distribution Model
Based Clustering - Maximum likelihood Estimation- Expectation - Maximization Algorithm-
Hierarchical Clustering- Agglomerative Hierarchical algorithm - Fuzzy Clustering- Fuzzy C-
means algorithm - Agglomerative and Divisive Clustering .

Department of Computer Science and Engineering 35


VTRPGE2023 - M.Tech - CSE

Unit 5 Neural Networks L-9 Hours


Neural Networks Types of NN MLP- RecNN- RNN- CNN- LSTM- SNN- Simple
Perceptron - Gate implementation- Multi-layer Perceptron Going Forwards Going
Backwards: Back Propagation Error Multi-layer Perceptron in Practice Examples of using
the MLP Overview Deriving Back-Propagation- Optimization- Hyper parameter tuning
AND -OR- NOT NOT- XOR gate operations using perceptron
Total: 45 Hours

G. Laboratory Experiments Total: 30 Hours

Part - 1

Task 1 Apply and demonstrate the FIND-S algorithm for finding the most specific
Hypothesis based on a given set of training data samples.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator.
Task 2 Implement and demonstrate the Candidate-Elimination algorithm to output a
description of the set of all hypotheses consistent with the training examples.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator.
Task 3 Build a classification model that can effectively analyze and extract features
from an image. Apply PCA algorithm to find the appropriate feature.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator.
Task 4 Apply LDA algorithm to select the appropriate data from the given data set. Use
XG boost algorithm for classification.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator
Task 5 Write a program to demonstrate the working of the decision tree based on ID3
algorithm. Use an appropriate data set for building the decision tree and apply
this knowledge to classify a new sample.
Tools: Weka, Python, Scikitlearn, Anaconda navigator.
Task 6 Write a program to implement the Bagging and boosting model to the real world
datasets. Compute the accuracy of the classifier, considering few test data sets.
Tools: Rapid Miner, Python, Scikitlearn, Anaconda navigator.
Task 7 Apply unsupervised learning to implement K means clustering to perform
cluster analysis, find the optimal number of clusters, identify appropriate
features and interpret results.
Tools: Weka, Python, Scikitlearn, Anaconda navigator.
Task 8 Apply unsupervised learning to implement Hierarchical clustering to perform
cluster analysis, find the optimal number of clusters, identify appropriate
features and interpret results.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator.
Task 9 Apply EM algorithm to cluster a set of data stored in a .CSV file. Use the same
data set for clustering using k-Means algorithm. Compare the results of these
two algorithms and comment on the quality of clustering.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator.
Task 10 Apply back propagation neural network on image data. The idea is to build a
Artificial Neural Network model that can effectively analyze and extract features
from an image.
Tools: Google co-lab, Python, Scikitlearn, Anaconda navigator

36 Department of Computer Science and Engineering


VTRPGE2023 - M.Tech - CSE

Part-2

Use Cases:
Use case1: Weather classification
Use case2 : Stock market regression analysis
Use case3 : Pet animals clustering application
Use case4 : Biometrics pattern analysis
Use case5 : Logic Gate Implementation using perceptron
Total: 75 Hours
H. Learning Resources

i. Text Books

1. ion, MIT Press,


2020 [Unit 1- 4]
2.
academic publisher, 2019. [Unit 5]

ii. Reference books

1. Richard S. Sutton and Andrew G. Barto, "Reinforcement learning: An


Introduction", Second Edition, MIT Press, 2019.
2. Oliver Machine Learning for Absolute Beginners", Scatterplot Press,
third edition, 2020.
3.

4. -
Verlag New York Inc, 2018

iii. Online References


1. Machine Learning, accessed online April 20, 2021 [online].
Available: https://www.coursera.org/learn/machine-learning.
2. Machine Learning by Georgia Tech, accessed online April 20,
2021[online], Available: https://www.udacity.com/course/machine-
learning--ud2.

Department of Computer Science and Engineering 37

You might also like