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

AI ML Course

The document outlines a comprehensive training program consisting of 25 modules covering various topics in AI, ML, and data science, including foundational mathematics, programming in Python, SQL, and advanced machine learning techniques. It also includes specialized modules on deep learning, reinforcement learning, and cloud deployment, culminating in a capstone project for practical application of skills. Additionally, there are IBM certificate modules focusing on deep learning, chatbot development, and PyTorch fundamentals.

Uploaded by

Abhishek Saxena
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
28 views

AI ML Course

The document outlines a comprehensive training program consisting of 25 modules covering various topics in AI, ML, and data science, including foundational mathematics, programming in Python, SQL, and advanced machine learning techniques. It also includes specialized modules on deep learning, reinforcement learning, and cloud deployment, culminating in a capstone project for practical application of skills. Additionally, there are IBM certificate modules focusing on deep learning, chatbot development, and PyTorch fundamentals.

Uploaded by

Abhishek Saxena
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 7

Programme Modules

Taught by IIT Faculties Taught by Industry Experts

Module 1 Introduction to the Programme

Overview of topics to be covered in the Programme


Motivation for the Programme
Overview of the Programme
Expected Outcomes of the Programme
Networking Session and Project Groups
Brief about software/tools

Module 2 Mathematics Fundamentals

Linear algebra: Vectors, matrices, inner products, matrix-vector multiplication, eigen


values/vectors, singular value decomposition

Calculus: Differentiation (single/multiple variables, vectors, and matrices),


unconstrained and constrained optimisation (Lagrangian multiplier)

Probability Theory: Discrete and continuous random variables, probability


distributions, Bayes' rule, Gaussian density function, conditional probability

Statistics: Descriptive and inferential statistics, hypothesis testing, probability


distributions

Module 3 SQL Fundamentals

SQL Basics: RDBMS & NoSQL, MS SQL Server & MongoDB demos, SQL tables,
joins, subqueries, views, functions, pattern matching, UDFs, stored procedures,
ranking, and sorting

Advanced SQL: Mathematical and date-time functions, SQL ROLLUP, record


grouping, common table expressions, clustered indexes

Data pipeline integration: Integrating ML models into data pipelines


Module 4 Python Fundamentals

Python: Pre-read

Python details: Python syntax, factors, NumPy, Scipy, Pandas, Data Visualization,
Scikit Learn, Pytorch,Matplolib, Seaborn Tensorflow, Deployment and
productionisation

Advanced python techniques: generators, iterators, decorators, context managers,


performance optimisation techniques. Demo on Python tools, python packages,
pytorch, scikit learn, tensorflow, demo of deployment on python, demo on advanced
python techniques

Module 5 Exploratory Data Analysis

EDA: Data types and variables, central tendency and dispersion

Five point summary and skewness, Box-plot, covariance and correlation, encoding,
scaling and normalisation.

Focus on pre-processing, missing values, working with outliers, demo on EDA

Module 6 Applications of AI and ML

NLP and text processing applications: Text classification, parts-of-speech tagging,


named entity recognition, text summarization, text question answering, machine
translation. Demo on sentiment analysis, chatbot creation and text-to-text translation

Image and video processing applications: Image classification, image annotation,


image captioning, video classification, video captioning, visual question answering,
visual common-sense reasoning

Speech processing applications: Speech recognition, speaker recognition, speech


emotion recognition, spoken language recognition, text-to-speech synthesis,
speech-to-speech translation

Module 7 Paradigms of Machine Learning

Supervised learning
Unsupervised learning
Semi-supervised learning
Active learning
Self-supervised learning
Transfer learning
Domain adaptation, Zero-shot
One-shot and Few-shot learning; Federated learning
Module 8 Regression Methods

Linear model for regression


Supervised learning
Parameter estimation
Overfitting
Regularisation
Ridge regression

Module 9 Probabilistic Models for Classification

K-nearest neighbour classifier


Bayes classifier
Normal density function
Decision surfaces
Naïve Bayes classifier
Maximum likelihood estimation
Gaussian mixture model

Module 10 Support Vector Machines for Classification

