Artificial Intelligence and Machine Learning syllabus : Latest Updated Syllabus for syllabus
Jaya SharmaAssistant Manager - Content
- Module-1: Fundamentals of Computer Science
- 1.1 Programming Languages
- 1.2 Data Structure and Algorithms
- 1.3 Object-Oriented Programming (OOPs)
- Module 2: Mathematics for AI
- 2.1 Linear Algebra
- 2.2 Calculus
- 2.3 Probability & Statistics
- Module 3: Machine Learning
- 3.1 Supervised Learning
- 3.2 Unsupervised Learning
- 3.3 Deep Learning
- 3.4 Natural Language Processing (NLP)
- Module 4: Computer Vision
- 4.1 Image Processing
- 4.2 Object Detection and Recognition
- Module 5: Software Engineering and System Design
- 5.1 Software Engineering Principles
- 5.2 Systems Design
- Module 6: Machine Learning Models
- Module 7: Practical Experience and Projects
Module-1: Fundamentals of Computer Science
Programming Languages
1. Python
- Data Types
- Control Flow Functions
- Modules and Packages Object-Oriented Programming
- File Handling
- Exception Handling
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
- Array Implementation
- Linked List Implementation
- Circular Queues
- Deques
5. Trees
- Binary Trees
- Binary Search Trees, AVL Trees
- Red-Black Trees, B-Trees
6. Graphs
- Graph Representations
- Graph Traversals Shortest Path Algorithms
- Minimum Spanning Tree Algorithms
8. Searching Algorithms
- Memoization Tabulation
10. Greedy Algorithms
- Kruskal's Algorithm
- Prim's Algorithm
- Huffman Coding
Object-Oriented Programming (OOPs)
- Class Attributes
- Class Methods
- Instance Attributes
- Instance Methods
2. Inheritance
3. Polymorphism
- Public, Private, and Protected Access Modifiers
5. Abstraction
Module 2: Mathematics for AI
Linear Algebra
1. Matrices
- 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
- Discrete Distributions
- Continuous Distributions
2. Hypothesis Testing
- Null and Alternative Hypotheses
- Types of Errors
- Statistical Significance
3. Bayesian Statistics
- Bayes' Theorem
- Prior and Posterior Distributions
- Simple Random Sampling
- Stratified Sampling
- Cluster Sampling
Module 3: Machine Learning
Supervised Learning
- Simple Linear Regression
- Multiple Linear Regression
- Polynomial Regression
- Regularization (Ridge, Lasso, Elastic Net)
- Binary Logistic Regression
- Multinomial Logistic Regression
- Information Gain and Entropy
- Pruning
3. Support Vector Machines
- Linear SVM
- Kernel Trick
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
- Understanding Problem Statements
- Data Exploration and Preprocessing
- Model Selection and Training
- Evaluation and Submission
Open-Source Contributions
- Finding Relevant Projects
- Understanding Codebase
- Submitting Pull Requests
- Code Reviews and Collaboration
Personal Projects
1. Image Recognition
- Object Detection
- Image Classification
- Image Segmentation
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
Popular Courses
- B.Tech. in Artificial IntelligenceSRM Institute of Science and Technology, Kattankulathur
- B.Tech. in Computer Science and Engineering (Artificial Intelligence and Machine Learning)SRM Institute of Science and Technology, Kattankulathur
- B.Tech. in Computer Science and Engineering (Artificial Intelligence and Machine Learning)LPU - Lovely Professional University
- B.Tech. in Artificial Intelligence and Data ScienceIIT Jodhpur - Indian Institute of Technology
- B.Tech. in Computer Science and Engineering (Artificial Intelligence and Machine Learning)Kalasalingam Academy of Research and Education
- B.Tech. in Computer Science and Engineering (Artificial Intelligence and Machine Learning)Manipal University, Jaipur
- B.E. in Artificial Intelligence and Machine LearningRamaiah Institute of Technology
- B.E. in Computer Science and Engineering (Artificial Intelligence & Machine Learning)Ramaiah Institute of Technology
- B.E. in Computer Science and Engineering (Artificial Intelligence)Sathyabama Institute of Science and Technology
- B.E. in Computer Science and Engineering (Artificial Intelligence and Machine Learning)Sathyabama Institute of Science and Technology
Popular Artificial Intelligence and Machine Learning UG Courses
UG Courses
- B.E. / B.Tech
1361 Colleges
Popular Artificial Intelligence and Machine Learning PG Courses
PG Courses
- M.E./M.Tech
13 Colleges
- MBA/PGDM
4 Colleges
Popular Exams
22 Jan ' 25 - 24 Jan ' 25 | JEE Main 2025 Exam Date Session 1 - Paper 1 |
28 Jan ' 25 - 29 Jan ' 25 | JEE Main 2025 Exam Date Session 1 - Paper 1 |
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 |
Feb '25 | TS EAMCET 2025registration without late fee TENTATIVE |
18 Apr ' 25 - 19 Apr ' 25 | KCET 2025 exam date |
News & Updates
Student Forum
Answered 2 weeks ago
Several reputed institutions offer after-10th Diploma courses in Artificial Intelligence and Machine Learning: NIIT: Offers an AI & Machine Learning Diploma with programme content that reflects the real business world. UpGrad: Provides online Diploma on AI and ML courses. IIIT Delhi: Can be enrolled
V
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
C
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
C
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
C
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
A
Beginner-Level 4
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 Colleges | Tuition Fee |
---|---|
IIT Delhi MTech | INR 3 lakh |
DTU MTech | INR 2 lakh |
VIT Vellore MTech | INR 4 lakh |
AI0 Hyderabad MTech | INR 24,000 |
IIT Roorkee MTech | INR 20,000 |
T
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 Colleges | Tuition Fee |
---|---|
VIT Vellore BTech | INR 8 lakh |
IIT Madras BTech | INR 8 lakh |
IIT Kharagpur BTech | INR 8 lakh |
IIT Hyderabad BTech | INR 8 lakh |
NIT Surathkal BTech | INR 5 lakh |
T
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
M
Beginner-Level 4
Taking an Exam? Selecting a College?
Find insights & recommendations on colleges and exams that you won't find anywhere else
On Shiksha, get access to
- 63k Colleges
- 966 Exams
- 616k Reviews
- 1450k Answers
- Aeronautical Engineering
- Aerospace Engineering
- Automobile Engineering
- Biomedical Engineering
- Biotechnology Engineering
- Chemical Engineering
- Computer Science Engineering
- Construction Engineering
- Control Systems
- Dairy Technology
- Electronics & Communication Engineering
- Electronics Engineering
- Environmental Engineering
- Food Technology
- Genetic Engineering
- Industrial Engineering
- Information Technology
- Marine Engineering
- Materials Science
- Mechatronics Engineering
- Metallurgical Engineering
- Mining Engineering
- Nanotechnology
- Petroleum Engineering
- Pharmaceutical engineering
- Polymer Technology
- Production Engineering
- RF & Microwave Engineering
- Robotics Engineering
- Silk Technology
- Soil & Water Conservation Engineering
- Structural Engineering
- Telecommunication Engineering
- Textile Engineering
- Transportation Engineering
- VLSI Design
Can you share details about the best colleges that offer After 10th Diploma in Artificial intelligence and Machine Learning course?