What is Machine Learning syllabus : Latest Updated Syllabus for syllabus

Updated on Nov 6, 2024 05:58 IST
Jaya Sharma

Jaya SharmaAssistant Manager - Content

Table of Contents
  1. Module-1: Fundamentals of Computer Science
    • 1.1 Programming Languages
    • 1.2 Data Structure and Algorithms
    • 1.3 Object-Oriented Programming (OOPs)
  2. Module 2: Mathematics for AI
    • 2.1 Linear Algebra
    • 2.2 Calculus
    • 2.3 Probability & Statistics
  3. Module 3: Machine Learning
    • 3.1 Supervised Learning
    • 3.2 Unsupervised Learning
    • 3.3 Deep Learning
    • 3.4 Natural Language Processing (NLP)
  4. Module 4: Computer Vision
    • 4.1 Image Processing
    • 4.2 Object Detection and Recognition
  5. Module 5: Software Engineering and System Design
    • 5.1 Software Engineering Principles
    • 5.2 Systems Design
  6. Module 6: Machine Learning Models
  7. Module 7: Practical Experience and Projects

Module-1: Fundamentals of Computer Science

Programming Languages

1. Python 

2. C++ 

  • Pointers 
  • References
  • Memory Management Templates 
  • Standard Template Library (STL)

3. Java 

Data Structure and Algorithms

1. Arrays

  • Static Array
  • Dynamic Arrays 

2. Linked Lists

3. Stacks

4. Queues

5. Trees 

6. Graphs 

7. Sorting Algorithms

8. Searching Algorithms 

9. Dynamic Programming

  • Memoization Tabulation 

10. Greedy Algorithms

Object-Oriented Programming (OOPs)

1. Classes and Objects

  • Class Attributes 
  • Class Methods
  • Instance Attributes
  • Instance Methods 

2. Inheritance

3. Polymorphism

4. Encapsulation

  • Public, Private, and Protected Access Modifiers

5. Abstraction 

Module 2: Mathematics for AI

Linear Algebra

1. Matrices

2. Vector Spaces

  • Operations
  • Span and Linear Independence 
  • Basis and Dimension

3. Eigenvalues and Eigenvectors

  • Characteristic Equation
  • Diagonalization

4. Singular Value Decomposition (SVD)

  • Applications of SVD

Calculus

1. Limits 

  • Limit Laws 

