MTech AI DS KIIT Syllabus v1.5
MTech AI DS KIIT Syllabus v1.5
Course Overview
Today’s modern world is majorly driven Artificial Intelligence (AI) which has made inroads almost
every aspect of life. It was way back in 1959 Arthur Samuel, a pioneer in the field of machine learning
(ML) defined it as the “field of study that gives computers the ability to learn without being explicitly
programmed”. Machine Learning is one of the fundamental blocks of AI. The term "AI" could be
attributed to John McCarthy of MIT (Massachusetts Institute of Technology), which Marvin Minsky
(Carnegie-Mellon University) defines as "the construction of computer programs that engage in tasks
that are currently more satisfactorily performed by human beings because they require high-level
mental processes such as: perceptual learning, memory organization and critical reasoning.
AI has come a long way since then. It was during the late 2000 era that we saw the rebirth of neural
networks in the form of Deep Learning, thanks to the availability of large compute power through
cloud and massive availability of data. Deep Learning is a term to describe deep and complex neural
networks that magically solved at ease the problems around structured and unstructured data (vision
and language). A few years apart came the Generative Adversarial Networks followed by Large
Language Models, now heading towards Large Multimodal Models, Large Action Models. The rise of
AI has been exponential to say the least and is likely to keep going. It’s no wonder, we see robots
cleaning the floor, dev co-pilots generating code across languages for software developers, devices
that human language and follow instructions etc., the list is almost endless. Hence its pertinent that
we are prepared for the future that embraces AI.
We offer M. Tech DS which is a specially designed two-year post-graduate programme for engineers
to leverage the advantages of emerging trends in market in the domain of artificial intelligence and
machine learning and get them skilled to do their job as soon as they complete their Postgraduate.
We focus on building concepts on Mathematics and Statistics required for DS domain, programming,
applied machine learning, generative ai and its applications, advanced deep learning, fine tuning large
language models & building applications and responsible AI. This M. Tech offering is an amalgam of
the fundamentals, essentials of DS and the intricate deep practical knowledge of engineering AI & DS
applications.
The curriculum and syllabus are designed and developed by LTIMindtree Industry practitioners, chief
architects, and experts who have more than 2 decades of experience in this field with rich technical
and domain knowledge, and it will be integrated with a real time lab simulation to help students get
industry exposure while learning.
The outcome of this course is to shape a student’s career in emerging technologies for designing and
implementing the DS applications end-to-end.
Total programme consists of theory, theory + integrated lab, exclusive laboratory, soft skills, and
projects.
2
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Structure
PG program M.Tech (AI & DS) Total: 70 credits
Semester I
Course
Subject Hours Type L T P Credits
Code
Mathematical Foundations 60 C 4 0 0 4
Python for Data Science 45 C 3 0 0 3
Applied Machine Learning 45 C 3 0 0 3
Data Engineering 45 C 3 0 0 3
Professional Elective - I 45 C 3 0 0 3
Professional Skills - I 30 P 0 0 2 1
Applied ML Lab 60 P 0 0 4 2
Data Science Lab 60 P 0 0 4 2
Total 390 21
Professional Elective - I: Generative Adversarial Networks (Mandate) / CS62101/ CS60308
Semester II
Course
Subject Hours Type L T P Credits
Code
Deep Learning Applications 45 C 3 0 0 3
Generative AI with Large Language Models 45 C 3 0 0 3
Professional Elective - II 45 C 3 0 0 3
Open Elective 45 C 3 0 0 3
Professional Elective - III 45 E 3 0 0 3
Professional Skills - II 30 P 0 0 2 1
GenAI based Applications Lab 60 P 0 0 4 2
Large Language Models Lab 60 P 0 0 4 2
Total 375 20
Professional Elective - II: Ethics in Data Science (Mandate) / Computer Vision / NLP
Professional Elective - III: Application Architecture and Deployment / Security for Data Science
Semester III
P
Subject Course Code Type L T Credits
(Hours)
Professional Elective - IV C 3 0 0 3
Project - I P - - - 16
Total 19
Professional Elective - IV: Machine Learning Engineering for Production (MLOps) Specialization / Industry Specific Applications of
GenAI & Responsible AI
Semester IV
Subject Course Code Type L T P Credits
Project -II P - - - 20
Total 20
3
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Semester - I
4
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students will be able to refresh the statistical knowledge learnt earlier with hands-on practical expertise.
CO1: Refresh the mathematics knowledge with respect to Linear algebra, Vectors, Projections, Principal Component
Analysis and Generative Models
CO2: Refresh the mathematics knowledge with respect to Matrices, Gradient Calculus, Optimization models.
CO3: Refresh the mathematics knowledge with respect to probability, statistics.
5
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Reference Books:
1. James D. Miller, Statistics for Data Science - By Packt Publishing (2017)
2. IND James D. Hamilton, Time Series Analysis – By Levant Books (2012)
Course Outcome:
Students will be able to learn about two widely used programming languages in the field of data science and how to
go about choosing any language.
CO1: Understand the basics of python and standard modules used for data science with hands-on.
CO2: Understand the data structures and visualization used for data science with hands-on.
CO3: Understand the machine learning libraries used for data science with hands-on.
Unit 3: Visualization 9
Introduction to Matplotlib - Matplotlib Basics - Matplotlib - Understanding the Figure Object - Matplotlib -
Implementing Figures and Axes - Matplotlib - Figure Parameters - Matplotlib Styling - Legends - Matplotlib Styling -
Colors and Styles - Advanced Matplotlib Commands - Introduction to Seaborn - Scatterplots with Seaborn - Distribution
Plots - Part One - Understanding Plot Types - Distribution Plots - Part Two - Coding with Seaborn - Categorical Plots -
Statistics within Categories - Understanding Plot Types - Categorical Plots - Statistics within Categories - Coding with
Seaborn - Categorical Plots - Distributions within Categories - Understanding Plot Types - Categorical Plots -
Distributions within Categories - Coding with Seaborn - Seaborn - Comparison Plots - Understanding the Plot Types -
Seaborn - Comparison Plots - Coding with Seaborn - Seaborn Grid Plots - Seaborn - Matrix Plots.
6
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Introduction to Linear Regression : Cost Functions - Gradient Descent - Python coding Simple - Overview of Scikit-Learn
and Python - Residual Plots - Model Deployment and Coefficient Interpretation - Polynomial Regression - Theory and
Motivation - Creating Polynomial Features - Training and Evaluation - Bias Variance Trade-Off - Polynomial Regression
- Choosing Degree of Polynomial - Model Deployment - Feature Scaling; Introduction to Cross Validation :
Regularization Data Setup - Ridge Regression Theory - Lasso Regression - Background and Implementation - Elastic Net
- Feature Engineering and Data Preparation; Dealing with Outliers - Dealing with Missing Data - Evaluation of Missing
Data - Filling or Dropping data based on Rows - Fixing data based on Columns - Dealing with Categorical Data - Encoding
Options - Cross Validation - Test - Validation - Train Split - cross_val_score - cross validate - Grid Search; Linear
Regression Project: The Logistic Function - Logistic Regression - Theory and Intuition; Linear to Logistic: Logistic
Regression - Theory and Intuition - Linear to Logistic Math; Logistic Regression: Theory and Intuition Logistic Regression
Model Training - Classification Metrics - Confusion Matrix and Accuracy - Classification Metrics - Precison, Recall, F1-
Score - ROC Curves - Logistic Regression with Scikit-Learn - Performance Evaluation - Multi-Class Classification with
Logistic Regression - Data and EDA – Model.
Reference Books:
Course Outcome:
Students will be able to get the knowledge about all the tools and techniques you need to apply machine learning to
solve business problems.
CO1: To know about Supervised Learning, Support Vector Machines, Unsupervised Learning
CO2: Get the knowledge about Feature Engineering, Statistical Data Analysis, Outlier Analysis and Detection
CO3: Learn about ML Model Development, Model Evaluation Techniques, Model Deployment and Inferences, Model
Explainability
7
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Implement and understand the cost function and gradient descent for multiple linear regression - Implement and
understand methods for improving machine learning models by choosing the learning rate - plotting the learning curve
- performing feature engineering - applying polynomial regression - Implement and understand the logistic regression
model for classification -Learn why logistic regression is better suited for classification tasks than the linear regression
model is - Implement and understand the cost function and gradient descent for logistic regression - Understand the
problem of - overfitting - improve model performance using regularization - Implement regularization to improve both
regression and classification models
Build a neural network for binary classification of handwritten digits using TensorFlow - Gain a deeper understanding
by implementing a neural network in Python from scratch - Optionally learn how neural network computations are
vectorized to use parallel processing for faster training and prediction - Build a neural network to perform multi-class
classification of handwritten digits in TensorFlow -using categorical cross-entropy loss functions and the SoftMax
activation - Learn where to use different activation functions – ReLu - linear - sigmoid - SoftMax in a neural network -
depending on the task you want your model to perform - Use the advanced Adam optimizer to train your model more
efficiently - Discover the value of separating your data set into training - cross-validation -test sets - Choose from
various versions of your model using a cross-validation dataset -evaluate its ability to generalize to real-world data
using a test dataset - Use learning curves to determine if your model is experiencing high bias or high variance - learn
which techniques to apply regularization - adding more data - adding or removing input features to improve your
model’s performance - Learn how the bias-variance trade-off is different in the age of deep learning - and apply Andrew
Ng’s advice for handling bias and variance when training neural networks - Learn to apply the iterative loop of machine
learning development to train - evaluate - tune your model - Apply data-centric AI to not only tune your model but
tune your data using data synthesis or data augmentation to improve your model’s performance - Build decision trees
and tree ensembles - such as random forest and XGBoost - boosted trees - to make predictions - Learn when to use
neural network or tree ensemble models for your task - as these are the two most commonly used supervised learning
models in practice today.
Use unsupervised learning techniques for unsupervised learning: including clustering and anomaly detection - Build
recommender systems with a collaborative filtering approach and a content-based deep learning method - Build a
deep reinforcement learning model - Implement K-mean clustering - Implement anomaly detection - Learn how to
choose between supervised learning or anomaly detection to solve certain tasks - Build a recommender system using
collaborative filtering - Build a recommender system using a content-based deep learning method - Build a deep
reinforcement learning model (Deep Q Network)." - Histograms - Box Plots etc - use of frequency distributions – mean
comparisons - cross tabulation - statistical inferences using chi square - t-test and ANOVA - Outlier Analysis and
Detection - outlier analysis - density based and distance based.
Reference Books:
1. Hang Li, Machine Learning Methods - By Springer Nature Singapore (2023)
2. Dr. R. Nageswara Rao, Machine Learning in Data Science Using Python - By Dreamtech Press (2022)
8
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students to understand the fundamentals of data engineering and its importance in modern data-driven applications.
CO1: Identify and explain different data formats and their use cases, including structured, semi-structured, and
unstructured data.
CO2: Describe various data ingestion techniques, such as ETL, and stream processing, and their advantages and
limitations.
CO3: Perform data profiling and analyze data quality metrics to ensure data accuracy, completeness, and consistency.
CO4: Design and implement effective storage and retrieval methods for large-scale data sets, including relational
databases, NoSQL databases, and distributed file systems.
CO5: Apply data engineering principles to real-world scenarios, such as data warehousing, big data analytics, and
machine learning.
Unit 3: Data Profiling & Visual Representation via Various Tools (Pandas) 9
Introduction to Data Profiling and Visualization - Exploratory Data Analysis (EDA) with Pandas - Steps Involved in
Exploratory Data Analysis (EDA) Data Analysis (EDA) with Pandas - Market Analysis with Exploratory Data Analysis (EDA)
- Data Analytics and Its Future Scope - Data Analytics with Python - Top Business Intelligence Tools - Application of Data
Analytics - Retrieving and Cleaning Data - Exploratory Data Analysis and Feature Engineering - Inferential Statistics and
Hypothesis Testing - Descriptive Statistics - Types of Descriptive Statistics - Concepts of Populations, Samples, and
Variables - Statistical Methods for Describing Data Characteristics - Real-World Applications of Descriptive Statistics
using Excel - Types of Missing Data and Handling Techniques.
9
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Introduction to Data Lineage Analysis - Building a Data Flow - ETL (Extract, Transform, Load) Process - Usage of Data
Warehouse - Edge Intelligence in Data Flow - Understanding Data Lineage - How Data Lineage Works - Benefits of Data
Lineage - Data Lineage Tool Features.
Reference Books:
1. Charles M.Judd, Data Analysis: A Model Comparison Approach To Regression, ANOVA, and Beyond 3rd
Edition - By Routledge (2017)
2. Pierre-Yves Bonnefoy, Emeric Chaize, Raphaël Mansuy & Mehdi TAZI, The Definitive Guide to Data
Integration 1st Edition - By Packt Publishing (2024).
Course Outcome:
Students gain comprehensive understanding of deep learning techniques and generative AI models.
CO1: Understand generative models such as generative adversarial networks (GANs) and their advanced techniques.
CO2: To build sophisticated and robust GAN models using PyTorch & convolutional layers etc.,
CO3: Student to learn about the advantages and disadvantages of different GAN performance measures.
CO4: Students to explore and examine the applications of GANs
Overview of GenAI - Intro to GANs - Learn about GANs and their applications, understand the intuition behind the basic
components of GANs -build your very own GAN using PyTorch - Deep Convolutional GAN - Build a more sophisticated
GAN using convolutional layers - Learn about useful activation functions - batch normalization - and transposed
convolutions to tune your GAN architecture and apply them to build an advanced DCGAN specifically for processing
images - Wasserstein GANs with Normalization - Reduce instances of GANs failure due to imbalances between the
generator and discriminator by learning advanced techniques such as WGANs to mitigate unstable training and mode
collapse with a W-Loss and an understanding of Lipschitz Continuity - Conditional and Controllable GANs - Understand
how to effectively control your GAN - modify the features in a generated image - and build conditional GANs capable
of generating examples from determined categories.
GAN Evaluation - Understand the challenges of evaluating GANs - learn about the advantages and disadvantages of
different GAN performance measures - and implement the Fréchet Inception Distance FID method using embeddings
to assess the accuracy of GANs -GAN Disadvantages and Bias - Find out the disadvantages of GANs when compared to
other generative models - discover the pros/cons of these models — plus - learn about the many places where bias in
machine learning can come from - why it’s important - and an approach to identify it in GANs - StyleGAN and
Advancements - Understand how StyleGAN improves upon previous models and implements the components and the
techniques associated with StyleGAN - currently the most state-of-the-art GAN with powerful capabilities.
GANs for Data Augmentation and Privacy Preservation - Explore the applications of GANs and examine them wrt data
augmentation, privacy, and anonymity Improve your downstream AI models with GAN-generated data - Image-to-
10
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Image Translation - Leverage the image-to-image translation framework and identify extensions – generalizations -
applications of this framework to modalities beyond images -Implement Pix2Pix - a paired image-to-image translation
GAN - to adapt satellite images to map routes with advanced U-Net generator -Patch GAN discriminator architectures
- Image-to-Image Unpaired Translation - Compare paired image-to-image translation to unpaired image-to-image
translation and identify how their key difference necessitates different GAN architectures - Implement CycleGAN- an
unpaired image-to-image translation model, to adapt horses to zebras with two GANs in one.
Reference Books:
1. Jakub Langr & Vladimir Bok, GANs in Action: Deep learning with Generative Adversarial Networks - By
Manning; 1st edition (2019)
2. John Hany, Hands-On Generative Adversarial Networks with PyTorch 1.x - By Packt Publishing, (2019)
Course Outcome:
Students to understand professional, behavioral and presentation skills while working with team and practically
experience important aspects of it.
CO1: To help the students understand and implement positive outlook, interpret the body language of team members
and stakeholders, better interpersonal relationships. Develop into self-motivated professionals with confidence.
Practice Responding instead of Reacting.
CO2: Create good Presentation and Present with confidence. Also, recognize and manage Stress, Prioritize and Plan.
CO3: To listen to understand. To be able to ask good questions.
CO4: To understand to be a good Team player, Team Dynamics and to understand the Business Ethics
CO5: To be able to write and speak correctly, forming grammatically correct sentences.
11
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Unit 5: Teamwork 6
Teamwork and Ethics - Definition of TEAM - Team vs Groups. Difference b/w Healthy competition and cut throat
competition, Importance of working in teams, Evolution of a TEAM, Benefits of team work; Virtual teams- Challenges
and ways to overcome it, Diversity and Inclusion in a team; Development of Teams Stages of team development; Team
dynamics-its importance & Interpersonal Skills Development Ethics- to enable students to identify and deal with ethical
problems, develop their moral intuitions, which are implicit in everyday choices and actions; Conflict Management:
Team building Activities- Predetermined/ Predesigned Indoor/ Outdoor activities to build a team, enhance language
and inter personal skills
12
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
13
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
14
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Semester - II
15
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students learn both theoretical and practical aspects of deep learning applying to build real world applications.
CO1: To understand the fundamentals of deep learning and its applications in computer vision, time series analysis
and natural language processing.
CO2: To build a facial recognition system.
CO3: To build a weather forecasting system.
CO4: To build a chatbot.
Facial Recognition system: Create Endpoints and UI to retrain the system with new data (faces) - Feedback system
for face labels - Transfer Learning - Reusing the knowledge with additional learning; Technology: Flask, streamlit and
Tensorflow - Create a multipage app - API reference - Advanced features - Components - Roadmap - Changelog -
Cheat sheet - Streamlit community cloud.
Intelligent Chatbox: Using LSTM - Using NLP - LSTM Time series Analysis - LSTM weather - Create an Intelligent
chatbot in Python using the spaCy NLP Library - Prerequisites - Setting up the environment - creating the city weather
program - Creating the chatbot.
Reading Materials:
1. James D. Hamilton, Time Series Analysis – By Levant Books (2012)
16
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
2. V Kishore Ayyadevara & Yeshwanth Reddy, Modern Computer Vision with PyTorch - By Packt Publishing
(2020)
Course Outcome:
Students to get the knowledge to adapt pre-trained LLMs to more specialized tasks.
Introduction Generative AI & LLMs - LLM use cases and tasks - Text generation before transformers - Transformers
architecture - Generating text with transformers - Prompting and prompt engineering (CoT) – RAG Technique for
retrival - Generative configuration - Generative AI project lifecycle - Pre-training large language models -
Computational challenges of training LLMs.
Instruction fine-tuning - Fine-tuning on a single task - multi-task instruction fine-tuning - Model evaluation –
Benchmarks -Parameter efficient fine-tuning (PEFT) -PEFT techniques 1: LoRA - PEFT techniques 2: Soft prompts.
Aligning models with human values - Reinforcement learning from human feedback (RLHF) - RLHF: Obtaining
feedback from humans - Reward model - Fine-tuning with reinforcement learning - Model optimizations for
deployment - Generative AI Project Lifecycle - Using the LLM in applications - Interacting with external applications
- Helping LLMs reason and plan with chain-of-thought - Program-aided language models (PAL) - ReAct: Combining
reasoning and action - LLM application architectures.
Reading Material:
1. Edward R. Deforest, Prompt Engineering with Transformers and LLM – By Kindle (2024).
2. Altaf Rehmani, Generative AI for everyone – By Altaf Rehmani; 1st edition (2024).
Course Outcomes:
Students to get the knowledge of Ethics in Data Science.
17
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Discrimination and algorithms- obscure and unintentional bias displayed by the algorithms - ethics of data scraping
and storage- Mosaic data- found data- and designed data.
EU’s general data protection rules - GDPR - digital India policy - personal data protection bill - 2019 -PDP Bill- ethical
issues on data privacy in context with India - case studies.
Unit 6: Responsible AI 8
Various dimensions of Responsible AI - Dimensions of Ethical AI - Bias Mitigation Techniques; Constitutional AI:
Rules of Constitutional AI - How to create Constitutional AI complaint system - Model fine tuning for Constitutional
AI.
What are the vulnerabilities - How to attack those problems by Red Teaming.
18
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students to understand natural language processing in depth with various factors involved in it.
CO1: Understand the purpose of NLP and how to use it in real world applications with example.
CO2: Understand how to solve a classification problem.
CO3: Understand how deep learning is applied for NLP.
CO4: Understand the transfer learning concepts for reusability of knowledge.
CO5: Understand the applications of voice recognition system.
What is NLP and its components? - Phases of NLP - Challenges of natural language - Applications of NLP - Industries
using NLP - NLP programming languages - NLP libraries and Development environments - Use of AI in NLP - Basic Text
Processing and Linguistic Concepts: Tokenization - Stemming - Lemmatization - Part-of-Speech Tagging.
Benefits of Transfer Learning for NLP - Fine Tuning techniques - Fine-Tune BERT for Spam Classification
Reading Materials:
1. Sowmya Vajjala, Bodhisattwa Majumder, Anuj Gupta & Harshit Surana, Practical Natural Language
Processing – By Shroff/O'Reilly (2020)
2. Uday Kamath, John Liu & James Whitaker, Deep Learning for NLP and Speech Recognition – By Springer
1st ed. (2019)
19
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students to understand the computer vision techniques in depth with various applications of the same.
Introduction to image processing: What is image processing? - Understanding about types of image processing-
Visualization, Recognition, Sharpening & Restoration, Pattern Recognition, Retrieval; Image Transformation: Image
Enhancement Techniques: Histogram Equalization, Contrast Stretching, Adaptive Enhancement - Image Restoration
Methods: Deblurring, Denoising, Inpainting - Linear Filtering: Convolution, Gaussian Filtering, Edge Detection -
Independent Component Analysis (ICA) - Pixelation and Its Applications; Image Generation Technique: Procedural
Image Generation: Fractal Generation, Noise-based Generation - Generative Adversarial Networks (GANs) for Image
Generation: Introduction to GANs- Understanding the architecture and training process of generative adversarial
networks, Implementing GANs for generating realistic images, including applications in image-to-image translation
and style transfer. - Applications of Image Generation Techniques: Data Augmentation, Creative Applications.
Feature Detection: Introduction to feature detection - Object recognition techniques (key point detection, edge
detection) - Image segmentation algorithms (region growing, thresholding, etc.) - Frequency domain processing
(Fourier transform, frequency filtering) - Feature extraction methods (SIFT, SURF); Object Description: Introduction
to fundamentals of moving object detection - Moving object description techniques (optical flow, background
subtraction) - Camera geometry for object description (camera calibration, pose estimation).
Image Classification: Introduction to machine learning for computer vision - Image classification models (CNNs,
transfer learning) - Object detection with machine learning (YOLO, SSD) - Labeling images for machine learning
(annotation tools, data augmentation).
Depth Perception: Comparison of 2D and 3D computer vision - Real-world applications and trends in 3D computer
vision - Classification of 3D data (point clouds, meshes).
Advanced Computer Vision Applications: Brain Tumor Detection - Integrating Computer Vision in Autonomous
Driving Systems - Computer Vision Applications in the Food Industry;Object Detection and Recognition: Visual
Tracking - Semantic Segmentation - Human Recognition.
Reading Materials:
20
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
1. V Kishore Ayyadevara & Yeshwanth Reddy, Modern Computer Vision with PyTorch - By Packt Publishing
(2020)
2. B Cyganek, An Introduction to 3D Computer Vision Techniques and Algorithms – By John Wiley & Sons Inc;
1st edition (2009)
Course Outcome:
Students understand day in day out terms used in customer environment and demonstrate customer centric
approach and practically experience the and important aspects of it.
21
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students will be able to refresh the Fundamentals of Cyber Security
22
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Course Outcome:
Students to understand how architect and AI Application deployment with important aspects to be taken care of.
CO1: Understand the differences between monolithic and microservices architecture and their respective
advantages and disadvantages in AI applications.
CO2: Understand the basics of Kubernetes and how it can be used to manage and deploy AI models in a production
environment.
CO3: Understand application programming interfaces (APIs) and their role in integrating AI models into larger
systems.
CO4: Understand MLOps and how it can be used to streamline the machine learning lifecycle, from data preparation
to model deployment and monitoring.
Unit 5: ML Operations 9
Introduction to ML Operations - What is SDLC - Stages of SDLC - Waterfall Model - Agile Model - Iterative Model -
Importance of Each Models - Model Training - Model Deployment.
23
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
Reading Materials:
1. Scott Surovich & Marc Boorshtein, Kubernetes and Docker – By Packt Publishing (2021)
2. Mark Treveil, Nicolas Omont & Clément Stenac, Introducing MLOps: How to Scale Machine Learning in the
Enterprise (Grayscale Indian Edition) – By Shroff/O'Reilly (2020).
24
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
25
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
26
©LTIMindtree | Privileged and Confidential 2024
LTIM –MTech AI-DS Syllabus
(Ver. 1.5 /12-06-2024)
27
©LTIMindtree | Privileged and Confidential 2024