Distance of a point to a hyperplane


Margin of a separating hyperplane
Hard-margin SVM
Soft-margin SVM
Kernel functions
Multi-class classification using SVMs

Module 11 Dimension Reduction Techniques

Principal component analysis


Fisher discriminant analysis

Module 12 Decision Trees

Construction of decision tree for classification


Random forest classifier
Module 13 Ensemble Methods

Bagging
Boosting
AdaBoost
Applications of Ensemble methods

Module 14 Clustering Techniques

K-Means clustering
Hierarchical clustering
Applications of Clustering Techniques

Module 15 Multilayer Feedforward Neural Networks for


Classification and Regression
McCulloch-Pitts neuron

Perceptron learning rule

Sigmoidal activation function

ReLU activation function

Softmax activation function

Multilayer feedforward neural network

Error backpropagation method

Gradient descent method

Stochastic gradient descent method

Stopping criteria, Logistic regression based classifier

Focus on Deep Learning using Tensorflow and Keras, understanding Feedforward


neural network, back propagation, gradient descent and logistic regression

Module 16 Deep Feedforward Neural Networks

Generalized delta rule


AdaM based optimizer
Regularization: Drop-out, Drop-connect, Batch normalization
Module 17 Convolutional Neural Networks

Basic CNN architecture, Rectilinear Unit (ReLU), 2-D Deep CNNs: LeNet, VGGNet,
GoogLeNet, ResNet

Image classification using 2-D CNNs

3-D CNN for video classification

1-D CNN for text and audio processing

Object localization and detection algorithms – YOLO, Image Segmentation, and


UNet

Module 18 Recurrent Neural Networks

Architecture of an RNN, Unfolding an RNN, Backpropagation through time


Long short-term memory (LSTM) units
Gated recurrent units
Bidirectional RNNs
Deep RNNs

Module 19 Generative Adversarial Networks

Structure of GAN, types of GAN models, applications of GAN models

Module 20 Transformers

Attention mechanism
Transformer architecture
BERT (Bidirectional Encoder Representations from Transformers)
ViLBERT
GPT (Generative Pre-trained Transformer)
Applications of transformer models

Module 21 Applications of Generative AI

Applications of Gen AI in different domains


Examples of prompt engineering, fine tuning and API creation and integration
Module 22 Reinforcement Learning

Markov Decision Processes (MDPs)


Q-Learning and Deep Q Networks (DQN)
Actor-Critic models
Exploration vs. Exploitation strategies

Module 23 Deployment of MLOps

Ethical considerations (banking, ecommerce sectors); pushing code to repository


Responsible AI
Explainable AI
Registry, Model & Data Monitoring

Module 24 Cloud Deployment

Understanding cloud infrastructure essentials


Cloud-based ML Services and Databases
Containerization
Cloud enablement - scalability and flexibility
Understanding emerging themes: FaaS, Edge Computing
Federated Learning
AutoML
Explainable AI
Cloud ML-Ops
Deployment on Gemma models on Vertex AI and Kubernetes engine Scaling using AWS

Module 25 Capstone Project

The capstone project is a comprehensive, real-world assignment in which


participants apply their knowledge and skills to solve industry-specific problems
It integrates concepts from their coursework, encouraging critical thinking and
innovation
Capstone projects help participants gain hands-on experience, making them
industry-ready by demonstrating their ability to tackle complex challenges in a
professional setting
IBM Certificate Modules

Certificate 1 Deep Learning with TensorFlow

Introduction to TensorFlow
Convolutional Neural Networks (CNN)
Recurrent Neural Networks (RNN)
Unsupervised Learning
Autoencoders

Certificate 2 Build Your Own Chatbot

Introduction to Chatbots
Working with Intents
Working with Entities
Defining the Dialog
Deploying your Chatbot
Advanced Concepts – Part 1
Advanced Concepts – Part 2

Certificate 3 PyTorch: Tensor, Dataset and Data Augmentation

Overview of Tensors
Tensors 1D
Two-Dimensional Tensors
Derivatives in PyTorch
Simple Dataset
Dataset and Data Augmentation

You might also like