2. Continuity 

  • Derivatives 
    • Rules of Differentiation 
    • Partial Derivatives

    3. Integrals

    • Indefinite Integrals 
    • Definite Integrals 
    • Techniques of Integration

    4. Optimization 

    • Unconstrained Optimization
    • Constrained Optimization

    Probability & Statistics

    1. Probability Distributions 

    • Discrete Distributions
    • Continuous Distributions

    2. Hypothesis Testing 

    3. Bayesian Statistics 

    3. Sampling Techniques

    • Simple Random Sampling 
    • Stratified Sampling 
    • Cluster Sampling

    Module 3: Machine Learning

    Supervised Learning

    1. Linear Regression 

    2. Logistic Regression 

    • Binary Logistic Regression 
    • Multinomial Logistic Regression

    3. Decision Trees 

    • Information Gain and Entropy 
    • Pruning 

    3. Support Vector Machines 

    • Linear SVM 
    • Kernel Trick 

    4. Ensemble Methods 

    Unsupervised Learning

    1. Clustering

    • K-Means 
    • Hierarchical Clustering 
    • DBSCAN 

    2. Dimensionality Reduction 

    • Principal Component Analysis (PCA) 
    • t-SNE 
    • Autoencoders 

    3. Association Rule Mining

    • Apriori Algorithm 
    • FP-Growth Algorithm

    Deep Learning

    1. Artificial Neural Networks (ANN)

    • Perceptron
    • Feedforward Neural Networks
    • Backpropagation

    2. Convolutional Neural Networks (CNN)

    • Convolution Operations
    • Pooling
    • Architecture (LeNet, AlexNet, VGGNet, ResNet, etc.) 

    3. Recurrent Neural Networks (RNN)

    • Basic RNN
    • Long Short-Term Memory (LSTM) 
    • Gated Recurrent Unit (GRU)

    4. Generative Adversarial Networks (GANs)

    • Generator and Discriminator
    • Applications of GANs

    5. Reinforcement Learning

    • Markov Decision Processes
    • Q-Learning
    • Deep Q-Networks (DQN)

    Natural Language Processing (NLP)

    1. Text Preprocessing

    • Tokenization
    • Stemming and Lemmatization
    • Stop Word Removal

    2. Bag-of-Words and TF-IDF

    • Bag-of-Words Model
    • TF-IDF Weighting

    3. Word Embeddings

    • Word2Vec
    • GloVe
    • FastText 

    4. Sentiment Analysis

    • Rule-based Approaches
    • Machine Learning Approaches

    5. Named Entity Recognition

    • Sequence Labeling
    • Conditional Random Fields (CRF)

    6. Machine Translation

    • Statistical Machine Translation
    • Neural Machine Translation

    Module 4: Computer Vision

    Image Processing

    1. Image Representation

    • Grayscale and Color Images
    • Digital Image Formats

    2. Image Enhancement

    • Brightness and Contrast Adjustment
    • Spatial Filtering
    • Histogram Equalization

    3. Image Segmentation

    • Thresholding 
    • Edge Detection
    • Region-based Segmentation

    4. Feature Extraction

      • Edge and Corner Detection
      • Blob Detection 
      • Scale-Invariant Feature Transform (SIFT)

      Object Detection and Recognition

      1. Convolutional Neural Networks (CNN) 

      • Architecture (LeNet, AlexNet, VGGNet, ResNet, etc.) 

      2. Region-based Convolutional Neural Networks (R-CNN)

      • R-CNN
      • Fast R-CNN
      • Faster R-CNN

      3. You Only Look Once (YOLO)

      • YOLO v1 
      • YOLOv2
      • YOLOv3 

      4. Single Shot Detector (SSD)

      Module 5: Software Engineering and System Design

      Software Engineering Principles

      1. Agile Methodologies

      • Scrum
      • Kanban
      • Extreme Programming (XP)

      2. Version Control (Git)

      • Git Basics
      • Branching and Merging
      • Collaborative Development
      • Git Workflows

      3. Testing and Debugging

      • Unit Testing
      • Integration Testing
      • Debugging Techniques 
      • Test-Driven Development (TDD)

      4. Software Architecture

      • Monolithic Architecture
      • Microservices Architecture
      • Event-Driven Architecture
      • Service-Oriented Architecture (SOA)
      • Serverless Architecture

      Systems Design

      1. Scalability

      • Vertical Scaling
      • Horizontal Scaling
      • Load Balancing

      2. Distributed Systems

      • Consistency Models
      • Replication Strategies
      • Consensus Algorithms

      3. Database Systems

      • Relational Databases
      • NoSQL Databases
      • Data Modeling

      4. Caching

      • Client-side Caching
      • Server-side Caching
      • Cache Invalidation Strategies

      5. Load Balancing

      • Hardware Load Balancers
      • Software Load Balancers
      • Load Balancing Algorithms

      Module 6: Machine Learning Models

      1. Linear Regression

      • Simple Linear Regression
      • Multiple Linear Regression
      • Polynomial Regression
      • Ridge Regression (L2)
      • Lasso Regression (L1)
      • Elastic Net Regression
      • Weighted Linear Regression
      • Stepwise Regression

      2. Logistic Regression

      • Binary Logistic Regression
      • Multinomial Logistic Regression
      • Ordinal Logistic Regression
      • Probit Regression
      • Regularized Logistic Regression
      • Weighted Logistic Regression

      3. Decision Trees

      • Classification Trees (CART)
      • Regression Trees
      • ID3 (Iterative Dichotomiser 3)
      • C4.5
      • CHAID (Chi-square Automatic Interaction Detection)
      • Conditional Decision Trees
      • Pruned Trees
      • Boosted Trees

      4. Random Forests

      • Classification Random Forests
      • Regression Random Forests
      • Balanced Random Forests
      • Weighted Random Forests
      • Extremely Randomized Trees (Extra Trees)
      • Quantile Regression Forests
      • Rotation Forests

      5. Support Vector Machines (SVMs)

      • Linear SVM
      • Non-linear SVM
      • Kernel SVM
      • Nu-SVM
      • Weighted SVM
      • Least Squares SVM
      • Support Vector Regression (SVR)
      • One-Class SVM

      6. K-Nearest Neighbors (KNN)

      • Weighted KNN
      • Condensed KNN
      • Modified KNN
      • K-Nearest Centroid
      • Local Weighted Learning
      • Distance-Weighted KNN
      • Kernel KNN
      • Ball Tree KNN

      7. Naive Bayes

      • Gaussian Naive Bayes
      • Multinomial Naive Bayes
      • Bernoulli Naive Bayes
      • Complement Naive Bayes
      • Categorical Naive Bayes
      • Label-Powerset Naive Bayes
      • TF-IDF Naive Bayes
      • Selective Naive Bayes

      8. Gradient Boosting

      • XGBoost
      • LightGBM
      • CatBoost
      • AdaBoost
      • Gradient Boosting Machine (GBM)
      • Stochastic Gradient Boosting
      • NGBoost
      • Histogram-based Gradient Boosting

      9. K-Means Clustering

      • Lloyd's K-means
      • Elkan K-means
      • Mini-batch K-means
      • K-means++
      • Fuzzy K-means
      • Kernel K-means
      • Spherical K-means
      • Bisecting K-means

      10. Principal Component Analysis (PCA)

      • Standard PCA
      • Kernel PCA
      • Incremental PCA
      • Sparse PCA
      • Probabilistic PCA
      • Robust PCA
      • Non-linear PCA
      • Randomized PCA

      11. Singular Value Decomposition (SVD)

      • Full SVD
      • Truncated SVD
      • Randomized SVD
      • Incremental SVD
      • Sparse SVD
      • Robust SVD
      • Higher-Order SVD
      • Online SVD

      12. Neural Networks

      • Feed-forward Neural Networks
      • Convolutional Neural Networks (CNN)
      • Recurrent Neural Networks (RNN)
      • Long Short-Term Memory (LSTM)
      • Gated Recurrent Units (GRU)
      • Autoencoders
      • Transformers
      • Graph Neural Networks (GNN)
      • Generative Adversarial Networks (GAN)
      • Deep Belief Networks (DBN)
      • Radial Basis Function Networks (RBFN)
      • Self-Organizing Maps (SOM)

      Module 7: Practical Experience and Projects

      Kaggle Competitions

      1. Understanding Problem Statements
      2. Data Exploration and Preprocessing
      3. Model Selection and Training 
      4. Evaluation and Submission

      Open-Source Contributions

      1. Finding Relevant Projects
      2. Understanding Codebase
      3. Submitting Pull Requests
      4. Code Reviews and Collaboration

      Personal Projects

      1. Image Recognition

      2. Natural Language Processing

      • Text Classification
      • Named Entity Recognition
      • Machine Translation

      3. Recommendation Systems

      • Collaborative Filtering
      • Content-based Filtering
      • Hybrid Recommendation Systems

      4. Reinforcement Learning Applications

      • Gaming Environments
      • Robotics
      • Finance and Trading

      Most Popular Courses

      Following are the most popular What is Machine Learning courses, based on alumni reviews. Explore these reviews to choose the best course in What is Machine Learning.

      Popular What is Machine Learning UG Courses

      Following are the most popular What is Machine Learning UG Courses . You can explore the top Colleges offering these UG Courses by clicking the links below.

      UG Courses

      Popular What is Machine Learning PG Courses

      Following are the most popular What is Machine Learning PG Courses . You can explore the top Colleges offering these PG Courses by clicking the links below.

      PG Courses

      Popular Exams

      Following are the top exams for What is Machine Learning. Students interested in pursuing a career on What is Machine Learning, generally take these important exams.You can also download the exam guide to get more insights.

      22 Jan ' 25 - 30 Jan ' 25

      JEE Main 2025 Exam Date Session 1 - Paper 1

      30 Jan ' 25

      JEE Main 2025 Exam Date Session 1 - Paper 2

      30 Dec ' 24 - 15 Feb ' 25

      MHT CET 2025 Application Form

      16 Feb ' 25 - 22 Feb ' 25

      MHT CET 2025 Application Form with late fee

      21 Jan ' 25 - 18 Apr ' 25

      BITSAT 2025 application form - Session 1 and Both...

      29 Apr ' 25 - 1 May ' 25

      BITSAT 2025 application form correction facility ...

      qna

      Student Forum

      chatAnything you would want to ask experts?
      Write here...

      Answered a week ago

      To get into the affiliated colleges of MDU Rohtak for the AI and ML course, candidates need to score between 88415 and 533242 for the General AI category candidates. Considering the MDU Rohtak cutoff 2024, yes, it is possible to get into the university with 100k rank but for specific colleges. For S

      ...Read more

      Y

      Yatendra Kumar

      Contributor-Level 10

      Answered a week ago

      NIOS (National Institute of Open Schooling) students can face unique challenges when seeking admission to universities. Here's is some information which helps you.

      Admission Based on 12th Marks

      Typically, NIOS students are eligible for admission to universities based on their 12th standard marks. Howe

      ...Read more

      42093331
      Shubham Awasthi

      Beginner-Level 5

      Answered 2 weeks ago

      The seat allotment at SSPU Pune for BTech courses is done based on applicants exam scores. There are a total of 60 sanctioned seats for the AI and ML programme. Candidates are admitted as per the sanctioned seat intake. The mentioned count is as per the official website/sanctioning body. It is still

      ...Read more

      R

      Ranjeeta Karan

      Contributor-Level 6

      Answered 2 weeks ago

      The course curriculum is curated in a way that provides knowledge of core topics related to the specialisation. Candidates can choose only one domain elective in each semester of second and third year. Candidates pursuing this course have complete an internship within the course duration. Some of th

      ...Read more

      S

      Saumya Shukla

      Contributor-Level 6

      Answered 2 weeks ago

      There are about 1,300+ B Tech Artificial Intelligence and Machine Learning colleges in India. Some of them are mentioned below along with their tuition fees:

      College NamesTuition Fee

      IIT Vellore Admission

      INR 8 lakh

      SRM Institute of Science and Technology Admission

      INR 10 Lacs – INR 18 lakh

      Chandigarh University Admission

      INR 10 lakh

      B1 - Lovely Professional University

      INR 14 Lacs - INR 16 lakh

      IIT Roorkee Admission

      INR 8 lakh

      NIT Surathkal Admission

      INR 5 lakh

       

      T

      Tasbiya Khan

      Contributor-Level 10

      Answered a month ago

      Throughout the program, students will have support from:

      Mentor: An expert in the field who will help you stay on track with weekly 30-minute one-on-one video calls, scheduled at a time that fits your busy life.

      Career coach: They'll assist you with things like resume reviews, mock interviews, job sea

      ...Read more

      C

      Chanchal Aggarwal

      Contributor-Level 10

      Answered a month ago

      Course requirements vary by program, but Sriingboard offer options for students from all professional backgrounds and skill levels.

      Individuals don't need a bachelor's degree to apply for a Springboard course. While degree level won't affect the admission, however, they do suggest a bachelor's degree

      ...Read more

      C

      Chanchal Aggarwal

      Contributor-Level 10

      Answered a month ago

      Springboard offers Bootcamps for various skills such as Cybersecurity, Data Science, UX/UI Design, and Software Engineering. Their Bootcamp is an online programme designed to help individuals become proficient in a particular skill. The course lasts about six months and is structured to provide both

      ...Read more

      C

      Chanchal Aggarwal

      Contributor-Level 10

      Answered a month ago

      Kishkinda University Ballari offers a BTech in AI and ML for 4 years. The Institute offers BTech in AI and ML for INR 10.46 Lacs of total tuition fees. Candidates must secure a minimum aggregate of 45% in Class 12 from a recognised board. The average package during the placements was recorded at INR

      ...Read more

      A

      Aashi Madavi

      Beginner-Level 5

      Answered a month ago

      There are about 200+ M.Tech in AI & ML colleges in India. Some of them are mentioned below along with their tuition fees:

      MTech CollegesTuition Fee
      IIT Delhi MTechINR 3 lakh
      DTU MTechINR 2 lakh
      VIT Vellore MTechINR 4 lakh
      AI0 Hyderabad MTechINR 24,000
      IIT Roorkee MTechINR 20,000

      T

      Tasbiya Khan

      Contributor-Level 10

      Answered a month ago

      There are about 1,300+ NIT in AI & ML colleges in India. Some of them are mentioned below along with their tuition fees:

      BTech CollegesTuition Fee
      VIT Vellore BTechINR 8 lakh
      IIT Madras BTechINR 8 lakh
      IIT Kharagpur BTechINR 8 lakh
      IIT Hyderabad BTechINR 8 lakh
      NIT Surathkal BTechINR 5 lakh

      T

      Tasbiya Khan

      Contributor-Level 10

      Answered a month ago

      Yes, candidates can surely get admission for B.E. in AI and ML course through KCET. The BITM-Ballari Institute of Technology and Management cutoff 2024 varied from 31700 to 374337 for the General AI category candidates. Wherein, the B.E. in Artificial Intelligence and Machine learning cutoff was 515

      ...Read more

      M

      Mohit Singh

      Beginner-Level 5