MTCTDetailedSyllabusAI and DSFinalFinal - Evening
MTCTDetailedSyllabusAI and DSFinalFinal - Evening
Course Code
Category
Course Title Induction Program*
Scheme and Credits L–T–P: 3-0-0; Credits: 0; Semester – I
Pre-requisites (if any)
*It is proposed that an induction program will be organised by the department during the initial phase
of the first semester in order to provide an exposure to the students on the current research areas
pursued by the faculty members in the department. This will help the students to select the elective
subjects / thesis topic etc. based on their interests.
Course Code
Category Program Core 1
Course Title Artificial Intelligence and Applications
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Introduction [2L]
Solving problems by Searching – Uninformed search, Informed/Heuristic search (Greedy, A*, IDA*)
[5L]
Advanced intelligent search techniques – Uniform Cost Search, Hill Climbing, Simulated Annealing,
Genetic Algorithm, Applications of Genetic Algorithm for solving TSP problems [6L]
Adversarial search - Game Playing, Game theory, Applications of Adversarial search in chess playing
[4L]
Reasoning under Uncertainty – Non Monotonic Reasoning Systems, Assumption based Truth
Maintenance System, Probabilistic Reasoning, Fuzzy Reasoning,Some applications of Fuzzy Logic
in Transportation systems/defence/industry. [4L]
Machine Learning(ML) - Types of ML, Decision tree learning, Artificial neural networks,
Introduction to deep learning, Applications of decision tree learning in medical diagnosis,
Handwritten digits recognition with artificial neural network [6L]
Planning – Classical algorithm for Planning as State-space Search, Planning Graph, Heuristics for
planning [3L]
Suggested Readings:
1. N. J. Nilsson. Artificial Intelligence : A New Synthesis, Elsevier India, 2010
2. N. J. Nilsson. Principles of Artificial Intelligence, Narosa Publishing House, 2002
3. N. J. Nilsson. Problem-Solving Methods in Artificial Intelligence, New York: McGraw-
Hill, 1971.
4. S. Russel, P. Norvig. Artificial Intelligence and Modern Approach, Pearson Education,
Fourth Edition, 2024
5. G. F. Lugar, Artificial Intelligence, Pearson Education, 2001
6. M. Ginsberg, Essentials of Artificial Intelligence, Morgan Kaufman Publishers, 1993
7. Elaine Rich, Kevin Knight. Artificial Intelligence
Course Code
Category Program Core 2
Course Title Machine Learning
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Supervised Learning:
Feature Extraction and Dimensionality Reduction: Purpose of feature extraction, Principal Component
Analysis, Linear Discriminant Analysis [3L]
Ensemble and Boosting Methods- Bagging, Adaboost, Gradient Boosting, Random Forest [4L]
Suggested Readings:
Course Code
Category Program Elective 1
Course Title Probability and Statistics for Data Science
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Inferential Statistics: Distance Functions: Euclidean Metric, Manhattan Distance, etc. [2L]
Sampling Methods: Meaning, Sampling Types : Probability and Non-Probability Sampling [2L]
Measures of central tendency - Arithmetic mean, median, mode, geometric mean and harmonic mean
[1L]
Absolute and relative measures of dispersion (range, quartile deviation, mean deviation, standard
deviation and variance, covariance) [1L]
Regression: Meaning of Regression, Regression : Linear, multiple and polynomial regression [3L]
Hypothesis Testing: Statistical hypothesis, Null and alternative hypothesis, Critical region, Two types
of errors, Level of significance. Tests; Chi-square, T-Paired; Rho-Value, Confidence Level [4L]
ANOVA: Analysis of variance, One way classification, Two way classification with one observation
per cell. [2L]
Statistics for Time Series: Introduction to Statistics for Time Series Data, Components of a time
series. Time series models-Decomposition and Smoothing methods, Stationary, White noise
processes, Transformation of non-stationary time series into stationary time series, Autoregressive
(AR), Moving Average (MA). Concept and definitions of Autoregressive Integrated Moving Average
(ARIMA) processes [6L]
Suggested Readings:
Course Code
Category Program Elective 1
Course Title Optimization Techniques
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
1. Introduction [2L]
Historical development, Engineering application of optimization, Formulation of design problems as
mathematical programming problems, classification of optimization problems.
2. Linear Programming and its applications [8L]
Graphical method, Simplex method, Revised simplex method, Duality in linear programming,
Sensitivity analysis, other algorithms for solving LP problems. Application of Linear Programming
such as transportation Problem, Assignment Problem etc.
3. Basics of Linear Algebra and Calculus [4L]
Subspaces, EigenValue Decomposition, Singular Value Decomposition - Algorithms and Methods,
PSD Matrices and Kernel Functions, Vector Calculus
4. Basics of Nonlinear Optimization. [4L]
Introduction to unconstrained and constrained optimization problems with some examples.Convex
sets, convex functions and convexity analysis.
5. Gradient Descent methods and its applications: [8L]
Mathematics Gradient Descent methods, Variants of Gradient Descent: Projected, Stochastic,
Proximal, Accelerated, Coordinate Descent etc. Application of gradient decent methods for training a
Neural Network:
6. Newton and Quasi-Newton Methods: BFGS, Limited memory BFGS methods and their
stochastic variants. Their application to various machine learning problems including deep learning
and SVM [6L]
7. Application of optimization in Machine Learning [8L]
Application of optimization Deep learning - Convolutional neural nets. Back-propagation and the
chain rule for learning weights. Positive feedback loops and negative feedback loops, Metric design
and observing behaviors, Secondary effects of optimization, Regulatory concerns for trustworthy AI
and machine learning.
Suggested Readings:
1. J. K. Sharma, Operations Research: Theory and Application 6/e, Laxmi Publications
2. K. Deb: Optimization for Engineering Design – Algorithms and Examples.
3. R. Rardin Optimization in Operation research, Pearson
4. Optimization for Machine Learning, SuvritSra, Sebastian Nowozin and Stephen J. Wright, MIT
Press, 2011.
5. Optimization in Machine Learning and Applications, Suresh Chandra Satapathy, Anand J.
Kulkarni, Springer, 2019.
6. F. Bach, “Learning with Submodular Functions: A Convex Optimization Perspective”,
Foundations and Trends in Machine Learning, Now Publishers Inc.
Course Code
Category Laboratory 1
Course Title Machine Learning and Data Science Lab
Scheme and Credits L–T–P: 3-0-0; Credits: 2.0; Semester – I
Pre-requisites (if any)
General Description:
• The programs should be implemented in Python.
• Programs can be developed without using the built-in classes or APIs of Python.
• Data sets can be taken from standard repositories (https://archive.ics.uci.edu/ml/datasets.html) or
constructed by the students.
Syllabus: Experiments related to the topics covered in the theory paper " Machine Learning" and
experiments related to data science.
Some recommended experiments, but not limited to:
1. Write Python code to implement a regression model for weather forecasting. Compare simple
regression, Ridge regression and Lasso regression
2. Write Python code toimplement Logistic Regression Model for Spam detection
3. Write Python code to implement ID3 algorithm and test it on the PlayTennis dataset and verify
inductive bias of decision tree learning algorithm.
4. Write Python code to implement the Backpropagation algorithm for ANN with more than two
hidden layers. Develop two such deep models with the following configurations.
Model 1: uses sigmoid activations at the hidden nodes and softmax activation function at the
output nodes.
Model 2: uses ReLu activation function at the hidden nodes and softmax activation function
at the output nodes.
The hyperparameters (e.g. learning rate, momentum, number of hidden layers, number of hidden
nodes per layer) for both models should be properly tuned using a validation set. Compare the
performance of these two models on MNIST dataset when both the models are trained up to 1000
epochs.
5. Implementation of the K-Means algorithm (Java/Python ML library classes/API can be used) and
visualize the data in 2-D space before clustering. Compare the performance of K-means clustering
algorithm with DBSCAN algorithm.
6. Implement spectral clustering algorithm and test its performance on the spiral dataset. Compare
this clustering results with that obtained by the simple K-means clustering algorithm.
7. Implement hierarchical clustering algorithm and display the clustering results using Dendogram or
Venn Diagram.
8. Implement KNN, Naïve Bayes, and SVM classifiers using Python-based ML tools for comparison
their performance on the review sentiment classification dataset. A bag-of-words model and TFIDF
should be used for input text representation. For each model, the necessary hyperparameters need to
be properly tuned using the validation set.
8. Perform hypothesis testing to prove whether the difference in performance of three models
developed in experiment 4 is statistically significant or not. Report confidence intervals and rho
values.
FIRST YEAR, SECOND SEMESTER
Course Code
Category Program Elective 2
Course Title Advanced Algorithms and Data Structures
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
Review of common data structures (multi-dimensional arrays, linked lists, stacks, queues, trees, and
graphs); time complexity of algorithms and asymptotic notations; Recurrences; Average case analysis
of algorithms. [2L]
Advanced Data Structures:
Dictionaries: Definition, Dictionary Abstract Data Type, Implementation of Dictionaries; Skip Lists:
Need for Randomizing Data Structures and Algorithms, Search and Update Operations on Skip Lists
[3L]
Hashing: Review of Hashing, Hash Function, Collision Resolution Techniques in Hashing, Separate
Chaining, Open Addressing, Linear Probing, Quadratic Probing, Double Hashing, Bucket Hashing,
Rehashing, Extendible Hashing, Bloom Filter
[3L]
Trees: Review of Binary Search Trees, AVL Trees, and B-Trees; Advanced tree data structures: Red
Black Trees, 2-3 Trees, Splay Trees, Quad Tree, Octree.
[2L]
Heaps: Mergeable heaps (Fibonacci heaps) [1L]
Persistent data structures [1L]
Decision problems; Complexity classes of problems: P, NP, CoNP, NP hard and NP complete;
Polynomial reduction, Proof of NP-hardness and NP-completeness; Cook-Levin theorem, Circuit-
satisfiability, etc. [6L]
Approximation algorithms: Need for approximation algorithms, Approximation ratio, PTAS and
FPTAS, Examples of approximation algorithms, such as Vertex Cover problem, Travelling salesman
problem, Set covering problem and Subset sum problem. [6L]
Suggested Readings:
1. Introduction to Algorithms, 3 or successive editions, MIT Press by T Cormen, C Leiserson, R
rd
Rivest, C Stein
2. Design and Analysis of Computer Algorithms by Aho, Hopcroft, Ullman
3. Computer Algorithms: Introduction to Design and Analysis by Sara Baase, Allen Van Gelder
4. Additional study materials as necessary for the course
Course Code
Category Program Elective 2
Course Title Big Data Analytics
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
1. What is Big data – Properties of Big Data – Volume, Velocity, Variety and Veracity. [1L]
2. Data Mining and Analytics – Types of Analytics, Statistical, Machine learning and Computational
Models [2L]
3. Big Data Storage Systems: Introduction to distributed file storage systems, Apache Hadoop,
Apache HBase and other variants – Data Ingestion and Munging. [3L]
10. Applications:
Advertisement on the Web [1L]
Recommendation Systems for Online Stores [2L]
Mining very large graphs (social graphs) [2L]
11. Infrastructural Issues:
Hardware and Software Architectures [3L]
Reliability and Availability Issues [3L]
Suggested Readings:
1. Understanding Big data by Zikopou Los, Eaton, deRoos, Deutsch & Lapis, McGrawHill, 2012
2. Mining of Massive Data Sets by Rajaraman, Leskovec, Ullman, Stanford University, 2013 3 ed.
rd
3. Data Streams: Models and Algorithms ed. by C. C. Aggarwal, Kluwer Academic Publishers, 2013.
4. Outlier Analysis by C. C. Aggarwal, Springer, 2013.
5. Research papers and other materials.
Course Code
Category Program Core 3
Course Title Deep Learning and Generative AI
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
3. Sequence learning using recurrent neural networks (RNN), Feed forward ANN vs. RNN,
Sequence learning examples, Gradient vanishing and explosion problem , Long Short Term
Memory (LSTM) neural networks and GRU (Gated Recurrent Unit) networks with real life
examples,BiLSTM transfer learning and pretrained models- VGG16, denseNet, U-net [5L]
4. Generative AI: Definition and scope of Generative AI, Overview of generative models
and their applications, Importance of Generative AI in various domains. Language Models
and LLM Architectures - Introduction to language models and their role in AI, Traditional
approaches to language modeling, Deep learning-based language models and their
advantages, Overview of popular LLM architectures: RNNs, LSTMs, and
Transformers. Introduction to ChatGPT and its purpose, Training data and techniques for
ChatGPT. [6L]
Suggested Books:
1. Deep Learning by Ian Goodfellow, YoshuaBengio, and Aaron Courville , MIT press
2. Neural Networks and Deep Learning, Michael Nielsen, Determination Press, 2015
3. Deep Learning: A Practitioners Approach, Josh Patterson, Adam Gibson, O'Reilly
Media, Inc, August 2017
4. Generative AI by Martin Musiol, John Wiley & Sons Inc
5. Generative Deep Learning: Teaching Machines To Paint, Write, Compose, and Play,
Second Edition (Grayscale Indian Edition) by David Foster,
Publisher, Shroff/O’Reilly
6. Prompt Engineering for Generative AI by James Phoenix, Mike Taylor,
Publisher(s): O'Reilly Media, Inc, Released July 2024
Course Code
Category Sessional
Course Title Seminar(on any topic related to the course
with a brief report)
Scheme and Credits L–T–P: 3-0-0; Credits: 2.0; Semester – II
Pre-requisites (if any)
Course Code
Category Sessional
Course Title Research Methodology, Ethics & IPR
Scheme and Credits L–T–P: 3-0-0; Credits: 2.0; Semester – II
Pre-requisites (if any)
Syllabus:
Science and Research: Definition – History – Evolution of Scientific Inquiry, Scientific Research:
Definition, Characteristics, Types, Need of research. [2L]
Identification of the problem, assessing the status of the problem, formulating the objectives,
preparing design (experimental or otherwise), Actual investigation. [2L]
Introduction to Research Methodology, Meaning and importance of Research – Types of Research –
Selection and formulation of Research Problem [2L]
Research Design –Need –Features –Inductive, Deductive and Development of models. [2L]
Developing a Research Plan – Exploration, Description, Diagnosis, Experimentation, Determining
Experimental and Sample Designs. [2L]
Analysis ofLiterature Review – Primary and Secondary Sources, Web sources – critical Literature
Review Hypothesis – Different Types – Significance – Development of Working Hypothesis, Null
hypothesis Research Methods: Scientific method vs Arbitrary Method, Logical Scientific Methods:
Deductive, Inductive, Deductive-Inductive, pattern of Deductive – Inductive logical process –
Different types of inductive logical methods. [3L]
Data Collection and Analysis Sources of Data – Primary, Secondary and Teritary – Types of Data –
Categorical, nominal & Ordinal. Methods of Collecting Data : Observation, field investigations,
Direct studies – Reports, Records or Experimental observations. Sampling methods – Data Processing
and Analysis strategies- Graphical representation – Descriptive Analysis – Inferential Analysis-
Correlation analysis – Least square method - Data Analysis using statistical package – Hypothesis –
testing – Generalization and Interpretation –
Modeling. [8L]
Scientific Writing Structure and components of Scientific Reports – types of Report – Technical
Reports and Thesis – Significance – Different steps in the preparation – Layout, structure and
Language of typical reports - Illustrations and tables – Bibliography, Referencing and foot notes –
Importance of Effective Communication. Preparing Research papers for journals, Seminars and
Conferences – Design of paper using TEMPLATE, Calculations of Impact factor of a journal, citation
Index, ISBN & ISSN. Preparation of Project Proposal - Title, Abstract, Introduction – Rationale,
Objectives, Methodology – Time frame and work plan – Budget and Justification – References
Documentation and scientific writing Results and Conclusions, Preparation of manuscript for
Publication of Research paper, Presenting a paper in scientific seminar, Thesis writing. Structure and
Components of Research Report, Types of Report: research papers, thesis, Research Project Reports,
Pictures and Graphs, citation styles, writing a review of paper,
Bibliography. [14L]
Ethics Ethical Issues – Ethical Committees – Commercialization – copy right – royalty – Intellectual
Property rights and patent law – Track Related aspects of intellectual property Rights – Reproduction
of published material – Plagiarism – Citation and Acknowledgement – Reproducibility and
accountability. [6L]
Course Code
Category Audit course as decided by the department
Course Title Python Programming
Scheme and Credits L–T–P: 3-0-0; Credits: 0; Semester – II
Pre-requisites (if any)
Syllabus:
Course Code
Category Program Core 4
Course Title Data Analysis and Visualization
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Data Visualization
Introduction to data visualization, Data visualization in everyday life, Aesthetics and
Types of Data - Aesthetics (position, shape, size, color, line width, line type), mapping Data
Values onto Aesthetics, linear scales vs nonlinear scale(logarithmic scale, square root scale),
Coordinate Systems with Curved Axes, Relationship between Cartesian and polar
coordinates, plotting data in polar coordinate system. [4L]
Color Scales- Colors to Represent Data Values, accent color scales, suitable examples of
data plotting using color scales. [1L]
Various plots and charts used to visualize different types of data- plotting proportions
(bar plots, grouped bars, stacked bars, pie chart , multiple pie charts, mosaic plot, treemap,
heatmap, parallel sets), [2L]
Visualizing distributions (Histogram, Density plot, cumulative density, quantile plot, box
plot, violin plot), Multiple Distributions(stacked histograms, stacked densities, overlapping
densities, plotting histogram-based probability density function, Kernel density plot) [4L]
x–y relationships: line graph, Scatter plot, bubble chart, slope graphs, contour plot, 2D bins,
Hex Bins, correlogram [2L]
Plotting Geospatial Data- map, projection(conformal, equal-area), Choropleth, Cartograms,
Cartogram heatmap [2L]
Suggested Readings:
(1) Introduction to Time Series and Forecasting, Second Edition, by Peter J. Brockwell Richard A.
Davis, Springer
(2) Data Mining Concepts and Techniques, Third Edition , by Jiawei Han, MichelineKamber, Jian Pe,
Morgan Kaufmann
(3) Fundamentals of Data Visualization, by Claus O. Wilke, publisher: O’Reilly Media, Inc.
Course Code
Category Program Elective 3
Course Title Applied Soft Computing
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
1) Introduction to Soft Computing: Aim of Soft Computing, Hard vs. Soft computing, Major
components of Soft Computing and their functionalities [4L]
2) Fuzzy logic: Conventional and fuzzy sets, fuzzy membership functions, operations on fuzzy
sets, fuzzy numbers, crisp relations and fuzzy relations, realization of fuzzy systems using
fuzzy relations, fuzzification and defuzzification, fuzzy logic controller, fuzzy inference,
fuzzy if-then rules, fuzzy clustering, application of fuzzy logic in optimization, vision, pattern
recognition. [6L]
Neurocomputing: Introduction to neural networks [2L]
3) Models of neurocomputing: Perceptron, Multi-layer perceptron, backpropagation learning,
RBF network, Hopfield networks, Self-Organizing Feature Map Neural Network.
Applications in pattern recognition and image processing. [6L]
Suggested readings:
1. G. J. Klir and B. Yuan, Fuzzy Sets and Fuzzy Logic: Theory and Applications, Prentice
Hall, 1995.
2. K. H. Lee, First Course on Fuzzy Theory and Applications, Springer, 2005.
3. S. Haykin, Neural Networks: A Comprehensive Foundation, 2nd ed., Prentice Hall, New
Jersey, 1999.
4. J. M. Zurada, Introduction to Artificial Neural Systems, West Publishing Co., St. Paul,
Minnesota, 1992.
5. J. Hertz, A. Krogh, and R. G. Palmer, Introduction to the Theory of Neural Computation,
Addison Wesley, California, 1991.
6. B. Yegananarayanan, Artificial Neural Networks, Prentice Hall of India, New Delhi, 1999.
7. C. M. Bishop, Neural Networks for Pattern Recognition, Oxford University Press, 1995.
8. D.E. Goldberg, Genetic algorithms in search, optimization and machine learning, Addison
Wesley, 1989.
Course Code
Category Program Elective 3
Course Title High Performance Computing
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Review of Computer organization: Memory, Registers, Instruction set architecture, Instruction
processing. [3L]
High performance architectures: N-wide superscalar architectures, multi-core, multi-threaded,
pipelining, structural, data and control hazards, Impact on programming. [4L]
Memory access: Virtual memory, Use of memory by programs, Address translation, Paging, Cache
memory and its organization, Cache coherence, Sequential consistency, Impact on programming,
Virtual caches. [4L]
Overview of Parallel Processing Concepts: Levels of parallelism (instruction, transaction, task, thread,
memory, function); Models (Flynn’s Taxonomy, Multiprogramming model, Shared address space
(shared memory) programming, Message passing programming etc.). [3L]
Fundamental Design Issues in Parallel Computing: Synchronization. Scheduling, Job Allocation, Job
Partitioning, Dependency Analysis, Mapping Parallel Algorithms on Parallel Architectures,
Performance Analysis of Parallel Algorithms. [8L]
Overview of parallel programming using OpenMP and MPI [6L]
Parallel Programming with CUDA: GPU architectures - Streaming Multi Processors, Cache hierarchy,
Introduction to CUDA programming, Multi-dimensional mapping of dataspace, Synchronization,
Warp scheduling, Memory access coalescing [12L]
Suggested Readings:
(a) “Computer Architecture -- A Quantitative Approach” by John L. Hennessy and David A. Patterson.
(b) "Advanced Computer Architecture: Parallelism, Scalability, Programmability" by Kai Hwang.
(c) “Parallel Computing: Theory and Practice” - Michael J. Quinn.
(d) “Parallel Programming in C with MPI and OpenMP” - M J Quinn.
(e) CUDA Reference manual.
(f) “Introduction to Parallel Computing” - A. Grama, G. Karypis, V. Kumar and A. Gupta.
(f) Several other study materials as necessary for the course
Course Code
Category Program Elective 3
Course Title Data Privacy and Security
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Course Code
Category Program Elective 3
Course Title Pattern Recognition and Applications
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Bayes and Naïve Bayes Rules, Bayesian decision theory, Normal Density, Discriminant
Function, Maximum likelihood Estimation, Hidden Markov models [5L]
Supervised learning:
Nearest Neighbor rules, Decision trees, Bayes Classifier, Support Vector Machine,
Evolutionary Algorithm based Classifier. [6L]
Unsupervised Learning:
K-Means and Fuzzy C-Means Clustering, Gaussian mixture models; Expectation-
Maximization method for parameter estimation; DBSCAN Algorithm, Hierarchical
Clustering, Graph-Based Clustering, Multi-objective Clustering [8L]
PR Applications:
• Image processing and computer vision: image segmentation, video understanding, object
detection and recognition [5L]
• Recognition of characters, fingerprints, and voice [3L]
• Bioinformatics and medical diagnosis - Gene expression data analysis, Protein Secondary
structure prediction, PPI [4L]
• Analysis of social networks-Community detection, Anomaly detection. [3L]
Course Code
Category Program Elective 4
Course Title Image Processing and Computer Vision
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Introduction:
Overview of Image Processing and computer vision System [1L]
Formation of Digital Image, Epipolar geometry and stereo vision [3L]
Enhancement:
Contrast Intensification, Histogram Equalization, histogram specification [3L]
Spatial Domain Smoothing Filters, Frequency Domain filters [3L]
Image Sharpening, Homomorphic filter, Bilateral filtering [2L]
Segmentation:
Point Detection, Line Detection, Edge detection, Edge Linking, Hough Transform [3L]
Region Extraction by Pixel based Approach and Region based Approach, Super-pixel based
segmentation [4L]
PDE based segmentation [3L]
Temporal Segmentation of Video Data [2L]
Suggested Readings:
1. Digital Image Processing by Rafael C. Gonzalez and Richard E. Woods
2. Digital Image Processing and Analysis by B. Chanda and D. Dutta Majumder
3. Fundamentals of Digital Image Processing by Anil K. Jain
4. Digital Video Processing by A. Murat Tekalp
Course Code
Category Program Elective 4
Course Title Text and Video Retrieval
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Text Retrieval
• Information retrieval models: Inverted index, Boolean queries and Boolean retrieval, Term
weighting and Vector space retrieval, Latent Semantic Indexing-based IR model, Language
Models for Information retrieval [8L]
• Web Search basics, Web crawling, an architecture of a web crawler and indexes, Link
analysis- PageRank algorithm, HITS algorithm [3L]
• Ranking, Query expansion and feedback: Similarity measures and ranking, Query expansion,
Relevance feedback, Pseudo relevance feedback, Query expansion using word embedding
[4L]
• Text Clustering and Classification: K-means algorithm for text clustering, text classification
using Multinomial Naive Bayes and KNN [3L]
Video Retrieval
• An brief overview of a content-based image retrieval system . [3L]
• Feature extraction and similarity measures [2L]
• Basic Content-based video retrieval- Offline processing of video database- video shot
detection, key-frame extraction, Feature Extraction and Key frame representation, Concept
detection, Video Indexing, Processing of queries in video form, Video retrieval using
similarity measures (matching). [5L]
• Semantic concept based video retrieval using CNN [3L]
• Video Retrieval using text queries- video representation, text representation, feature
embedding and matching, Some Deep learning based methods for video retrieval using text
queries. [5L]
• Video Summarizaion- Basic Concepts , A case study. [2L]
Suggested Readings:
1. Information Storage and Retrieval Systems: Theory and Implementation, By
Kowalski, Gerald, Mark T Maybury, Kluwer Academic Press, 2000 2.
2. Modern Information Retrival by Ricardo Baeza-Yates, Pearson Education, 2007
3. Information Retrieval: Algorithms and Heuristics By David A Grossman and Ophir
Frieder, 2nd Edition, Springer International Edition, 2004
4. Information Retrieval Data Structures and Algorithms By William B Frakes, Ricardo
Baeza Yates, Pearson Education, 1992
5. Information Storage & Retieval by Robert Korfhage – John Wiley & Sons
6. Introduction to Information Retrieval By Christopher D. Manning and Prabhakar
Raghavan, Cambridge University Press, 2008
7. Oge Marques, Borko Furht, Content-Based Image and Video Retrieval, 2002, 2nd
Edition
8. Alan C. Bovik, The Essential Guide to Video Processing, 2009, Elsevier Science
9. Relevant Research Papers on Video Retrieval
Course Code
Category Program Elective 4
Course Title Digital Speech Processing
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Review of Signals and Systems, Continuous time signals and transforms Discrete time signals,
Discrete Fourier transform, Autocorrelation and Cross-Correlation [4L]
Acoustic Feature Analysis of Speech Signals, Gaussian mixture models (GMM), universal
background model (UBM-GMM), singular value decomposition (SVD) [4L]
Phonetics: Speech sounds and phonetic transcription, Articulatory Phonetics, Phonological categories
and Pronunciation variation, Phonetic features, Acoustic Phonetics & Signals - Speech Sound Waves -
Quantization, PCM, Frequency, Amplitude, Pitch, Loudness, Interpretation of phones from waveform,
Spectra, Spectrogram [6L]
Text to Speech Synthesis: Text normalization, Phonetic analysis, Prosodic analysis, Diphone
Waveform synthesis, Unit Selection (Waveform) Synthesis, Evaluation [4L]
Neural networks for building speech technologies: NN for Acoustic Modelling - Hybrid modelling-
Hybrid-NN: DNN,CNN,TDNN [4L]
Suggested Readings
1. Dan Jurafsky and James H. Martin, "Speech and Language Processing" , 3rd Edition.
2. L R Rabiner and R W Schafer, "Theory and Application of Digital Speech Processing", PH,
Pearson, 2011.
3. L R Rabiner, B-H Juang and B Yegnanarayana, "Fundamentals of Speech Recognition",
Pearson, 2009
4. Xuedong Huang, Alex Acero, Hsiao-wuen Hon, "Spoken Language Processing: A guide to
Theory, Algorithm, and System Development", Prentice Hall PTR, 2001.
5. Thomas Quatieri, "Discrete-time Speech Processing: Principles and Practice", PH, 2001.
Rabiner and Schafer, "Digital Processing of Speech Signals", Pearson Education
Course Code
Category Program Elective 4
Course Title IOT foundations
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – I
Pre-requisites (if any)
Syllabus:
Introduction to IoT: Definition and evolution of IoT, IoT in our daily life, Key concepts and
components involved in IoT. Applications and use cases of IoT in different domains. [2L]
IoT Ecosystem: Sensors, embedded systems, connectivity, edge computing. IoT cloud platform and
their use. IoT analytics and data management. Device management and power management.
[2L]
Firmwares Microcontrollers for IoT Devices: Exploring different Dev-boards including Arduino,
Espressif Microcontrollers (ESP8266 and ESP32), Arduino, Micropython, AdafruitCircuitpython based
firmware. Selection criteria for microcontroller and dev-boards. [10L]
Sensor and Actuators: Types of sensors and actuators used in IoT. Introduction with different sensor
types, Temperature and Humidity Sensors, Air-Pressure and Different Gas Sensors, Optical Sensors -
Proximity sensor. Actuators, stepper motors, servo motors and their drivers. Selection criteria for
sensors. [6L]
Communication Standards and Protocols: Communication Module Hardware - WiFi Module and its
use, Traditional Bluetooth and BLE Module, Lightweight Communication Protocols for IoT - MQTT
protocol, CoAP protocol. [6L]
IoT Cloud Platforms and IoT Data analysis:IoT platform and telemetry, Arduino IoT Cloud, BlynkIoT
Platform, IoT data visualization and logging. Storage management for IoT cloud. Introduction to
more sophisticated IoT Cloud Platforms - Amazon AWS IoT platform, Google Cloud Platform for IoT,
Azure IoT Platform. [10L]
Ethical and social impacts of IoT: Ethical considerations in IoT design and deployment, Privacy issues
and data protection in IoT, Societal impacts and implications of widespread IoT adoption. [2L]
Suggested Readings:
1. Designing for the Internet of Things by O'Reilly Media, Inc., Released February 2015,
Publisher(s): O'Reilly Media, Inc., ISBN: 9781491925218
2. Andy King, Programming the Internet of Things, Released June 2021, Publisher(s): O'Reilly
Media, Inc. ISBN: 9781492081418
3. Research papers and other materials
Course Code
Category Laboratory 2
Course Title Deep Learning and Visualization Lab
Scheme and Credits L–T–P: 3-0-0; Credits: 2.0; Semester – I
Pre-requisites (if any)
Syllabus: Experiments related to topics covered in the theory paper "Deep Learning and
Generative AI" and the topics to Data Visualization
7. Write python code for Density plot, box plot, plotting histogram-based probability density
function, Kernel density plot
8. Use a LLM model ,eg. BERT for representing documents into semantic space. use this
representation for text classification using SVM and document clustering using K-means clustering
algorithm.
9. Design a few queries of your choice to get answers using ChatGPT. Apply prompt engineering
techniques for refining your search and obtaining better results. Report each step of your results
SECOND YEAR, SECOND SEMESTER
Course Code
Category Program Elective 5
Course Title Distributed and Cloud Computing
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
Introduction to distributed environment: Goals, hardware & software concepts, Overview of high
performance computing, Parallel computing. Collaborative computing, architecture, middleware,
Strengths and weaknesses of distributed computing, Single System Image (SSI), Service oriented
design, Service level agreement, Quality of Service. [4L]
Client Server model: Architecture, multi-tier design, applications (e.g., email, chat) [2L]
Cloud Computing: Architecture, types of cloud services (IaaS, PaaS, SaaS, XaaS), Parallel processing
in the cloud, Distributed storage systems, Virtualization, Pros and cons of Virtualization, Types of
Virtualization – System VM, Process VM, Virtual Machine monitor, Virtual machine properties,
Interpretation and binary translation, Hypervisors (e.g., Xen, KVM, VMWare, Virtual Box, Hyper-V),
state-of-the-art solutions for cloud computing (e.g., GCP, AWS (EC2, S3), Azure, Heroku etc.),
Federated Cloud. [16L]
Hadoop: core components of Hadoop, Hadoop master-slave architecture, Hadoop Cluster, Daemon
types - Name node, Data node, Secondary Name node, HDFS, Hadoop Ecosystem, HDFS
MapReduce: Overview of MapReduce Framework, MapReduce Architecture, Job tracker and Task
tracker, Use cases of MapReduce.
Spark: in memory processing, resilient distributed datasets (RDD) [4L]
Suggested Readings:
1. Distributed Computing: Principles and Applications, M. L. Liu, Pearson/AddisonWesley.
2. Cloud Computing Principles and Paradigms - RajkumarBuyya, James Broberg, Andrzej M.
Goscinski, Wiley
3. Hadoop: The Definitive Guide Book by Tom White, O’Reilly
4. Map Reduce Design Patterns: Building Effective Algorithms and Analytics for Hadoop by
Donald Miner, O’Reilly
Course Code
Category Program Elective 5
Course Title Social Network Data Analytics
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
Introduction: Online Social Networks (OSNs), Measurement and collection of OSN data, information,
rumor, sampling methodology, aspects of OSN, applications. [2L]
Network Analysis: Basic network structure and measures, Adjacency matrix and properties.
Weighted networks, directed networks , Bipartite networks. Trees, Node degree, Paths,
components, Connectivity and Cut sets. Graph laplacian. Random walks. Levels of analysis: node,
dyad, triad, subgroup. Basic graph algorithms: computing properties of nodes and dyads. Maximum
flow. Best practices for graph visualization. Layout algorithms. Strong and weak ties, Centrality
measures, PageRank, Hubs and Authorities. Homophily, Statistical measures and models for social
networks, Power laws, Small world network, Scale free network, Community identification,
Community structure, Link analysis and prediction, Cascading Behavior in Networks, random walks,
knowledge networks, Ego networks, Heterogeneous information networks, Propagation models,
Epidemic models, Importance and Influence, Measures of influence, Influence
maximization/minimization, Information diffusion, Rumor Cascades, Spreading of
misinformation/rumor, Rumor blocking. [16L]
Social Media Data Analytics: Introduction to social network data, Social data tagging, Visualizing
and modeling patterns in social network data, Data retrieval, Text processing over social data,
Ranking, Entity and relation extraction, Entity linking and entity resolution for social data, Polarity
classification, subjectivity and opinion, Trends detection, Event detection, Event prediction and
forecasting, Opinion mining, and Ontology preparation. [16L]
Applications and case studies: Viral marketing, Recommendation system, Social advertising, Cyber
Bullying and fake news detection, etc. [6L]
Suggested Readings:
1. Social Network Analysis: Methods and Applications, by Katherine Faust and Stanley
Wasserman, Cambridge University Press, 2012
2. Models and Methods in Social Network Analysis, by Stanley Wasserman, Peter J. Carrington,
John Scott, Cambridge University Press, 2005
3. Social Media Analytics: Effective Tools for Building, Interpreting, and Using Metrics, by
Marshall Sponder, McGraw Hill, 2012
4. Social Media Data Mining and Analytics, by Gabor Szabo, GungorPolatkan, P. Oscar Boykin,
Antonios Chalkiopoulos, Wiley, 2018
5. John Scott 2000 Network Analysis: A Handbook. Second Edition. Newbury Park CA: Sage.
Charles Kadushin 2011 Understanding Social Networks: Theories, Concepts and Findings,
First Edition. Oxford University Press.
Course Code
Category Program Elective 5
Course Title Natural Language Processing
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
1. Jurafsky, Dan and Martin, James, Speech and Language Processing, Speech and
Language Processing (3rd ed. draft), January 7, 2023.
2. Allen, James, Natural Language Understanding, Second Edition,
Benjamin/Cumming, 1995.
3. Charniack, Eugene, Statistical Language Learning, MIT Press, 1993.
4. Manning, Christopher and Heinrich, Schutze, Foundations of Statistical Natural
Language Processing, MIT Press, 1999.
5. Jacob Eisenstein, Introduction to Natural Language Processing, MIT Press, 2019.
6. Deep Learning, Ian Goodfellow, YoshuaBengio, and Aaron Courville, MIT Press,
2016.
7. Radford, Andrew et. al., Linguistics, an Introduction, Cambridge University Press,
1999.
8. Pushpak Bhattacharyya, Machine Translation, CRC Press, 2017.
Course Code
Category Program Elective 5
Course Title Bioinformatics
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
Books:
1. Dan E Krane, Michael L Raymer, Fundamental Concepts of Bioinformatics, Pearson.
2. Richard Durbin, Sean R Eddy, Anders Krogh, Graeme Mitchison. Biological Sequence
Analysis, Cambridge, 1998
3. Roderic D M Page, Edward C Holmes. Molecular Evolution: A phylogenetic Approach,
Blackwell Sciences Inc 1999
4. David W Mount. Bioinformatics: Sequence and Genome Analysis, CBS Publishers and
Distributors (Pvt.) Ltd., 2005
5. Pierre Baldi, SorenBrunak. Bioinformatics: The Machine Learning Approach, MIT Press,
2001
6. Paul G. Higgs and Teresa K. Attwood. Bioinformatics and Molecular Evolution,
Blackwell Publishing, 2005.
7. Auther M. Lesk, Introction to Bioinformatics, Oxford University Press, 2008.
Course Code
Category Program Elective 5
Course Title Biometric Systems
Scheme and Credits L–T–P: 3-0-0; Credits: 3.0; Semester – II
Pre-requisites (if any)
Syllabus:
1. Introduction to Biometric Systems: History, Definition, Characteristics, Systems
model, Identification, Verification/Authentication, Applications [2L]
2. Image processing and Pattern recognition Fundamentals: Introduction to biometric
samples, Representation, Biometrics as pattern recognition systems, Preprocessing,
Segmentation, Noise removal techniques, etc. [4L]
3. Biometric Traits: Fundamentals of acquisition sensors and techniques, Characteristics
of Biometric traits- Face, Gait, Iris, Fingerprint, Signature, etc. [2L]
4. Biometric Systems Performance Terminology: Performance assessment
terminology – Estimation of errors, FAR, FRR, ROC, Ranking; Testing methods used
in biometrics, Graphical analysis of system performance. [2L]
5. Biometric Feature Extraction: Subspace-based approaches: Principal Component
Analysis (PCA), Fisher’s Linear Discriminant Analysis (FLDA), 2DPCA,
2DFLDA,Generalized 2DPCA, Generalized 2DFLDA, Kernel version of subspace-
based approaches; Geometric-feature-based approaches; Hybrid approaches. Invariant
features, etc. [10L]
6. Biometric Classification & Recognition: Design of classifiers: Neural networks
based classifiers, Probabilistic classifiers, Neuro-Fuzzy classifiers; Template
matching, etc. [5L]
7. Multi-biometric Systems: Introduction to multi-biometric systems, Types of multi-
biometric systems, levels of fusion in multi-biometric systems: Image fusion, Feature
level fusion, Dimension reduction, Decision level fusion, Dempster Shafer (DS)
Theory, Multi-level fusion. [5L]
8. Video-based Person Identification: Acquisition, Generic systems model, Face
detection and recognition from video, Tracking. [4L]
9. 3D face recognition systems: 3D face model – Reconstruction, feature extraction and
recognition; Expression and Action recognition; Multi-view 3D reconstruction. [4L]
Suggested Readings
Course Code
Category Open Elective
Course Title Information Modelling, Storage and Retrieval
Information Retrieval
• Information retrieval models: Inverted index; Boolean queries and Boolean retrieval, Term
weighting and Vector space retrieval , Latent Semantic Indexing-based model [5L]
• Web Search basics, Web crawling, an architecture of a web crawler and indexes, Link
analysis- PageRank algorithm, HITS algorithm [3L]
• Ranking, Query expansion and feedback: Similarity measures and ranking, Query
expansion, Relevance feedback, Pseudo relevance feedback. [2L]
• Text Clustering and Classification: K-means algorithm for text clustering , text
classification using Multinomial Naive Bayes and KNN [3L]
Suggested Readings:
10. Database System Concepts, Avi Silberschatz · Henry F. Korth · S. Sudarshan. McGraw-Hill
ISBN 9780078022159, Seventh Edition.
11. Information Storage and Retrieval Systems: Theory and Implementation By Kowalski,
Gerald, Mark T Maybury, Kluwer Academic Press, 2000 2.
12. Modern Information Retrival by Ricardo Baeza-Yates, Pearson Education, 2007
13. Information Retrieval: Algorithms and Heuristics By David A Grossman and OphirFrieder,
2nd Edition, Springer International Edition, 2004
14. Information Retrieval Data Structures and Algorithms By William B Frakes, Ricardo
BaezaYates, Pearson Education, 1992
15. Information Storage & Retieval by Robert Korfhage – John Wiley & Sons
16. Introduction to Information Retrieval By Christopher D. Manning and Prabhakar Raghavan,
Cambridge University Press, 2008
Course Code
Category
Course Title Mini project with report and seminar
Scheme and Credits L–T–P: 4-0-0; Credits: 4.0; Semester – II
Pre-requisites (if any)
Course Code
Category
For evaluation of dissertation or project in Semester 4 one external subject expert will be invited
along with supervisor(s), from other academic institutions or industries or research labs or
Government departments (such as PWD).