0% found this document useful (0 votes)
9 views

ML using Python

The document outlines a 90-hour Machine Learning program offered by GRAS Education & Training Services, covering Data Structures and Algorithms (DSA) and various machine learning concepts. The syllabus includes modules on Python, statistics, supervised and unsupervised learning, neural networks, and project work, with hands-on practice throughout. Assessment includes weekly discussions and a final capstone project evaluated by mentors.
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)
9 views

ML using Python

The document outlines a 90-hour Machine Learning program offered by GRAS Education & Training Services, covering Data Structures and Algorithms (DSA) and various machine learning concepts. The syllabus includes modules on Python, statistics, supervised and unsupervised learning, neural networks, and project work, with hands-on practice throughout. Assessment includes weekly discussions and a final capstone project evaluated by mentors.
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
You are on page 1/ 6

CIN No.

U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

Machine Learning Using Python – 90 Hrs Program include DSA with Project

Syllabus – DSA

Module 1: Introduction & Arrays

Theory:

• What is DSA? Why is it important?


• Time & Space Complexity (Big O)
• Array basics, operations, and memory layout
• Sorting: Bubble, Selection, Insertion
• Searching: Linear & Binary Search

Practice Topics:

• Reverse array, rotate array


• Kadane’s Algorithm (Max subarray)
• Merge sorted arrays

Module 2: Strings and Recursion

Theory:

• String manipulation, immutability


• Pattern matching
• Recursion: Base case, recursion tree, backtracking basics

Practice Topics:

• Palindrome, anagram check


• Subsequence generation
• Fibonacci, Factorial, N-Queens (intro)

Module 3: Stacks, Queues, and Linked Lists

Theory:

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in
CIN No. U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

• Stack: LIFO, applications (expression parsing, undo)


• Queue: FIFO, circular queue
• Singly & Doubly Linked Lists
• Applications in browsers, OS, and memory

Practice Topics:

• Infix to postfix
• Balanced parentheses
• Detect loop in linked list

Module 4: Trees and Hashing

Theory:

• Binary Tree, BST, Tree Traversals (DFS, BFS)


• Recursion in Trees
• HashMap/HashSet basics
• Collision resolution basics

Practice Topics:

• Lowest Common Ancestor (LCA)


• Binary Tree Level Order
• Two Sum using hashmap
• Frequency count

Module 5: Graphs, Greedy & Dynamic Programming

Theory:

• Graph Representations: Adjacency List/Matrix


• DFS, BFS
• Dijkstra (intro), Topological Sort
• Greedy: Activity selection, Huffman encoding
• Dynamic Programming intro: Memoization & Tabulation

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in
CIN No. U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

Practice Topics:

• Number of islands (DFS on grid)


• 0/1 Knapsack, Longest Increasing Subsequence
• Shortest path problem

Introduction to Machine Learning

• What is Machine Learning?


• Types of Machine Learning (Supervised, Unsupervised, Reinforcement)
• Real-world applications
• ML workflow & lifecycle
• Tools: Python, Jupyter Notebook, Scikit-learn

Module 2: Python for Machine Learning Refresher

• Python basics (variables, control structures, functions, OOP)


• Data handling with NumPy
• Data manipulation with Pandas
• Data visualization with Matplotlib and Seaborn
• Hands-on: Exploratory analysis of a dataset

Module 3: Statistics & Linear Algebra for ML

• Descriptive statistics: mean, median, variance, skewness, kurtosis


• Probability theory: distributions, Bayes theorem
• Linear Algebra basics: vectors, matrices, dot product
• Correlation & covariance
• Hands-on: Simulations with NumPy

Module 4: Data Preprocessing & Feature Engineering

• Data cleaning: handling missing values, duplicates


• Encoding categorical variables
• Feature scaling: Standardization, Normalization
• Feature selection techniques

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in
CIN No. U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

• Hands-on: Preprocessing dataset (e.g., Titanic)

Module 5: Supervised Learning – Regression Models

• Linear Regression (Simple & Multiple)


• Polynomial Regression
• Regularization: Lasso & Ridge
• Evaluation metrics: MSE, RMSE, R²
• Hands-on: Predicting house prices

Module 6: Supervised Learning – Classification Models

• Logistic Regression
• K-Nearest Neighbors (KNN)
• Decision Trees
• Random Forest
• Naive Bayes
• Support Vector Machines (SVM)
• Model evaluation: Accuracy, Precision, Recall, F1-score, Confusion matrix, ROC-AUC
• Hands-on: Classification project (e.g., disease prediction)

Module 7: Model Evaluation & Optimization

• Cross-validation (K-Fold)
• Grid Search & Random Search
• Hyperparameter tuning
• Bias-Variance tradeoff
• Underfitting vs Overfitting
• Hands-on: Optimizing an ML pipeline

Module 8: Unsupervised Learning

• Clustering: K-Means, Hierarchical Clustering, DBSCAN


• Dimensionality Reduction: PCA
• Anomaly Detection
• Hands-on: Customer segmentation project

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in
CIN No. U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

Module 9: Ensemble Learning

• Bagging, Boosting concepts


• Random Forest Revisited
• Gradient Boosting, AdaBoost, XGBoost
• Hands-on: Comparison of ensemble models

Module 10: Introduction to Neural Networks

• Basics of Artificial Neural Networks


• Perceptron, Activation Functions
• Intro to Deep Learning libraries (Keras/TensorFlow)
• Hands-on: Simple neural network for classification

Module 11: Project Work & Presentation

• End-to-end ML project (choose from options):


o Predicting stock prices
o Fraud detection
o Sentiment analysis
o Churn prediction
• Workflow:
o Problem understanding
o Data preprocessing
o Model building
o Model evaluation
o Visualization & reporting
• Final project presentation

Tools and Platforms

• Python (Jupyter Notebooks / Google Colab)


• Libraries: NumPy, Pandas, Scikit-learn, Seaborn, Matplotlib, XGBoost, Keras
• GitHub for version control
• Kaggle for datasets and competitions

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in
CIN No. U80301DL2007PTC162030
GRAS EDUCATION & TRAINING SERVICES PVT.LTD

Assessment and Evaluation:

• Assessment after course


• Weekly project’s discussion
• Final capstone project (evaluated by mentors/instructors)

Corporate Office: - D-26,1st Floor, Sector-3, Noida-201301 Ph.-0120-4145920


Registered Office: - F0, Ground Floor, The Mira Corporate Suites, Plot No.1&2, Ishwar Nagar,
New Delhi-110065
Web: - www.grastech.in

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy