0% found this document useful (0 votes)
34 views85 pages

IT - PE Detailed Syllabus

The document outlines various minor specializations in Computational Intelligence, Machine Learning, Pattern Recognition, Neural Computation, and Computer Graphics. Each specialization includes course objectives, abstracts, syllabi, course outcomes, and references, detailing the essential topics and skills students will acquire. The courses cover foundational concepts, algorithms, and applications relevant to each field, preparing students for practical challenges in technology.

Uploaded by

kushaliv147
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
34 views85 pages

IT - PE Detailed Syllabus

The document outlines various minor specializations in Computational Intelligence, Machine Learning, Pattern Recognition, Neural Computation, and Computer Graphics. Each specialization includes course objectives, abstracts, syllabi, course outcomes, and references, detailing the essential topics and skills students will acquire. The courses cover foundational concepts, algorithms, and applications relevant to each field, preparing students for practical challenges in technology.

Uploaded by

kushaliv147
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd

MINOR SPECIALIZATIONS

I. COMPUTATIONAL INTELLIGENCE

IT_ 4401 ARTIFICIAL INTELLIGENCE [3 0 0 3]

Course Objectives

• Represent the real world problem and devise mechanisms to reach the goal description
• Infer the necessary axioms from the existing knowledge base in Propositional and Predicate
logic.
• Understand representation of knowledge, uncertainties and reasoning
• Understand simple decision making mechanism
Abstract
Introduction; Searching State Space; Multiagent Search; Propositional Logic; First-Order Logic:
Basics of FoL, Expert systems with FoL, Systematic inference procedures; Knowledge
Representation: Ontological engineering, Reasoning systems for categories; Quantifying
Uncertainty: Acting under uncertainity, Inference with full joint distributions; Probabilistic
Reasoning: Knowledge representation in uncertain domain, Bayesian networks; Making Simple
Decisions: Combining beliefs and desires under uncertainty, Decision-theoretic expert functions

Syllabus
Introduction
Introduction, Induction and Deduction, Artificial General Intelligence, Concept of Agent, Types
of Environments, Deductive Reasoning in Artificial Intelligence, Classical Methods for Deductive
Reasoning, Inductive Learning in Artificial Intelligence, Types of Learning, Unsupervised
Learning Tasks, Supervised Learning Tasks [2 Hours]

Searching State Spaces


State Space as a Graph, Uninformed Search Algorithms, Informed Search, Local Search with
State-Specific Loss Functions, Constraint Satisfaction Problem.
[6 Hours]

Multiagent Search
Introduction, Uninformed Search: AND-OR Search Trees, Informed Search Trees with State-
Specific Loss Functions, Alpha-Beta Pruning, Monte Carlo Tree Search. [4 Hours]

Propositional Logic
Propositional Logic Basics, Laws of Propositional Logic, Propositional Logic as a Precursor to
Expert Systems, Equivalence of Expressions in Propositional Logic, Basics of Proofs in
Knowledge Bases, Method of Proof by Contradiction, Efficient Entailment with Definite Clauses
[4 Hours]

First-Order Logic
Basics of First-Order Logic, Populating a Knowledge Base, Example of Expert System with First-
Order Logic, Systematic Inferencing Procedures [4 Hours]
Knowledge Representation
Ontological Engineering, Categories and Objects, Events, Reasoning Systems for Categories,
Reasoning with Default Information [6 Hours]

Quantifying Uncertainty
Acting under Uncertainty, Probability Notations, Inference using Full Joint Distributions, Baye’s
Rule and its Use, Wumpus World [2 Hours]
Probabilistic Reasoning
Knowledge Representation in an Uncertain Domain, Semantics of Bayesian Networks,
Representation of Conditional Distributions, Exact and Approximate Inference in Bayesian
Networks [4 Hours]

Making Simple Decisions


Combining Beliefs and Desires under Uncertainty, Basics of Utility Theory, Utility Function,
Multi-attribute Utility Functions, Decision Networks, Value of Information, Decision-Theoretic
Expert Functions [4 Hours]

Course Outcomes

At the end of this course, students will be able to


1. Make use of concepts of rational agents and represent real world problems.
2. Design mechanisms to reach the goal state using searching techniques
3. Infer the necessary axioms from the existing knowledge in propositional and first-order
logic
4. Illustrate the knowledge in an uncertain domain and make probabilistic inferences
5. Explain utility theory usage for making simple decisions

References

1. Charu C Agarwal, Artificial Intelligence, Springer, 2021


2. Stuart Russell and Peter Norvig, Artificial Intelligence: A Modern Approach (3e), Pearson
2015.
3. Wolfgang Ertel, Introduction to Artificial Intelligence (2e), Springer, 2018

IT_ 4402 MACHINE LEARNING [3 0 0 3]


Course Objectives
• Provide a comprehensive conceptual background on the generic principle of learning.
• Provide an introduction to the basic principles, techniques, and applications of Machine
Learning.
• Provide basic understanding on model explainability, and algorithmic fairness

Abstract
Introduction to Machine Learning, Mathematical Preliminaries, Supervised Learning-LMS,
logistic regression, GDA, Naive Bayes, SVM, model selection, Learning theory-bias/variance
tradeoff, union and Chernoff bounds, VC dimensions, Unsupervised learning-clustering, k-means,
Gaussian mixture, factor analysis, PCA, ICA, Reinforcement learning-MDPs, Bellman equations,
value and policy iteration, LQR, LQG, Q-learning, policy search, POMDPs, Explainability.
Syllabus
Introduction
Basic concepts of machine learning, some day to day examples of machine learning [1 Hour]

Mathematical Preliminaries
Review of Linear Algebra, Probability Theory Review, Overview of Convex Optimization,
Hidden Markov Models, Multivariate Gaussian Distribution, Gaussian Processes [2 Hours]

Supervised Leaning
Supervised learning setup, LMS, Logistic regression, Perceptron, Exponential family, Generative
learning algorithms, Gaussian discriminant analysis, Naive Bayes, Support vector machines,
Model selection and feature selection, Decision Trees, Ensemble methods: Bagging, boosting.
Evaluating and debugging learning algorithms [12 Hours]

Learning Theory
Bias/variance tradeoff, Union and Chernoff and Hoeffding bounds, VC dimension, Worst case
(online) learning, Practical advice on how to use learning algorithms [4 Hours]

Unsupervised Learning
Clustering, K-means, EM, Mixture of Gaussians, Factor analysis, PCA (Principal components
analysis), ICA (Independent components analysis) [8 Hours]

Reinforcement Learning
Markov Decision Processes (MDPs), Bellman equations, Value iteration and policy iteration,
Linear quadratic regulation (LQR), LQG, Q-learning, Value function approximation, Policy
search, Reinforce, POMDPs [7 Hours]

Explainability
Fairness, Algorithmic bias, Explainability, Privacy [2 Hours]

Course Outcomes

At the end of this course, students will be able to:


1. Explain machine learning algorithms and their use in data-driven knowledge discovery
2. Identify the suitability of discriminative or generative supervised model for a given problem
3. Choose an appropriate unsupervised model for a given learning problem
4. Identify and formulate an appropriate reinforcement model for a given learning scenario
5. Apply diagnostics for debugging learning algorithms

References
1. Kevin P Murphy, Machine Learning: A Probabilistic Perspective, MIT Press, 2012.
2. Mehryar Mohri, Afshin Rostamizadeh, and Ameet Talwalkar., Foundations of Machine
Learning, MIT Press, 2012.
3. Daphne Koller and Nir Friedman, Probabilistic Graphical Models: Principles and
Techniques, MIT Press, 2009.
4. Christopher [Link]., Pattern Recognition and Machine Learning (2e), Springer, 2013.
5. Richard [Link] and Andrew [Link], Reinforcement Learning, 2nd Edition, MIT Press,
2018

6. Solon Barocas, Moritz Hardt and Arvind Narayanan, Fairness and Machine Learning,
[Link], 2021

IT_4403 PATTERN RECOGNITION [3 0 0 3]


Course Objectives
• Provide comprehensive introduction to the fundamentals of pattern recognition.
• Working understanding of Bayesian decision theory and estimation.
• Provide introduction to various recognition structures

Abstract
Mathematical Preliminaries; Bayesian Decision Theory: Classifiers, Discriminnat function,
Decision surfaces; Parameter Estimation Methods: MLE, MAP; Nonparametric Techniques for
Density Estimation; Linear Discriminant Function: Generalized linear discriminant functions,
Gradient descent procedures, Support vector machines; Non-metric Methods for Pattern
Classification: Nominal data, Decision trees; Unsupervised Learning and Clustering: Mixture
densities, Unsupervised Bayesian learning, Hierarchical clustering, Graph-theoretic methods;
Sequential Pattern Recognition: HMMs
Syllabus
Mathematical Preliminaries
Probability: independence of events, conditional and joint probability, Bayes’ theorem; Random
Processes: Stationary and nonstationary processes, Expectation, Autocorrelation, Cross-
Correlation, spectra; Linear Algebra: Inner product, outer product, inverses, eigen values, eigen
vectors; Bayes Decision Theory [4 Hours]

Bayesian Decision Theory


Minimum-Error-Rate Classification, Classifiers, Discriminant Functions, and Decision Surfaces,
Normal Density and Discriminant Functions, Continuous and Discrete Features
[4 Hours]

Parameter Estimations Methods


Maximum-Likelihood estimation: Gaussian case; Maximum a Posteriori estimation; Bayesian
estimation: Gaussian case [4 Hours]

Nonparametric Techniques for Density Estimation


Density Estimation; Parzen-Window method; K-Nearest Neighbor Method [4 Hours]

Linear Discriminant Functions


Linear Discriminant Functions and Decision Surfaces; Generalized Linear Discriminant
Functions; Gradient Descent Procedures; Perceptron; Support Vector Machines [4 Hours]

Non-metric Methods for Pattern Classification


Non-numeric Data or Nominal Data; Decision Trees: CART [4 Hours]

Unsupervised Learning and Clustering


Mixture Densities and Identifiability, Maximum-Likelihood Estimates, Application to Normal
Mixtures, Unsupervised Bayesian Learning, Data Description and Clustering Criterion Functions
for Clustering, Hierarchical Clustering, On-Line Clustering, Graph-Theoretic Methods, Low-
Dimensional Representations and Multidimensional Scaling [8 Hours]

Sequential Pattern Recognition


Hidden Markov Models (HMMs); Discrete HMMs; Continuous HMMs [4 Hours]

Course Outcomes
At the end of this course, students will be able to:
1. Identify where, when and how pattern recognition can be applied
2. Apply mathematical tools to develop pattern recognition systems
3. Solve the problems based on time, non-parametric pattern recognition and
discriminant functions
4. Evaluate Hidden Markov Models
5. Analyze the various algorithms for their effective usage in clustering

References
1. Richard [Link], Peter [Link], and David [Link], Pattern Recognition, 2nd Edition,
Wiley, 2021
2. [Link] and [Link], Pattern Recognition, 4th Edition, Elsevier, 2014
3. Christopher [Link]., Pattern Recognition and Machine Learning, 2nd Edition,
Springer, 2016.
IT_ 4404 NEURAL COMPUTATION AND APPLICATIONS [3 0 0 3]
Course Objectives
• Provide comprehensive introduction to neural computation.
• Working knowledge of model building through neural networks.
• Working knowledge of shallow and deep neural network architectures.

Abstract
Introduction; Perceptron: Perceptron convergence theorem, Batch perceptron algorithm; Model
Building: Linear regression model, Relationship between regularized Least-squares estimation and
MAP estimation; LMS Algorithm: Wiener filter, Least-mean-square algorithm, Statistical LMS
learning theory; Multilayer Perceptron: Batch and on-line learning, BPA, XOR problem; Radial-
Basis Function Networks: Cover’s theorem, Interpolation problem, RBFN, Hybrid learning
procedure for RBFN; Restricted Boltzmann Machines: Hopfield networks, Boltzmann machine,
Restricted Boltzmann machines; Recurrent Neural Networks: Architecture of RNNs, Echo-state
networks, LSTM, GRUs

Syllabus
Introduction
Neural Network, Human Brain, Models of a Neuron, Neural Networks as Directed Graphs,
Feedback, Network Architectures, Knowledge Representation, Learning Processes [2 Hours]

Perceptron
Perceptron Convergence Theorem, Relation between the Perceptron and Bayes Classifier for a
Gaussian Environment, Batch Perceptron Algorithm, Applications of Perceptron [3 Hours]

Model Building
Linear Regression Model, Maximum a Posteriori Estimation of the Parameter Vector, Relationship
between Regularized Least-Squares Estimation and MAP Estimation [3 Hours]

Least-Mean-Square Algorithm
Filtering Structure of the LMS Algorithm, Unconstrained Optimization-Review, Wiener Filter,
Least-Mean-Square Algorithm, Statistical LMS Learning Theory, Virtues and Limitations of the
LMS Algorithm, Learning-Rate Annealing Schedules [4 Hours]

Multilayer Perceptron
Batch Learning and On-Line Learning, Back-Propagation Algorithm, XOR Problem, Heuristics
for Making the Back-Propagation Algorithm Perform Better, Back Propagation and
Differentiation, Hessian and Its Role in On-Line Learning, Optimal Annealing and Adaptive
Control of the Learning Rate, Generalization, Applications of MLP [6 Hours]
Radial-Basis Function Networks
Cover’s Theorem, Interpolation Problem, Radial-Basis-Function Networks, K-Means Clustering,
Recursive Least-Squares Estimation of the Weight Vector, Hybrid Learning Procedure for RBF
Networks, Kernel Regression and Its Relation to RBFN, Applications of RBFN
[4 Hours]

Machine Learning with Shallow Neural Networks


Neural Architectures for Binary Classification Models, Neural Architectures for Multiclass
Models, Backpropagated Saliency for Feature Selection, Matrix Factorization with Autoencoders,
Word embedding, Simple Neural Architectures for Graph Embeddings
[6 Hours]

Restricted Boltzmann Machines


Hopfield Networks, Boltzmann Machine, Restricted Boltzmann Machines, Applications of
Restricted Boltzmann Machines [4 Hours]

Recurrent Neural Networks


Introduction, Architecture of Recurrent Neural Networks, Challenges of Training Recurrent
Networks, Echo-State Networks, Long Short-Term Memory (LSTM), Gated Recurrent Units
(GRUs), Applications of RNNs [4 Hours]

Course Outcomes
At the end of this course, students will be able to
1. Design a shallow neural networks for a given learning problem.
2. Apply backpropagation algorithm for a given neural network architecture
3. Identify and design a suitable neural architecture for a given learning problem
4. Use restricted Boltzmann machines that can learn a probability distribution over its
set of inputs.
5. Apply recurrent neural networks to sequential data

References
1. Simon Haykin, Neural Networks and Learning Machines, Pearson, 2016
2. Charu [Link], Neural Networks and Deep Learning, Springer, 2018
3. John [Link], Anders [Link], and Richard [Link], Introduction to The Theory of
Neural Computation, Taylor and Francis, 2020
II. COMPUTER GRAPHICS AND VISUALIZATION

IT_ 4405 COMPUTER GRAPHICS [3 0 0 3]

Course Objectives
• Understand fundamental concepts, terminology, theories, models, and methods in the
field of computer graphics.
• Learn and compare the geometrical 2D and 3D transformations
• Understand the importance of dialogue design, human machine interaction, and
virtualism.
• Comprehend and analyse the fundamentals of light, animation, and visible surface
detection.
• Design, develop, and analyse the CG framework to solve real world problems.

Abstract
Introduction: History of computer graphics and applications, Introduction to OpenGL, Graphics
Output Primitives: line, circle and ellipse generating algorithm, polygon fill algorithm. Geometric
transformations: Homogeneous coordinates, affine transformations (translation, rotation, scaling,
shear, reflection), 2D & 3D Viewing: Line clipping,polygon clipping and projection, Lighting and
Shading: Phong and Gouraud shading, Hidden surface removal: Z-Buffer, BSP trees, Ray Tracing,
Curve surfaces: Bezier curves and surfaces, B-splines.

Syllabus
Overview Of Graphics Systems
Video display devices, Raster scan systems, Graphics software, Introduction to OpenGL.
[3 Hours]
Graphics Output Primitives
Line drawing algorithms, Circles and Ellipses generating algorithms, General Scan line polygon
fill algorithm, Scan line fill of convex polygons and regions with curved boundaries, filling of
areas with irregular boundaries.
[7 Hours]

Geometrical Transformations
Line drawing algorithms, Circles and Ellipses generating algorithms, General Scan line polygon
fill algorithm, Scan line fill of convex polygons and regions with curved boundaries, filling of
areas with irregular boundaries.
[7 Hours]
Two Dimensional and Three Dimensional Viewing
2D viewing Pipeline, Clipping window, Normalization and viewport transformations, clipping
algorithms- Cohen-Sutherland Line Clipping, Liang-Barsky Line Clipping, Sutherland-Hodgman
Polygon Clipping, Overview, 3D viewing pipeline, Projection transformations, Orthographic
projections, Oblique parallel projections, Perspective projection.
[7 Hours]
Lighting & Shading
Light sources, Phong's reflection model, Polygon shading: Gouraud shading, Phong shading,
Implementing a lighting model.
[4 Hours]
Hidden Surface Removal
Visible surface detection method: Back face detection, Z-buffer method, A-buffer method, BSP-
trees, Ray tracing.
[4 Hours]
Curves and Surfaces
Spline representation: Interpolation and approximation splines, spline surfaces, Bezier spline
curves, Bezier surfaces, B-spline curve, B-spline surface.
[4 Hours]
Course outcomes
At the end of this course, students will be able to
1. Illustrate the basic concepts of computer graphics.
2. Interpret the mathematical foundation of geometric output primitives in computer graphics.
3. Apply various geometric transformation, viewing and projection techniques in computer
graphics.
4. Explore shading, illumination, and visible surface detection techniques for the display of
3D scenes on a 2D screen.
References:
1. Donald D. Hearn, Warren Carithers, M. Pauline Baker. Computer Graphics with OpenGL
(Fourth Edition), Pearson Education, 2014.
2. Zhigang Xiang, Computer Graphics: Theory and Practice with OpenGL (Third Edition),
Pearson Education, 2016.
3. Edward Angel, Interactive Computer Graphics- A top down approach using OpenGL
(Sixth Edition), Pearson Education, 2012
4. Foley J. D., VanDam A., Feiner S. K., Hughes J. F., Computer Graphics, Principles and
Practice (Third Edition), Addision-Wesley, 2014.
5. Peter Shirley, Steve Marschner and et al., Fundamentals of Computer Graphics (Fourth
Edition), A K Peters/CRC Press, 2015.
6. F. S. Hill Jr. and S. M. Kelley, Computer Graphics using OpenGL (Third Edition), Pearson,
2007.

IT_ 4406 DIGITAL IMAGE PROCESSING [3 0 0 3]


Course objectives:
• Learn the fundamental concepts of a digital image processing system and process the image
in spatial domain.
• Compare and analyse algorithms for image enhancement in frequency domain.
• Identify the noise models and apply image restoration methods for noisy images.
• Study the various morphological algorithms and implement them.
• Analyse the various segmentation methods, and apply it for images.
Abstract:
Introduction, components of image processing system, Spatial domain transformations, histogram
processing, smoothing, sharpening spatial filters, Filtering in the frequency domain- Introduction
to Fourier transform, image smoothing, image sharpening using frequency domain filters. Image
restoration- Noise models, restoration using spatial filtering, periodic noise reduction by frequency
domain filtering, Morphological image processing- Preliminaries, dilation and erosion, opening
and closing, hit-or-miss transformation, basic algorithms, extension to gray-scale images, Image
segmentation- Point, line, and edge detection, Thresholding, Region Segmentation Using
Clustering and Superpixels, Graph Cuts, morphological watersheds, motion in segmentation.

Syllabus
Introduction and image enhancement in the spatial domain
Fundamental steps in digital image processing, Fields that use digital image processing,
Components of an image processing system, Elements of visual perception, Color models
(RGB/HSVetc), Image sampling and quantization, Basic relationships between pixels.

Gray level transformations, Histogram processing, Enhancement using arithmetic/logic


operations, Basics of spatial filtering, Smoothing spatial filters, Sharpening spatial filters,
Combining spatial enhancement methods, Demonstration or implementation of image processing
techniques.[8 Hours]

Filtering in the frequency domain


Introduction to the Fourier transform and the frequency domain, Sampling and the Fourier
transform of sampled functions, The DFT of one variable, Extensions to functions of two variables,
Some properties of the 2-D DFT and IDFT, Basics of filtering in the frequency domain, Image
smoothing using frequency domain filters, Image sharpening using frequency domain. [6
Hours]
Image restoration
A model of the image degradation/restoration process, Noise models, Restoration in the presence
of noise only spatial filtering, Periodic noise reduction by frequency domain filtering, estimating
the degradation function.
[6 Hours]
Image segmentation
Point, line, and edge detection, Thresholding, Segmentation by region growing and by region
splitting and merging, Active contour methods, Region segmentation using clustering and
superpixels, Region segmentation using graph cuts, Segmentation using morphological
watersheds, Use of motion in segmentation.
[8 Hours]
Morphological image processing
Preliminaries, Dilation and erosion, Opening and closing, The hit-or-miss transformation, some
basic morphological algorithms, Gray-scale morphology. Image compression techniques, image
quality metrics, and image analysis.
[8 Hours]
Course outcomes
At the end of this course, students will be able to
1. Interpret the image acquisition procedure and image storage mechanisms.
2. Analyse various spatial and frequency domain techniques of image processing.
3. Determine appropriate image restoration method to denoise and enhance the degraded
image using qualitative and quantitative assessments.
4. Apply different morphological, and segmentation algorithms for real-world problems.

References
1. Rafael C. Gonzalez, Richard E. Woods, Digital Image Processing (fourth edition),
Pearson, 2017.
2. Milan Sonka, Vaclav Hlavac, Roger Boyle, Image Processing, Analysis and Machine
Vision (fourth edition), CENGAGE Learning, 2014.
3. Rafael C. Gonzalez, Richard E. Woods, Steven L. Eddins, Digital Image Processing Using
MATLAB (second edition),Mc Graw Hill India, 2010.
4. Gloria Bueno García, Oscar Deniz Suarez, José Luis Espinosa Aranda, Jesus Salido
Tercero, Ismael Serrano Gracia, Noelia Vállez Enano, Learning Image Processing with
OpenCV (first edition), Packt Publishing, 2015.
IT_ 4407 AUGMENTED AND VIRTUAL REALITY [3 0 0 3]

Course objectives
• Understand the historical and modern overviews and perspectives on AR and VR.
• Understand the technical and engineering aspects of AR and VR.
• Design, develop, and analyse the VR framework to solve real world problems.

Abstract
Introduction of virtual and augmented reality, Definition and scope, Brief history 3 I’s of VR a
short history of early virtual reality, early commercial VR technology, VR becomes an industry,
Components of a VR system, Displays in augmented reality multimodal displays, Audio displays
Haptic, Tactile, and Tangible displays, Displays, Visual perception, Requirements and
characteristics, Multiple models of I/O gesture interfaces 3D position trackers, Navigation and
manipulation interfaces, Gesture interfaces. Output devices, Haptic display,Graphicsdisplays,
Sound displays. Computer vision for AR, Natural feature tracking by detection, Incremental
tracking, Simultaneous localization and mapping, Outdoor tracking, Computing architectures for
VR, The rendering pipeline, Workstation-based architectures, Distributed VR architectures,
Geometric modeling, Kinematics modeling, Physical modeling, Behavior modeling.

Syllabus
Introduction
A brief history of AR, Examples, Introduction the three I’s of VR, History of early VR, Early
commercial VR technology, VR becomes an industry, The five classic components of a VR
system.
[07 Hours]
Displays
Displays in augmented reality, Multimodal displays, Audio displays Haptic, Tactile, and Tangible
displays, Olfactory and Gustatory displays, Visual perception, Requirements, and characteristics.
[07 Hours]
Tracking
Multiple models of input and output interface in VR:Gestureinterfacesthree-dimensional
position trackers, Navigation, and manipulation interfaces gesture interfaces. Output
devices:Graphics, 3D sound, and hapticdisplay,Graphicsdisplays, Sounddisplays,
Hapticfeedback.
[06 Hours]
Computer vision for augmented reality
Marker tracking, Multiple-camera infrared tracking, Natural feature tracking by detection,
Incremental tracking, Simultaneous localization and mapping, Outdoor tracking.
[06 Hours]
Computer architecture for VR
The rendering pipeline, PCgraphicsarchitecture, Workstation-based architectures, Distributed VR
architectures.
[05 Hours]
Modeling
Geometric modeling, Kinematics modeling, Physical modeling, Behavior modeling, Model
management.
[05 Hours]
Course outcomes
At the end of this course, students will be able to
1. Exhibit the fundamental concepts and terminologies in the field of AR and VR systems.
2. Distinguish among various displays used for AR.
3. Demonstrate competence with several modern VR technologies such as tracking, computer
vision.
4. Design and model of virtual environments and simulators.

References:
1. Dieter Schmalstieg, Tobias Hollerer, Augmented Reality: Principles & Practice (1e),
Addison-Wesley, 2016.
2. Steven M. LaValle. Virtual Reality. Cambridge University Press, 2017.
3. Burdea, G. C. and P. Coffet. Virtual Reality Technology (2e), Wiley-IEEE Press, 2006.
4. Tony parisi, Learning Virtual Reality: Developing Immersive Experiences and
Applications for Desktop, Web, and Mobile (1e), O’Reilly Media, 2015.
5. Steve Aukstakalnis, Practical Augmented Reality: A Guide to the Technologies,
Applications, and Human Factors for AR and VR (Usability) (1e), Addison-Wesley
Professional, 2016.
6. Jonathan Linowes, Unity Virtual Reality Projects Paperback, Packt Publishing eBooks
Account, September 2015.
IT_ 4408 COMPUTER VISION [3 0 0 3]
Course objectives:
• Learn fundamentals of image formation and techniques of computer vision and pattern
recognition.
• Learn different feature detection and mathematics of description methods.
• Discuss the various issues in the design of computer vision and object recognition systems.

Abstract
Introduction to computer vision and its applications, Image formation, Liner Filtering, mage
transformations and Colour models, Edge Detection methods (Laplacian detectors and Canny edge
detector), Points and patches, Harris corner detector, Histogram of Gradients, Difference of
Gaussian detector, SIFT, Colour and Texture, Feature based alignment, least squares and
RANSAC, Camera models, Camera calibration, Stereo vision, Stereo correspondence, Epipolar
geometry, Optical flow, Lucas Kanade method, KLT tracking method, Mean shift method, Dense
motion estimation, Support Vector Machines, Face detection and recognition, Bag of words, Deep
learning.

Syllabus

Introduction
Introduction to computer vision and its applications, Image formation, Liner Filtering, Image
transformations and Colour models.
[7 Hours]
Feature detection and matching
Edge Detection methods (Laplacian detectors and Canny edge detector), Points and patches, Harris
corner detector, Histogram of Gradients, Difference of Gaussian detector, SIFT, Colour and
Texture, Feature based alignment, least squares and RANSAC.
[9 Hours]
Camera calibration
Camera models, Camera calibration, Stereo vision, Stereo correspondence, Epipolar geometry.
[8 Hours]
Tracking
Optical flow, Lucas Kanade method, KLT tracking method, Mean shift method, Dense motion
estimation.
[6 Hours]
Object recognition
Support vector machines, Face detection and recognition, Bag of words, Deep learning.
[6 Hours]

Course outcomes
At the end of this course, students will be able to
1. Apply the concept of filtering, convolution, and image transformation techniques to a real-
world problem.
2. Investigate different feature detectors and descriptors to identify the different features in
real-world images.
3. Apply camera calibration for enhancing the image quality and to extract intrinsic and
extrinsic parameters of the camera.
4. Determine appropriate techniques for tracking objects for a given problem.

References

1. Szeliski R., Computer Vision: Algorithms and Applications, Springer 2011.


2. David A. F. and Ponce J., Computer Vision: A Modern Approach (second edition), Pearson
2015.
3. Solem J. E., Programming Computer Vision with Python, O’Reilly, 2012.

III. DATA ANALYTICS

IT_ 4409 INFORMATION RETRIEVAL [3 0 0 3]

Course Objectives

• To learn thevarious models for information retrieval


• To get familiarized with the index and dictionary compression techniques
• To query and evaluate the IR models for efficient retrieval
• To understand the web search concepts

Abstract

Boolean Retrieval Model, Index Construction: Blocked sort based indexing, Single Pass in
memory indexing, Distributed indexing, Dynamic Indexing, Index Compression:Dictionary
compression, postings compression, Vector Space Model, Parameter and zone indexes, Evaluation
in IR, Result snippets, Relevance Feedback and Query Expansion, Latent Semantic Indexing, Web
Search Basics, Near duplicates and shingling, Web Crawling and Indexes, Distributing indexes,
Link Analysis, Page Rank.

Syllabus

Boolean Retrieval Model


Building inverted index, Processing Boolean queries, Extended Boolean retrieval model vs ranked
retrieval.
[2 Hours]
Index Construction
Term vocabulary and posting analysis, Dictionaries & tolerant retrieval, BSBI, SPMI, Distributed
indexing, Dynamic indexing, Other types of indexes.
[6 Hours]
Index Compression
Heap’s and Zipf’s law, Dictionary compression-Dictionary as a string-blocked storage, Postings
compression-variable byte codes, gamma codes.
[4 Hours]
Vector Space Model
Parametric and zone indexes, Term frequency & weighting- Inverse document frequency, tf-idf
weighting, Vector space model for scoring, variants of tf-idf functions.
[4 Hours]
Evaluation in IR
Computing scores in a complete search system, IR system evaluation, Standard test collections,
Evaluation of unranked and ranked retrieval sets, Assessing relevance, Result snippets.
[5 Hours]
Relevance Feedback and Query Expansion
Relevance feedback and pseudo relevance feedback, Indirect relevance feedback, Global methods
of query reformulation.
[2 Hours]
Probabilistic Information Retrieval
Probability ranking principle, Binary independence model, Okapi BM25.
[2 Hours]
Latent Semantic Indexing
Term-document matrices and SVD, Low rank approximation, LSI.
[4 Hours]
Web Search Basics
Advertising as economic model, Search user experience, Index size estimation, Near-duplicates
and shingling.
[2 Hours]
Web Crawling and Indexes
Must and should feature of a web crawler, Crawling, distributing indexes, Connectivity servers
[3 Hours]
Link Analysis
Web graph, PageRank, Hubs and Authorities
[2 Hours]

Course Outcomes

At the end of this course, students will be able to


1. Demonstrate the understanding of the various Information Retrieval models
2. Apply the appropriate index construction and compression techniques
3. Formulate queries andevaluate the performance of retrieval systems
4. Assess the IR techniques for webindexing and Link Analysis
.
References

1. Christopher D. Manning, PrabhakarRaghavan and HinrichSchütze, Introduction to


Information Retrieval,
Cambridge University Press, 2008.
2. Stefan Buettcher, Charles L. A. Clarke and Gordon V. Cormack, Information Retrieval:
Implementing and
Evaluating Search Engines, MIT Press, 2016.
3. David A. Grossman and OphirFrieder, Information Retrieval: Algorithms and Heuristics,
Springer, 2004.
IT_4410 BIG DATA ANALYTICS [3 0 0 3]

Course Objectives:
• Understand concept and challenges of big data
• Use Hadoop and MapReduce framework
• Understand data analytics using Spark.
• Build and query NOSQL data stores for large-volume and semi-structured data

Abstract:

Introduction, Big Data Concepts and Terminology, Big data and Hadoop, Understanding Hadoop
feature, HDFS and MapReduce, Hadoop subprojects, Hadoop MapReduce examples. Spark and
Big Data: Theoretical concepts and Core components of Spark, The Spark architecture, Spark
SQL, Spark Streaming. NoSQL databases: Need for NoSQL, In-memory databases, Categories of
NoSQL, Other NoSQL types and summary, working on NoSQL systems using MongoDB.
Applications: Implementation of machine learning algorithms using MapReduce and Spark.

Syllabus:

Introduction
Understanding Big Data: Concepts and Terminology, Big Data Characteristics, Different Types of
Data, Case Study Background
[4 Hours]
Big data and Hadoop
Understanding Hadoop features, Learning the HDFS and MapReduce architecture, Understanding
Hadoop subprojects, Understanding the basics of MapReduce, Introducing Hadoop MapReduce,
Understanding the Hadoop MapReduce fundamentals, Writing a Hadoop MapReduce example.
[12 Hours]
Spark and Big data
Theoretical concepts in Spark, Core components of Spark, The Spark architecture, Spark SQL,
Spark Streaming.
[10 Hours]
NOSQL
Need for NoSQL, NoSQL databases, In-memory databases, Columnar databases, Document-
oriented databases, Key-value databases, Graph databases, Other NoSQL types and summary,
working on NoSQL systems using MongoDB.
[4 Hours]
Machine Learning and Big data
Implementation of machine learning algorithms using MapReduce and Spark.
[6 Hours]
Course Outcomes:

At the end of the course of studies, students will be able to


• Demonstrate the Understanding of Hadoop Architecture
• Design Big data solutions using MapReduce framework.
• Design Big data solutions using Spark
• Model large, semi-structured data using NOSQL .
References:
1. Thomas Erl, Wajid Khattak, and Paul Buhler., Big Data Fundamentals, Concepts, Drivers
& Techniques, 1st Edition, The Prentice Hall Service Technology Series, 2016.
2. Vignesh Prajapati., Big Data Analytics with R and Hadoop, Packt Publishing Ltd., 2013.
3. Nataraj Dasgupta., Practical Big Data Analytics, 1st Edition, Packt Publishing Ltd, 2018.
4. Anand Rajaraman and Jeffrey David Ullman., Mining of Massive Datasets, 2nd Edition,
Cambridge University Press, 2011.
5. Matei Zaharia, Patrick Wendell, Andy Konwinski, Holden Karau., Learning Spark, 2nd
Edition, O'Reilly Media, Inc., 2015.

IT_ 4411 SOCIAL NETWORK ANALYSIS [3 0 0 3]

Course Objectives:

• To describe social network models with different metrics


• To illustrate the characteristics of social network.
• Toanalysestructural and population models
• To illustrate link prediction

Abstract:
Introduction to social networks,Graph Concepts,Strong and Weak Ties, Community detection,
Graph Partitioning,Networks in their surrounding contexts, Homophily, Spatial model of
Segregation,Positive and negative relations,Information cascades, Baye’s rule, Simple cascade
model,Network effects, Diffusion, Cascades and clusters, Small world phenomena, Decentralized
Search, Link Prediction
Syllabus:

Becoming familiar with social networks


Describing social network through graphs and graph theory, Network Matrices,Onemode and two
mode networks,Howto study social networks from theory to Design
[2 Hours]
Graphs
Basic Definitions, Paths and Connectivity, Distance and Breadth First Search, Network Data sets
[2 Hours]
Strong and Weak Ties
Triadic Closure, The Strength of Weak Ties, Tie Strength and Network Structure in Large Scale
data, Tie, Strength,Social Mediaand Passive Engagement, Closure, Structural Holes and Social
capital, Betweenness, community detection, Measures and Graph Partitioning
[6 Hours]

Networks in Their Surrounding Contexts


Homophily, Mechanisms UnderlyingHomophily, Selection and Social Influence, Affiliation,
Tracking Link Formation in Online Data, A Spatial Model of Segregation
[3 Hours]
Positive and Negative Relations
Structural Balance, Characterizing the Structure of Balanced Networks, Applications of Structural
Balance, A Weaker from of Structural balance, Generalizing the Definition of Structural Balance
[5 Hours]
Information Cascades
Following the Crowd, A Simple Herding Example, Bayes’ Rule, Bayes’ Rule in Herding
Experiment, A simple general cascade model
[3 Hours]
Network Effects
The Economy without Network Effects, The Economy with Network Effects, Stability, Instability,
and Tipping Points, Industries with Network Goods, Negative Externalities and El Farol Bar
Problem
[4 Hours]
Cascading Behavior in Networks
Diffusion in Networks, Modeling Diffusion through a Network, Cascades and Clusters, Diffusion,
Thresholds and the Role of Weak Ties, Extensions of the Basic Cascade Model
[4 Hours]
The Small World Phenomenon
Six Degrees of Separation, Structure and Randomness, Decentralized Search, Modeling the
Process of Decentralized Search, Empirical Analysis and Generalized Models,[4 Hours]

Link Prediction
Introduction, mathematical notation, computing score, entity resolution, scoring technique, case
study for link prediction.
[3 Hours]
Course Outcomes:
At the end of this course, studentswill beable to
• Define various models of social network with different metrics
• Correlate the characteristics of network
• Identify the network effects taking placein a givencontext
• Statethe role of nature of ties and social context in influencing a network
• Analyse the link prediction

References:
1. David Easley and Jon Kleinberg,Networks, Crowds, and Markets: Reasoning About a
Highly Connected World, Cambridge University Press, 2010.
2. Christina Prell,Social Network Analysis, SAGE Publications, 2012.
3. Song Yang, Franziska B Keller, Lu Zheng,Social Network Analysis, SAGE Publications,
2017.
4. Devangana Khokhar,Gephi Cookbook, Packt Publishing, 2015.
5. Jennifer Golbeck, Analyzing the Social Web, Morgan Kaufmann, 2013

IT_ 4412 SEMANTIC WEB [3 0 0 3]

Course Objectives:

• Learn the Semantic Web technologies and their applications.


• Understand the fundamental concepts of semantic web: ontology languages,
design, reasoning and querying.
• Use tools to build and analyse ontologies.

Abstract:
The Semantic Web Activity of W3C: Overview of techniques and standards, XML with Document
Type Definitions and Schemas; Describing Web Resource: RDF data models, syntax, semantics,
schema, RDFS, RDF Data structures, Containers and collections; Querying Semantic Web:
SPARQL matching patterns, filters, querying schemas; Ontology and Information Systems: Use
of ontologies, types, design principles, methodologies; Ontology Languages: OWL2, OWL2
profiles; Logic for the Semantic Web: Predicate and Description Logics; Ontology Reasoning:
Monotonic rules, Rule interchange format, Semantic web rules languages, RuleML; Ontology
Design and Management: Types, purposes, creating ontology manually, reusing existing,
mapping.

Syllabus:

Semantic Web Activity of W3C:


Overview of techniques and standards
XML with Document Type Definitions and Schemas
[2 Hours]
Describing Web Resource:
RDF-data model, syntaxes, RDFS-adding semantics, RDF schema, RDF and RDF schema in
RDFS, Axiomatic schematics for RDF and RDF schema, Direct inference system for RDF and
RDFS, RDF Data Structures, RDF Containers, RDF Collections, Example on containers and
collections
[8 Hours]
Querying Semantic Web:
SPARQL infrastructure, matching patterns, Filters, Constructs for dealing with open world,
Organizing result sets, other forms of SPARQL queries, Querying schemas, Examples on
SPARQL [6 Hours]

Ontology and Information Systems


Ontology, Uses of Ontologies, Types, Architectures, Design Principles, Development Approaches,
Design Methodologies [2 hours]

Ontology Languages
OWL2, Requirement of ontology language, Compatibility of OWL2 with RDF/RDFS, OWL
language, OWL2 profiles [6 Hours]
Logic for the Semantic Web:
Overview of Predicate Logic, Description Logic [4 Hours]

Ontology Reasoning:
Monotonic rules, OWL2 RL, Rule interchange format (RIF), Semantic web rules language
(SWRL), Rules in SPARQL, Non monotonic rules, Rule markup language
(RuleML) [4 Hours]
Ontology Design and Management:
Types, Purpose, Constructing ontologies manually, Reusing existing ontologies, Semi-automatic
ontology acquisition, Ontology mapping, Exposing relational databases, Semantic web application
architecture, Creating own ontology. [4 Hours]

Outcomes:

By the end of this course, students will be able to


1. Demonstrate the understanding of the knowledge representation formalisms in use on the
Semantic Web.
2. Build Queries using SPARQL to query the Semantic Web.
3. Represent and reason ontologies using OWL.
4. Apply ontology engineering approaches to develop ontologies.

References:

1. Grigoris Antoniou, Paul Groth, Frank van Harmelen, Rinke Hoekstra, A Semantic
Web Primer, 3rd edition, The MIT Press, 2012.
2. Peter Szeredi, Gergely Lukacsy, Tamas Benko, and Zsolt Nagy, The Semantic Web
Explained, Cambridge University Press, 2014
3. Liyang Yu, Introduction to the Semantic Web and Semantic Web Services, CRC
Press, 2019
4. Elisa [Link], Deborah [Link], Ying Ding, and Paul Groth, Ontology
Engineering, Morgan & Claypool Publishers, 2019

IV. SOFTWARE SYSTEM DESIGN

IT_ 4417 ADVANCED SOFTWARE ENGINEERING [3 0 0 3]

Course Objectives
• Utilize the specialized software engineering practices and process models
• Compare emerging safety security, and resilience software engineering
• Explain component based, distributed, and service-oriented engineering
• Analyze the issues that affect design of software systems and embedded systems

Abstract:
Specialized process models: Component based and Aspect Oriented Development; Agile process;
Formal model: Cleanroom strategy, formal concepts; Safety Engineering, Security engineering,
Resilience Engineering, Software reuse, Component-based software engineering, Service-oriented
software engineering, Systems engineering, Real-time software engineering, Emerging trends in
software engineering and AI in software engineering.

Syllabus

Specialized process models-Component based development, Aspect Oriented S/W Development;


Agile view of process-Agile process, agile process models.
[3 Hours]
Formal modelling and verification: Cleanroom strategy, Functional specification, Cleanroom
design and testing, Formal methods concepts, Applying mathematical notation for formal
specification, Formal specification languages.
[4 Hours]
Safety Engineering: Safety-critical systems, Safety requirements, Safety engineering processes,
Safety cases.
[3 Hours]
Security engineering: Security and dependability, Security and organizations, Security
requirements, Secure systems design, Security testing and assurance.
[3 Hours]
Resilience Engineering: Cybersecurity, Sociotechnical resilience, Resilient systems design.
[3 Hours]
Software reuse: The reuse landscape, Application frameworks, Software product lines,
Application system reuse.
[3 Hours]
Component-based software engineering: Components and component models, CBSE processes,
Component composition.
[3 Hours]
Service-oriented software engineering: Software as a service, Service-oriented architecture,
RESTful services, Service engineering, Service composition.
[4 Hours]
Systems engineering: Sociotechnical systems, Conceptual design, System procurement, System
development, System operation and evolution.
[3 Hours]

Real-time software engineering: Embedded system design, Architectural patterns for real-time
software, Timing analysis, Real-time operating systems.
[3 Hours]
Emerging trends in software engineering: Technology Evolution, Observing Software
Engineering Trends, Identifying “Soft Trends”, Technology Directions, Tools-Related Trends,
Applications of artificial intelligence in classical software engineering.
[4 Hours]

Course Outcomes

At the end of this course, students will be able to


1. Utilize the specialized process models.
2. Apply web engineering best practices to develop web app.
3. Appraise advanced software engineering concepts and their applicability in practice.
4. Apply the most relevant processes, technologies, and tools for the software development.

References
1. Pressman R. S., Software Engineering-A practitioner’s approach, 9th Edition, McGraw-
Hill Publications, 2020.
2. Sommerville I. Software Engineering, 10th Edition, Pearson Education, 2017.
3. Ghezzi, Jazayeri M., and Mandrioli D., Fundamentals of Software Engineering, 2nd
Edition, Pearson Education, 2016.
4. Wolfgang R., Understanding Petri Nets Modelling Techniques, Analysis, Methods, Case
Studies, Springer-Verlag, 2013.
5. Barenkamp, M., Rebstadt, J. and Thomas, O., 2020., Applications of AI in classical
software engineering., AI Perspectives, 2(1), pp.1-15.

IT_ 4418 SOFTWARE ARCHITECTURE [3 0 0 3]

Course Objectives
• To understand the concepts, principles, methods in software architecture.
• Learn Architectural patterns and Reference models
• Discuss Quality Attributes, relationship of tactics to architectural patterns
• Learn documenting software architectures
• Discuss optimal architectural choices for implementing a software product, regardless of
its complexity and scale.

Abstract
The Architecture Business Cycle, Software Processes, Reference Models, and Reference
Architectures, Architectural Structures and Views, Understanding Quality Attributes,
Functionality and Architecture, Architecture and Quality Attributes, Achieving Qualities,
Tactics,Relationship of Tactics to Architectural Patterns, Designing the Architecture,
Documenting Software Architectures, Reconstructing Software Architectures, Information
Extraction, Database Construction, View Fusion, Transaction and Data Design, Architectural
patterns.

Syllabus

Introduction of Software Architecture- The Architecture Business Cycle, Software Processes


and the Architecture Business Cycle
[3 Hours]

Architectural Patterns- Architectural Patterns, Reference Models, and Reference Architectures,


Architectural Structures and Views
[4 Hours]
Quality attributes- Understanding Quality Attributes, Functionality and Architecture,
Architecture and Quality Attributes, Achieving Qualities, Case Study
[4 Hours]
Quality Tactics- Introducing Tactics, Availability Tactics, Modifiability Tactics, Performance
Tactics, Security Tactics, Testability Tactics, Usability Tactics, Relationship of Tactics to
Architectural Patterns
[6 Hours]
Architecture Documentation and Reconstruction- Documenting Software Architectures, Uses
of Architectural Documentation, Reconstructing Software Architectures, Information Extraction,
Database Construction, View Fusion, Reconstruction.
[3 Hours]
Architectural Details- Roles of the Software Architect, Relationship to other key roles in
development organization, Architectural viewpoint, Skills and Background for the Architect,
Software Architecture and the Development Process, Architecture and agile processes,
Requirements Management, Effective Technical Meetings, Traps and Pitfalls of the Software
Architecture Process Activities, Example System Overview
[2 Hours]
Transaction and Data Design- Transaction and Data Design, Data Model Design
[3 Hours]
Architectural and Design Patterns- Architectural patterns: Interactive systems, Adaptable
systems, Design Patterns: Creational, Structural, Behavioral Patterns.
[6 Hours]
Idioms and Pattern Systems- Idioms and Style, Pattern Classification, Pattern Selection,
Evolution of pattern systems
[3 Hours]
Architectural evaluation: Software architecture analysis method, Cost-Benefit Analysis Method,
Architecture Tradeoff Analysis Method (ATAM)
[2 Hours]

Course Outcomes
At the end of this course, students will be able to
1. Understand the major architectural styles, design patterns
2. Analyze the quality attributes of a system at architectural level
3. Utilize well-understood paradigms for designing new systems
4. Design an architectural model using relevant approach and descriptions to solve real time
problems

References

1. Len B., Clements P, and Kazman R., Software Architecture in Practice, 3rd Edition, SEI
Series in Software Engineering, 2013.
2. Buschmann F., Meunier R., Rohnert H., Sommerlad P., and Stal M., Pattern-Oriented
Software Architecture, A System of Patterns (4e), John Wiley and Sons, 2008.
3. Cervantes H., Kazman R., Designing Software Architectures: A Practical Approach (1e),
Addison-Wesley Professional, 2016.
4. Eric Dashofy, Nenad Medvidović, and Richard N. Taylor “Software
Architecture:Foundations, Theory, and Practice”, John Wiley, 2010.

IT_ 4419 SOFTWARE QUALITTY MANAGEMENT [3 0 0 3]

Course Objectives

• Understand the different factors that influence the software quality.


• Learn about the management aspects of software quality plan and control.
• Learn about the role of software quality assurance components in the software
development process.
• Understand software configuration management tasks and standards.

Abstract

Introduction, software quality, factors, classification, components of the software quality


assurance, error prevention and quality improvement, quality software development plans,
reviews, verification and testing, software configuration management, software change control,
management components of software project, product metrics, software quality standards
assessments and certification.

Syllabus

Introduction
Software errors, faults and failures, classification of the causes of software errors, Software quality
definition, software quality factors: software quality requirements, Classifications of software
requirements into software quality factors, Product operation software quality factors, Product
revision software quality factors, Product transition software quality factors, Alternative models
of software quality factors, quality requirements, software compliance with quality factors.
[6 Hours]

Components of the software quality assurance system


SQA architecture, Pre-project components, Software project life cycle components, Infrastructure
components for error prevention and improvement, Management SQA components, SQA
standards, system certification, assessment components, SQA human components, constructing of
an organization’s SQA system.
[6 Hours]
Development and quality plans
Development plan and quality plan objectives, Elements of the development plan, Elements of the
quality plan, Development and quality plans for small projects and for internal projects.
[4 Hours]
Software quality assurance components in the project life cycle
Integrating quality activities in the project life cycle, Reviews, Verification, validation and
qualification. Formal design reviews, Peer reviews. Software testing.
[6 Hours]
Software Configuration management
Software configuration, Software configuration items and management, Software configuration
management tasks and organization, Software change control, Release of software configuration
versions.
[4 Hours]
Management components of software quality
Components of project progress control, Progress control of internal projects and external
participants, Software quality metrics: Objectives of quality measurement, Classification of
software quality metrics, Process metrics, Product metrics, Implementation of software quality
metrics, Limitations of software metrics.
[6 Hours]
Standards, certification and assessment
ISO 9001, ISO 9000-3 477 and ISO 12207 , Certification according to ISO 9000-3 481, Capability
Maturity Models – CMM, CMMI and Six Sigma concepts, project process standards, Management
and its role in software quality assurance.
[4 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Explain different factors that influence the software quality.
2. Identify and apply management aspects of software quality plan and control.
3. Apply software quality aspects in the software development process.
4. Apply configuration management tasks and standards in real time projects.

References

1. Alan Gillies, Software Quality: Theory and Management, 3rd Edition, [Link], 2011.
2. Daniel Galin, Software Quality Concepts and Practice, 1st Edition, Wiley, 2018.
3. Claude Y. Laporte, Alain April, Software Quality Assurance, 1st Edition, Wiley, 2017.
4. Ivan Mistrik, Richard M Soley, Nour Ali, John Grundy, Bedir Tekinerdogan, Software
Quality Assurance, 1st Edition, O’Reilly Morgan Kaufmann, 2015.

IT_ 4420 SOFTWARE CONSTRUCTION [3 0 0 3]

Course Objectives

• To gain knowledge about software construction process


• To acquire skills to design a high-quality code
• To learn to implement a well-organized high-quality code
• To learn about different methods for code improvements.
• To learn effective documentation of the code.

Abstract
Introduction to software construction; Creating High Quality Code-Design in construction,
Working classes, High Quality Routines, Defensive Programming, The Pseudo code Programming
Process; Variables, Data Types; Statements- OrganizingStraight Line Code, Using conditionals,
Controlling loops, Unusual Control Structures, Table Driven Methods, General Control Issues;
Code Improvements- Software Quality Landscape, Collaborative Construction, Developer
Testing, Code Tuning Strategies and Techniques; Software Craftsmanship, Self-Documenting
Code, Personal Character, Themes.

Syllabus

Laying the foundation: Introduction to software construction, Metaphors for a Richer


Understanding of software development, Measure Twice Cut Once: Upstream Prerequisites, Key
Construction Decisions
[3 Hours]
Creating High Quality Code: Design in construction, Working classes, High Quality Routines,
Defensive Programming, The Pseudocode Programming Process.
[5 Hours]
Variables: General issues in Using Variables, The Power Of Variable Names, Fundamental Data
Types, Unusual Data Types
[4 Hours]
Statements: Organizing Straight Line Code, Using conditionals, Controlling loops, Unusual
Control Structures, Table Driven Methods, General Control Issues
[7 Hours]
Code Improvements: Software Quality Landscape, Collaborative Construction, Developer
Testing, Debugging, Refactoring, Code Tuning Strategies, Code Tuning Techniques.
[9 Hours]
System considerations: How Program Size Affects Construction, Managing Construction,
Integration, Programming Tools.
[5 Hours]
Software Craftsmanship: Layouts and Style, Self-Documenting Code, Personal Character,
Themes in Software Craftsmanship.
[3 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Acquire a better understanding of the process involved in software construction.
2. Design and write a high-quality code
3. Analyze various programming tools.
4. Provide a proper layout to the code along with appropriate documentation
References

1. McConnell S., Code Complete: A practical Handbook for Software Construction (2e),
Microsoft Press, 2004.
2. Meyer B., Object Oriented Software Construction (2e), Prentice Hall, 1997.
3. Martin R. C., Clean Code: A handbook of Agile Software Craftsmanship, Prentice Hall,
Pearson Education, 2012.
4. Martin R. C., Clean Architecture: A Craftsman's Guide to Software Structure and
Design (1e), Prentice Hall, 2017.

V. CYBER SECURITY
IT_ 4413 CYBER FORENSICS AND CYBER LAWS [3 0 0 3]
Course Objectives

• To describe various digital forensics techniques and its usage


• To infer Computer forensics, digital detective processes, policies and procedures
• To apply digital forensics techniques to do incident response with an Independent project
• To acquire the knowledge of cyber laws to prevent cyber crimes

Abstract
Introduction, Biometric fundamentals, technologies and benefits, Key processes, Application of
biometrics, Incident reports, responses and preparation, Forensic technologies and systems,
Forensic tools and digital evidences, Computer crimes and types, Cyber Criminal Mode and
Manner of Committing Cyber Crime, Cyber laws, Information Technology Act 2000, Intellectual
property, IP theft, Cyber ethics, International cyber laws, Policies and compliances, Compliances
auditing.

Syllabus
Introduction
Introduction to digital forensics, Importance of forensics, Cyber Laws.
[2 Hours]
Biometric Systems and Cyber crimes
Biometric fundamentals, Biometric technologies, Characteristics of a good biometric system,
Benefits of biometrics, Key biometric processes: verification, identification and biometric
matching, Performance measures in biometric systems, Applications of Biometric Systems,
Traditional Computer Crimes, Identity Theft & Identity Fraud, Incident and incident response
methodology: Forensic duplication and investigation, Preparation forincident reports, Forensics
Technology and Systems.
[6 Hours]
Digital Forensics
Digital forensics fundamentals, Benefits of forensics, Forensics Tools and techniques, Digital
forensic model, Forensic investigation process, Understanding law enforcement agency
investigations, Digital Evidences, Anthropometry and morphometry in forensics.
[6 Hours]
Cybercrimes investigation procedures
Cyber Forensic, Computer Crimes and types, Reasons for Cyber Crimes, Cyber Criminal Mode
and Manner of Committing Cyber Crime, Investigation of Cyber Crimes, Investigation of
malicious applications, Agencies for investigation in India.
[5 Hours]
Forensic Tools and Processing of Electronic Evidence
Introduction to Forensic Tools, Usage of Slack space, Tools for Disk Imaging, Data
Recovery,Vulnerability Assessment Tools, Encase and FTK tools, Anti Forensics and probable
counters, retrieving information, process of computer forensics and digital investigations,
processing of digital evidence, digital images, damaged SIM and data recovery, multimedia
evidence, retrieving deleted data: desktops, laptops and mobiles, retrieving data from slack space,
renamed file, ghosting, compressed files.
[6 Hours]
Cyber Laws
Basics of Law and Technology, Introduction to Indian Laws, Scope and Jurisprudence,
DigitalSignatures, E Commerce-an Introduction, possible crime scenarios, law coverage, data
interchange, mobile communication development, smart card and expert systemsIndian Laws,
Information Technology Act 2000, Indian Evidence Act, India Technology Amendment Act 2008,
Indian Penal Code , Computer Security Act 1987, National Information Infrastructure Protection
Act 1996, Fraud Act 1997, Children Online Protection Act 1998, Computer Fraud and Abuse Act
2001.
[7 Hours]

Intellectual Property and International Laws


Introduction IP Theft, Copyright, Trademark, Privacy and Censorship, Introduction to Cyber
Ethics, rights over intellectual property Introduction to International Laws, International Cyber
Laws, Policy and Compliance, Corporate IT Policy Formulations, Compliance Auditing.
[4 Hours]

Course Outcomes
At the end of this course, students will be able to
1. Understand various cybercrimes, digital forensics techniques and its usage.
2. Apply digital forensics techniques to generate incident response report.
3. Analyze the incident response report contents.
4. Evaluate cyber-crimes with the knowledge of cyber laws.
References:

1. Nilakshi Jain, Dhananjay R. Kalbande, Digital Forensic: The Fascinating World of


Digital Evidences, 1st edition,Wiley publishers, 2016.
2. Jin Xiong, Essential bioinformatics, 1st edition, Cambridge University Press, 2006.
3. Linda Volonino, Reynaldo Anzaldua and Jana Godwin, Computer Forensics: Principals
and Practices, 1st edition, Pearson PrenticeHall, 2007.
4. Eoghan Casey, Digital Evidence and Computer Crime
Academic Press, 2nd edition, Academic Press, 2004.
5. Jeff Kosseff, Cyber Security Law, 2ndedition, Wiley Publishers, 2019.

IT_ 4414 ETHICAL HACKING [3 0 0 3]


Course Objectives:
• To describe the key concepts of ethical hacking.
• To identify security vulnerabilities and threats in the target applications.
• To examine tools and techniques used to launch different types of attacks on computing
systems.
• To evaluate security techniques used to protect the system and suggest good
countermeasures.
Abstract:
Introduction, Types, Terminologies and Laws, Footprinting, Social Engineering, Malware and
Virus, Vulnerability Assessment, DDOS attacks, SQL injection, Sniffing and System Hijacking,
Session Hijacking, Scanning and Enumeration, Web Servers attacks, Pentesting Report, Tools for
each of attacks and Countermeasures.

Syllabus:

Introduction to Ethical Hacking


Introduction, Types, Terminologies and Laws
[2 Hours]
Footprinting
Various types of footprinting, footprinting tools, and countermeasures.
[3 Hours]
Social Engineering
Social Engineering techniques, identify theft, and socialengineering countermeasures

[3 Hours]
Malware and Virus
Different types of Trojans, Trojan analysis, and Trojan countermeasures. Working of viruses,
virus analysis, computer worms, malware analysis procedure, and countermeasures
[3 Hours]
Vulnerability Assessment
Tools, Techniques , Concepts and Reports
[2 Hours]
DDOS attacks
DoS/DDoS attack techniques, botnets, DDoS attack tools, and DoS/DDoS countermeasures
[3 Hours]

SQL injection
SQL injection attacks and injection detection tools
[2 Hours]
Sniffing and System Hijacking
Attacks , Tools and Detection Methods; System hacking methodology, steganography,
steganalysisattacks, and covering tracks
[4 Hours]
Session Hijacking
Session hijacking techniques and countermeasures
[3 Hours]
Scanning and Enumeration
Network scanning techniques and scanning countermeasures. Enumeration techniques and
enumeration countermeasures
[3 Hours]
Web Servers attacks
Different types of webserver attacks, attack methodology,and countermeasures. Different types
of web applicationattacks, web application hacking methodology, and countermeasures
[5 Hours]
Pentesting Report
Various types of penetration testing, security audit,vulnerability assessment, and penetration
testing roadmap
[3 Hours]
Outcomes:
At the end of the program the students will be able to:
• Recall the key concepts and fundamentals of ethical hacking.
• Identify the various security loopholes in every aspect of computing.
• Outline and make use of various tools and techniques to launch attacks on computing
systems.
• Apply the countermeasures that can be taken to prevent attacks on computing systems.

References:
1. Ric Messier, Certified Ethical Hacker Version 10- Study Guide ,10thedition, Sybex
Wiely, 2019.
2. Corey P. Schultz, Bob Percianccante, Kali Linux Cook Book ,2nd edition , Packt
Publishing, 2017.
3. Phillip L. Wylie, Kim Crawley, The Pentester BluePrint ,1st edition,Wiley,2020.
4. Christopher Hadnagy, Social Engineering: The Art of Human Hacking ,1stedition,Wiley,
2020.
5. James Corley, Kent Backman, Michael Simpson., Hands on Ethical hacking and
network Defense 2nd edition, Delmar Cengage Learning; 2010.
6. John Erickson, Hacking: The art of exploitation ,2nd edition, No Starch Press,2008.
7. Patrick Engebretson, The Basics of Hacking and Penetration Testing: Ethical Hacking
and Penetration Testing Made Easy,1stedition , Syngress Media,U.S.,2010.

IT_ 4415 BLOCKCHAIN TECHNOLOGY [3 0 0 3]

Course objectives
• Understand the concepts of Blockchain technologies.
• Understand the consensus protocol and writing policies using smart contract.
• Familiarize with blockchain architecture.
• Familiarize with Hyperledger platform.

Abstract
Introduction to technology stack: Blockchain, protocol, understanding how blockchain works.
Introduction to blockchain primitives, consensus model. Introduction to smart
contracts and its development environment. Architecture of decentralized application using
Ethereum and Hyperledger platforms. Introduction to Hyperledger.
Syllabus

Introduction
Blockchain Introduction: cryptography concepts, Merkle Patricia Tree, Introduction to
transactions, transaction characteristics. [08 hours]

Blockchain Primitives
Hashing, digital signature, public vs permissioned
blockchain [10 hours]

Consensus protocols and forks


Introduction to consensus protocols: proof of work, proof of stake, Introduction to hard and soft
fork in blockchain. [06 hours]

Blockchain Contracts
Introduction to Smart Contract. Design and develop smart contract using suitable
development environment such as Remix, TestRPC, test and deploy
smart contract. [06 hours]

Blockchain architecture
Architecture of decentralized application (Dapps). Ethereum architecture, Hyperledger
architecture. [03 hours]

Hyperledger
Introduction to permissioned blockchain with hyperledger Fabric and
Composer.
[03 hours]

Course outcomes
At the end of this course, students will be able to
1. Illustrate the fundamentals of the blockchain.
2. Design and implement a smart contract.
3. Review blockchain architecture.
4. Analyze Hyperledger Fabric and Composer in general.

References

1. Elad Elrom, The Blockchain Developer, Apress; 1st ed. Edition, 2019
2. Lorne Lantz, Daniel Cawrey, Mastering Blockchain, O'Reilly Media, Inc.2020.
3. Paul Vigma, Michael J. Casey, The Truth Machine: The Blockchain and the Future of
Everything (1e), St Martin’s Press, 2018.
4. Daniel Drescher, Blockchain Basics: A Non-Technical Introduction in 25
Steps (1e), Apress, 2017.
5. Xun Brian Wu, Chuanfeng Zhang, Andrew Zhang, Hyperledger Cookbook, Packt
Publishing Limited, 2019
6. David Hooper, Kevin Solorio, Hands–On Smart Contract Development with Solidity and
Ethereum: From Fundamentals to Deployment, O′Reill, 2019.

IT_ 4416 ARTIFICIAL INTELLIGENCE IN CYBERSECURITY [3 0 0 3]

Objectives
• Understand the role of ML and AI in security
• Identify the network anomalies using AI techniques
• Familiarize various types of bots and botnets

Abstract
Introduction. Role of ML and AI in Security: Rules-Based, Signature-Based, and Firewall
SolutionsFocusing on the Threat of Malicious Bots, Network Anomaly Detection with AI :
Intrusion Detection Systems, Host Intrusion Detection Systems, Network Intrusion Detection
Systems, Anomaly-driven IDS ,Web Applications Security using AI and ML, Privacy Issues, Case
Studies,AI, ML and Managed Security Service Providers

Syllabus

Introduction
Structure and Methodology, Basics of Cyber Security, Introduction to AI for Cybersecurity
Professionals, Applying AI in Cyber Security, Evolution in AI: From expert systems to data
mining, types of machine learning algorithms
[4 Hours]
Role of ML and AI in Security
Rules-Based, Signature-Based, and Firewall Solutions, Fall Short Preparing for Unexpected
AttacksUnderstanding AI, ML, and Automation Challenges in Adopting AI and ML
[6 Hours]
Focusing on the Threat of Malicious Bots
Bots and Botnets , Bots and Remote Code Execution,The Evolution of the Botnet, A Thriving
Underground Market, The Bot Marketplace AI and ML Adoption in Botnets, Staying Ahead of
the Next Attack with Threat Intelligence
[6 Hours]
Network Anomaly Detection with AI
Anomaly detection rationales, Intrusion Detection Systems, Host Intrusion Detection Systems,
Network Intrusion Detection Systems, Anomaly-driven IDS, Turning service logs into datasets,
Advantages of integrating network data with service logs Network anomaly detection techniques,
Classification of network attacks, Most common network attacks, Anomaly detection strategies
[5 Hours]
Web Applications Security using AI and ML
Finding Anomalies, Bringing ML to Bot Attack Remediation, Using Supervised ML-Based
Defenses for Security Events and Log Analysis Deploying Increasingly Sophisticated, Malware
Detection , Using AI to Identify Bots,AI and ML on the Security Front: Beyond Bots, Identifying
the Insider Threat, Tracking Attacker Dwell Time, Orchestrating Protection
ML and AI in Security Solutions Today, Cyber Attacks and Risk Management Strategy in Internet
of Things (IoT) Architecture
[6 Hours]
Data Privacy Issues
Basic Data Privacy Concepts: Fundamental Concepts, Data Privacy Attacks, Data linking and
profiling, privacy policies and their specifications, privacy policy languages, privacy in different
domains- medical, financial, etc.
[2 Hours]
ML and AI Case Studies
Case Study: Global Media Company Fights Scraping Bots, When Nothing Else Works: Using
Very Sophisticated ML Engines with a Data Science Team Results
[5 Hours]
AI, ML and Managed Security Service Providers
The MSSP as an AI and ML Source, Cloud-Based WAFs Using AI and ML
[2 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Classify various types of network attacks
2. Interpret privacy policies and their specifications in various domains
3. Develop ML-Based defenses for Security Events and Log Analysis
4. Analyse AI and ML solutions in identification of malicious Bots and Botnets

References

1. Laurent Gil and Allan Liska Security With AI And Machine Learning, 1st Edition, O’Reilly
Media, 2019.
2. Alessandro Parisi , Hands–On Artificial Intelligence for Cybersecurity, 1st Edition, Packt
Publishing, 2019.
3. Nina Godbole and Sunit Belpure, Cyber Security Understanding Cyber Crimes, Computer
Forensics and Legal Perspectives, 1st Edition , Wiley, 2011.
4. B. B. Gupta, D. P. Agrawal, Haoxiang Wang, Computer and Cyber Security: Principles,
Algorithm, Applications, and Perspectives, 1st Edition, CRC Press, 2018.
5. Ishaani Priyadarshini, Rohit Sharma Artificial Intelligence and Cybersecurity Advances
and Innovations, 1st Edition, CRC Press, 2022.
6. Soma Halder, Sinan Ozdemir Hands-On Machine Learning for Cybersecurity: Safeguard
your system by making your machines intelligent using the Python ecosystem,1st Edition,
Packt Publishing, 2018.

OTHER PROGRAM ELECTIVES


IT_ 4441 CLOUD COMPUTING [3 0 0 3]

Course Objectives
• Learn the fundamental concepts and various models of cloud computing.
• Understand the demand-based allocation and management of resources for the cloud-based
applications
• Familiarize with virtualization process and various types of virtualization techniques.
• Study various techniques to secure the cloud resources from unauthorized access.

Abstract
Introduction: Cloud computing delivery models and services, Challenges, Cloud Infrastructure:
Amazon, Google, Microsoft Azure, Open Source Platforms, Services in Cloud: Service Oriented
Architecture, REST, Cloud resource virtualization: Types of virtualization, Understanding
hypervisors, Virtual Machines, Dockers Containers, Virtualization at Compute, Storage and
Network level, Resource Management and Scheduling: Policies and Mechanisms, Scheduling,
Business Continuity and Cloud management: Fault Tolerance, Replication Methods, Cloud
Security: Virtual machine security, Access control and identity management, Cloud Tools:
Eucalyptus, OpenNebula/OpenStack, CloudSim,

Syllabus

Introduction
Cloud computing, Cloud Architecture, Cloud computing delivery models and services, Major
challenges, Cloud computing at Amazon, The Google perspective, Microsoft Windows Azure,
Open-source software platforms for private clouds, Cloud storage diversity and vendor lock-in,
Energy use and ecological impact, Service level agreements
[4 Hours]
Understanding services in Cloud
Understanding Service Oriented Architecture, Introducing Service Oriented Architecture, Event-
driven SOA or SOA 2.0, The Enterprise Service Bus, Service catalogs, Defining SOA
Communications using SOAP and REST, Business Process Execution Language, Business process
modeling, Managing and Monitoring SOA, SOA management tools, SOA security, The Open
Cloud Consortium, Relating SOA and Cloud Computing
[5 Hours]
Cloud Resource Management and Scheduling
Policies and mechanisms for resource management, Thin virtual provisioning, Storage tiering,
Scheduling algorithms for computing clouds, Fair queuing, Start-time fair queuing, Resource
allocation, predictive/reactive dynamic resource allocation, Server consolidation, Borrowed
virtual time, Resource management and dynamic scaling.
[4 Hours]
Cloud Resource Virtualization
Virtualization, Layering and virtualization, Virtualized Data Center (VDC) – Compute, Types of
Virtualization, Understanding Hypervisors, Virtual Machines, Dockers Containers, Resource
Management, Share, Limit and Reservation, Optimizing Memory Resource, Memory Ballooning,
Virtual Machine Affinity, Physical to Virtual Conversion: Hot and Cold Conversion Process,
Virtualized Data Center (VDC) – Storage, Storage Virtualization at different Layers, Virtual
Machine Storage Options and Considerations, Virtual Provisioning, Storage Tiering, Virtualized
Data Center (VDC) – Networking, Components of VDC network infrastructure, Virtual Network
Components, Virtual LAN, VLAN Trunking, VLAN Tagging, Network Traffic Management,
Performance comparison of virtual machines, The dark side of virtualization, Case Study:
Xen,VMM based para-virtualization.
[9 Hours]
Business Continuity and cloud management
Overview, virtual machine fault tolerance, NIC teaming, backup optimization, Virtual machine
replication methods, Service failure, Virtual infrastructure management software, Cloud service
management.
[4 Hours]
Cloud Security
Information Security, Basic Terminology, Cloud security risks, Security concerns and Threats,
Privacy and privacy impact assessment, Trust, Operating system security, Virtual machine
Security, Security of virtualization, Security risks posed by shared images, Security risks posed by
a management OS, A trusted virtual machine monitor, Access Control and Identity Management
in Cloud, Governance, Risk and Compliance, Virtualization Security Management, Trusted Cloud
Computing
[6 Hours]
Cloud Creation and Application Development Tools
Eucalyptus, Open Nebula/Open stack, CloudSim Framework, Development of application using
open-source tools.
[4 hours]
Course Outcomes
At the end of this course, students will be able to
1. Use the fundamental concepts of cloud computing infrastructure.
2. Apply the concepts of service-oriented architecture in cloud application.
3. Apply various resource management techniques as per the requirements of cloud
applications.
4. Analyse various virtualization techniques and infrastructure requirements in cloud
computing
5. Analyse various security risks and management in the cloud computing

References

1. Dan C Marinescu, Cloud Computing Theory and Practice, 2nd Edition, 2017
2. Rajkumar Buyya, Christian Vecchiola, S. Thamarai Selvi, Mastering Cloud Computing,
2nd Edition, McGraw Hill 2017
3. Sehgal, Naresh Kumar, and Pramod Chandra P. Bhatt, Cloud Computing: Concepts and
Practices, 1st Edition, Springer, 2018
4. Barrie Sosinsky, Cloud Computing Bible, 1st Edition, Wiley Publishing Inc., 2011.
5. Anthony T. Velte, Toby J. Velte, Robert Elsenpeter, Cloud Computing: A Practical
Approach, 1st Edition, McGraw Hill 2017
6. Mark C Chu-Carroll, Code in the Cloud, 1st Edition, Pragmatic Bookshelf, 2011.
IT_ 4442 DEEP LEARNING [3 0 0 3]

Course Objectives

• Provide the mathematical tools for neural networks


• Comprehensive exposure to the concepts of deep learning
• Provide exposure to diagnostic tools for deep learning

Abstract:

Introduction; Mathematical Preliminaries; Machine Learning Basics: Learning algorithms,


Capacity, Under and Overfitting, Hyperparameter and validation set, Estimators, Bias and
variance, Bayesian statistics, Supervised learning algorithms, Unsupervised learning algorithms;
Deep Feedforward Networks: Gradient-based learning, Architecture Design, BPA; Regularization
for Deep Learning: Parameter norm penalties, Dataset augmentation, Dropout; Optimization for
Training Deep Models: Parameter initialization strategies, Approximate second-order methods;
Convolutional Networks: Convolution operation, Pooling; Recurrent and Recursive Networks:
RNNs, BiRNNs, Encoder-decoder sequence-to-sequence architecture, LSTM

Syllabus

Introduction
Limitations of neural networks, Trends in Deep Learning [1 Hour]

Mathematical Preliminaries
Linear Algebra, Probability and Information Theory, Numerical computation [3 Hours]

Machine Learning Basics


Learning Algorithms, Capacity, Under and Overfitting, Hyperparameter and Validation Set,
Estimators, Bias and Variance, MLE, Bayesian Statistics, Supervised Learning Algorithms,
Unsupervised Learning Algorithms [3 Hours]

Deep Feedforward Networks


Learning XOR, Gradient-Based Learning, Hidden Units, Architecture Design, Back-Propagation
Algorithm [5 Hours]

Regularization for Deep Learning


Parameter Norm Penalties, Norm Penalties as Constrained Optimization, Regularization and
Under-Constrained Problems, Dataset Augmentation, Noise-Robustness, Semi-Supervised
Learning, Multi-Task Learning, Early Stopping, Parameter Tying and Parameter Sharing, Sparse
Representations, Bagging and Other Ensemble Methods, Dropout, Adversarial Training
[6 Hours]
Optimization for Training Deep Models
Challenges in Neural Network Optimization, Basic Algorithms, Parameter Initialization
Strategies, Algorithms with Adaptive Learning Rates, Approximate Second-Order Methods,
Optimization Strategies and Meta-Algorithms [5 Hours]

Convolutional Networks
Convolution Operation, Pooling, Convolution and Pooling, Variants of Convolution Function,
Structured Outputs, Data Types, Efficient Convolution Algorithms, Random or Unsupervised
Features [5 Hours]

Recurrent and Recursive Networks


Unfolding Computational Graphs, Recurrent Neural Networks, Bidirectional RNNs, Encoder-
Decoder Sequence-to-Sequence Architecture, Deep Recurrent Networks, Recursive Neural
Networks, Echo State Networks, LSTM [6 Hours]

Practical Methodology
Performance Metrics, Default Baseline Models, Selecting Hyperparameters, Debugging Strategies
[2 Hours]

Course Outcomes
At the end of this course, student should be able to:
1. Choose the right deep learning model and architecture for a given learning problem
2. Construct a deep learning pipeline for a given problem
3. Design a customize deep learning network
4. Make use of regularization to improve the performance of deep learning architecture
5. Apply diagnostic tools to a deep learning pipeline

References
1. Ian Goodfellow and Yoshua Bengio and Aaron Courville, Deep Learning, MIT Press
2016
2. Simon Haykin, Neural Networks and Learning Machines, Pearson, 2018
3. Charu C Agarwal, Neural Networks and Deep Learning, Springer 2018
4. Francois Chollet, Deep Learning with Python, Manning, 2017
5. Seth Weidman, Deep Learning from Scratch, Shroff/O'Reilly, 2019
IT_ 4443 EVOLUTIONARY COMPUTING AND SWARM INTELLIGENCE [3 0 0 3]

Course Objectives
• Learn the main algorithms in the field, in particular genetic algorithms and evolutionary
strategies.
• Understand the underlying principles of evolutionary computation.
• Learn the theoretical foundations of evolutionary computation.
• Apply the algorithms to some application area, and obtain some practical experience.
• Learn about principles and applications of swarm intelligence and metaheuristics.

Abstract: Introduction, Optimization, Modelling and simulation problems, Search problems,


Evolutionary computing, Natural versus artificial evolution, Global optimization and heuristic
search algorithms,genetic algorithm, Fitness, selection and population management, Advanced
operators and techniques in genetic algorithm, multi-objective optimization, combinatorial
optimization, knowledge based techniques, parameters and parameter tuning, (1+1) EA, , (μ + λ)
EA, run time analysis of (1+1) EA, swarm intelligence, particle swarm optimization,
metaheuristics, ant colony optimization.

Syllabus
Evolutionary Computation: Introduction, The Historical Development of EC, Features of
Evolutionary Computation, Advantages and Applications of Evolutionary Computation,
Optimisation, Modelling, and Simulation Problems, Search Problems, Optimisation Versus
Constraint Satisfaction.
[2 HOURS]
Evolutionary Computing: Components of Evolutionary Algorithms, An Evolutionary Cycle by
Hand, Example Applications, The Operation of an Evolutionary Algorithm, Natural Versus
Artificial Evolution, Evolutionary Computing, Global Optimisation, and Other Search Algorithms.
[4 HOURS]
Genetic Algorithms: Introduction, Biological Background, A Simple Genetic Algorithm,
Comparison, Advantages and Limitations, Applications, Terminologies and Operators of GA
Fitness, Selection, and Population Management,
[4 HOURS]
Advanced Operators and Techniques in Genetic Algorithm: Diploidy, Dominance and Abeyance,
Multiploid, Inversion and Reordering, Micro-operators, Non-binary Representation, Single and
Multi objective optimization and Combinatorial Optimization, Knowledge Based Techniques.
[4 HOURS]
Parameters and Parameter Tuning, Parameter Control, Working with Evolutionary Algorithms
(1+1) EA, (μ + λ) EA. Run Time analysis ofEA, run time analysis of (1+1) EA for onemax problem
[7 HOURS]
Computational Intelligence Paradigms, Basic Particle Swarm Optimization, Social Network
Structures, Basic Variations, Basic PSO Parameters ,Comparison Between PSO and GA, Single-
Solution Particle Swarm Optimization, Constraint Handling Approaches, Dynamic Environments,
Niching PSO, Applications
[9 HOURS]
Ant Colony Optimization Meta-Heuristic, Cemetery Organization and Brood Care, Division of
Labour, Similarities and Differences Between Real Ants and Artificial Ants, Characteristics and
Applications of Ant Colony Optimization
[6 HOURS]

Course Outcomes
1. Apply evolutionary computing to find solutions to complex problems
2. Analysis of various parameter choices in Evolutionary Computation
3. Demonstrate techniques and operators of genetic algorithms
4. Analysis of techniques and principles of swarm intelligence.
5. Apply metaheuristics to optimize complex problems

Reference
1. A.E. Eiben, J.E. Smith, Introduction to Evolutionary Computing, Second Edition,
Springer, 2015
2. [Link] · [Link], “Introduction to Genetic Algorithms”, 2008
3. Andries P. Engelbrecht, Computational Intelligence: An Introduction . Second Edition,
John Wiley & Sons Ltd, 2007
4. Xinjie Yu · Mitsuo Gen, Introduction Evolutionary Algorithms, Springer , 2010
IT_ 4444 EXPLAINABLE ARTIFICIAL INTELLIGENCE [3 0 0 3]

Course Objectives
• Provide comprehensive introduction to the concept of algorithmic explainability
• Introduce tools for model visualizations and interpretations
• Provide understanding on the explainability in deep learning models

Abstract
Introduction; Pre-model Interpretability and Explainability: EDA, Feature engineering; Model
Visualization Techniques and Traditional Interpretable Algorithms: Model validation and
evaluation, Classification model visualization, Traditional interpretable algorithms, Model
Interpretability: Interpretable vs. explainable algorithms, Ensemble-based explainable machines,
Rule-based techniques, Scoring system; Post-Hoc Interpretability and Explanations; Explainable
Deep Learning: ; Intrinsic, Perturbation, Gradient/Backpropagation; Explainability in Different
Applications Domains

Syllabus
Introduction
Black-Box Problem, Goals, Purpose, Societal Impact, Types of Explanations, Trade-offs,
Taxonomy [2 Hour]

Pre-model Interpretability and Explainability


Data Science Process and EDA; Exploratory Data Analysis; Feature Engineering [4 Hours]

Model Visualization Techniques and Traditional Interpretable Algorithms


Model Validation, Evaluation, and Hyperparameters; Model Selection and Visualization;
Classification Model Visualization; Regression Model Visualization; Clustering Model
Visualization; Interpretable Machine Learning Properties; Traditional Interpretable Algorithms
[6 Hours]

Model Interpretability
Interpretable vs. Explainable Algorithms; Tools and Libraries; Ensemble-Based Explainable
Machines; Decision Tree-Based; Rule-Based Techniques; Scoring System [6 Hours]

Post-Hoc Interpretability and Explanations


Tools and Libraries; Visual Explanation; Feature Importance; Example-Based [6 Hours]

Explainable Deep Learning


Applications; Tools and Libraries; Intrinsic; Perturbation; Gradient/Backpropagation [6 Hours]

Explainability in Different Application Domains


Time Series Forecasting; Natural Language Processing; Computer Vision [6 Hours]
Course Outcomes
At the end of this course, students will be able to:

1. Differentiate between black box models and the explainable models


2. Make use of tools for model visualization, and make interpretation
3. Make model interpretation for a given learning problem
4. Explain deep learning models
5. Apply explainability in the areas of temporal, NLP and CV

References
1 Uday Kamath, and John Liu, Explainable Artificial Intelligence: An Introduction to
Interpretable Machine Learning, Springer, 2021
2 Wojciech Samek, Grégoire Montavon, Andrea Vedaldi, Lars Kai Hansen, and Klaus-
Robert Müller, Explainable AI: Interpreting, Explaining and Visualizing Deep Learning,
Springer, 2019
3 Serg Masis, Interpretable Machine Learning with Python, Packt Publishing Ltd, 2021

IT_ 4445 GAME THEORY AND APPLICATIONS [3 0 0 3]

Objectives:
• To provide the comprehensive treatment of non-cooperative game theory
• To provide the comprehensive treatment of cooperative game theory
• To introduce the fundamental concepts of mechanism design
• To introduce game-theoretic approach to solve engineering problems

Abstract:
Introduction; Mathematical Preliminaries: Probability theory, Linear algebra, Linear
programming, Mathematical analysis, and complexity classes;Non-Cooperative Game Theory:
Extensive form games, Strategic form games, Dominant strategy equilibria, PSNE, MSNE, and
Bayesian games; Cooperative Game Theory: Correlated strategies, Two person bargaining
problem, Coalition games, Solution concept; Mechanism Design: Social choice function, Incentive
compatibility theorem, Auctions

Syllabus:
Introduction:
Game theory-the science of strategic interactions, current trends and applications
[1 Hour]
Mathematical Preliminaries:
Probability theory, Linear algebra, Linear programming and duality, Mathematical analysis,
Computational complexity classes
[2 Hours]
Non-Cooperative Game Theory:
Key notations in game theory, Extensive form games, Strategic form games, Dominant strategy
equilibria, Pure strategy Nash equilibria, Mixed strategies and mixed strategy Nash equilibria,
Matrix games, Bayesian games
[14 Hours]
Cooperative Game Theory:
Correlated strategies and correlated equilibrium, Two person bargaining problem, Coalition games
with transferable utility, Core of coalition games, Shapley values, Other solution concepts in
cooperative game theory, Stable matching
[13 Hours]
Mechanism Design:
Introduction to mechanism design, Social choice functions, Incentive compatibility and revelation
theorem, Auctions
[6 Hours]

Course Outcomes
At the end of this course, students will be able to:

1. Identify strategic situations and represent them as games


2. Solve simple games using various techniques
3. Recommend and prescribe which strategies to implement
4. Develop mechanisms to elicit the required response
5. Analyze engineering situations using game theoretic techniques
References

1. Y Narahari, Game Theory and Mechanism Design, World Scientific, 2020


2. Vladimir Mazalov, Mathematical Game Theory and Applications, Wiley, 2014
3. Hans Peters, Game Theory: A Multi-Leveled Approach, 2nd Edition, Springer, 2015
4. Dario Bauso, Game Theoy with Engineering Applications, SIAM, Philadelphia, 2016
IT_ 4446 HIGH PERFORMANCE COMPUTING [3 0 0 3]

Course Objectives

• Compare the fundamentals of high performance computer architectures


• Choose parallel programming paradigms and patterns
• Develop parallel programs using optimization techniques
• Design appropriate data parallel primitives to solve scientific problems

Abstract
High performance computing ecosystem with architectures, classifications, forms, and limitations,
High performance programming paradigms with pthreads/OpenMP for shared-memory
architectures, MPI for distributed-memory architectures, CUDA/OpenCL for data parallel tasks,
Data parallel computing by device query, thread organization and mapping, Memory and data
locality optimization with the memory hierarchy, Parallel Programming Patterns with
optimizations,Application Case Study from the Machine Learning (ML) perspective.
Syllabus

High performance computing ecosystem: Modern processor architectures (CPU & GPU),
Flynn‘s Classification of computer architectures, Parallel computer memory architectures (shared,
distributed, and hybrid distributed shared), fundamental laws of parallel computing (Amdahl‘s
Gustafson-Barsis’s law), Forms of parallel computing (instruction, task, data, transaction).
[6 HOURS]

High performance programming paradigms: Granularity and communication overheads,


Programming shared-memory architectures with C pthreads/OpenMP, Programming distributed-
memory architectures with MPI, programming accelerator with CUDA/OpenCL.
[12 HOURS]

Data parallel computing: Data parallelism, CUDA program structure, Simple programs
involving single dimensional input data. Scalable parallel execution:CUDA thread organization,
Mapping threads to multidimensional data, Synchronization, Resource assignment, Querying
device properties, Thread scheduling and Latency tolerance.
[4 HOURS]
Memory and Data Locality: Importance of memory access efficiency, CUDA memory types,
Programs involving multi-dimensional data, Matrix multiplication, Tiling for reduced memory
traffic, Tiled matrix multiplication kernel, Programs on tiled approach.
[4 HOURS]
Parallel Programming Patterns with optimizations: Reduction, Convolution, Scan.
[8 HOURS]

Application Case Study: Machine Learning: Introduction to Convolutional Neural Networks and
Using ML tools on GPUs.
[2 HOURS]

Course Outcomes

At the end of this course, students will be able to


1. Utilize the high-performance computing architectures and paradigms.
2. Analyze parallel programs developed using different parallel programming paradigms.
3. Evaluate performance of data-parallel computations using optimization techniques.
4. Apply parallel computations to solve real world problems.

References
1. Kirk D. B. and Hwu W., Programming Massively Parallel Processors: A Hands-on
Approach, 3rd Edition,Morgan Kaufmann Publishers Inc., 2016.
2. Robert Robey and Yuliana Zamora, Parallel and High Performance Computing, 1st
Edition,Manning Publications, 2021.
3. Barlas G., Multicore and GPU Programming: An Integrated Approach, 2nd Edition,
Morgan Kaufmann Publishers Inc., 2022.
4. Tolga Soyata, GPU Parallel Program Development Using CUDA, 1st Edition, CRC Press,
2018.
5. Gaster B., Howes L., Kaeli D. R., Mistry P., and Schaa D., Heterogeneous Computing with
OpenCL, 2nd Edition, Morgan Kaufmann Publishers Inc., 2012.

IT_ 4447 HUMAN COMPUTER INTERACTION [3 0 0 3]

Course Objectives
• Understand the context of subject with components of Human, Computer and Interaction.
• Learn the design process, principles of good design and designer.
• Learn user experience (UX) process and post UX activities.
• Study various evaluation techniques and cognitive models.

Abstract
Contexts for HCI: Human, Computer, Interaction, Design Process: Interaction Design, Design
Rules, Navigation Design, Principles of good design and designers: Usability, Guidelines, Golden
Rules, User Support, Patterns, Accessibility, User Experience (UX) Design: UX Design Process,
Visual Design Principles and processes, UI Design and Implementation, Usability Evaluation
Techniques: Different measures for evaluation, Usability heuristics and the principles of usability
testing, Cognitive models: Models and Architectures; Case Study: AR/VR and Multimedia, Tools:
Unity, Figma.

Syllabus

Contexts for HCI


The Human-Input Output Channels, Human Memory, Thinking, Psychology and the design of
interactive systems, The Computer-Text entry devices, Positioning, pointing and drawing, Display
devices, Physical controls, sensors and special devices, Memory, Processing and networks
[6 Hours]
Design Process
Interaction Design Basics, HCI in design process, Design Rules, Implementation Support, User
Focus, Scenarios, Navigation design, Screen design and layout, Iteration and prototyping.
[6 Hours]
Principles of Good Design
Principles to support usability, Standards, Guidelines, Golden rules and heuristics, HCI patterns,
Universal Design, User Support, Accessibility, Interfaces for differently aged population groups.
[6 Hours]
Cognitive Models
Goal and task hierarchies, Linguistic models, The challenge of display-based systems, Physical
and device models, Cognitive architectures
[2 Hours]
User Experience (UX) Design
UX Design Process, User Behavior Basics and User Research, Visual Design Principles and
processes, Wireframes and prototyping, UI Design and Implementation, Post launching UX
Activities, Digital User Experience.
[7 hours]
Usability Evaluation Techniques
Goals of evaluation, Evaluation through expert analysis, Evaluation through user participation,
Choosing an evaluation method, Different types of interviews and questionnaires, Data collection
and analysis, Questionnaire design, Heuristic evaluation, strengths and limitations of the
techniques and selection of appropriate ones
[6 Hours]
Case Study and Tools
Groupware, Ubiquitous Computing, Augmented and Virtual Reality and Multimedia applications,
Unity and Figma.
[3 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Apply the key components of an interactive system to use a conceptual vocabulary for
analyzing human interaction with software.
2. Experiment the process and principles of user interface design for a universally accessible
interactive system.
3. Analyze the concepts of user experience design for an interactive systems and case studies.
4. Evaluate an interactive system to check the satisfaction of user's requirement.

References

1. Alan Dix, Janet E. Finlay, Gregory D. Abowd, and Russell Beale, Human-Computer
Interaction, 3rd Edition, Pearson Education India, 2017.
2. Elvis Canziba, Hands-On UX Design for Developers, 1st Edition, Packt, 2018.
3. Samit Bhattacharya, Human-Computer Interaction: User-Centric Computing for Design,
1st Edition, McGraw-Hill, 2019.
4. Ben Shneiderman, Catherine Plaisant, Maxine Cohen and Steven Jacobs, Designing the
User Interface: Strategies for Effective Human-Computer Interaction, 6th Edition,
Addison-Wesely, 2017.
5. Jeffrey Rubin and Dana Chisnell. Handbook of Usability Testing: How to Plan, Design,
and Conduct Effective Tests. 2nd Edition, Wiley, 2014.
6. Yvonne Rogers, Helen Sharp and Jenny Preece, Interaction Design: Beyond Human -
Computer Interaction, 5th Edition, John Wiley & Sons Inc, 2019.

IT_ 4448 INTERNET OF THINGS [3 0 0 3]


Course Objectives

• To learn the state-of-art architectures for IoT.


• To apply the principles of internetworking of embedded devices.
• To analyze and visualize sensor data
• To demonstrate the integration of highly distributed and ubiquitous networks of devices
into the current Internet.
Abstract
Introduction to M2M communication and IoT, An emerging industrial structure for IoT, IoT
system architecture, IoT reference model, IoT deployment and operational view, IoT physical
devices and endpoints, Communication and networking protocols: MQTT and AMQP protocols,
IoT enabling technologies: RFID, WSN,SCADA etc., Analytics for the IoT, Applying the
geospatial analytics to IoT data, Real world design constraint, Technical design constraint, Future
internet design for various IoT use cases such as smart cities, smart environments, smart homes,
smart health etc.

Syllabus

Introduction

M2M Communication, IoT, M2M value chain, IoT value chain, an emerging industrial structure
for IoT, Implications for IoT, Barriers and concern, IoT use case example.
[3 Hours]
M2M to IoT – An Architectural Overview
An IoT architecture outline, Standards considerations. IoT data Management, IoT architecture-
State of art solution, IoT reference model, IoT deployment and operational view.
[7 Hours]
IoT Physical devices and endpoints
Basic building blocks of an IoT Device, Exemplary Device: Raspberry Pi, interfaces,
Programming Raspberry Pi with Python. IoT physical servers and cloud offerings: introduction to
cloud storage models and communication Networks, REST APIs along with HTTP, MQTT and
AMQP protocols
[6 Hours]
IoT Enabling Technologies
M2M: The Internet of Devices, RFID: The Internet of Objects, WSN: The Internet of Transducers,
SCADA: The Internet of Controllers. Web of Things versus Internet of Things, M2M and WSN
Protocols, SCADA and RFID Protocols, Issues with IoT Standardization, Unified Data Standards
[8 Hours]
Analytics for the IoT
Data flows from the IoT device to the final data set, Develop techniques to wring value from IoT
data, apply geospatial analytics to IoT data, Use machine learning as a predictive method on IoT
data.
[6 Hours]
Real-world Design Constraint
Technical design constraints, IoT devices and networks, data representation and visualization,
interaction and remote control.
[2 Hours]

IoT Use Cases


Ubiquitous IoT Applications, Telematics and Intelligent Transport Systems, Smart Grid and
Electric Vehicles, Smarter Planet and Smart Buildings, Home Healthcare and Remote Patient
Monitoring. AWS IoT , IoT Stream Processing and Batch Processing [4 Hours]

Course Outcomes
At the end of this course, students will be able to
1. Apply the concept of IoT for a particular sensor based network
2. Demonstrate an internetwork between embedded devices through the Internet
3. Choose appropriate network architecture for a particular application.
4. Assess different Internet of Things technologies and their applications.

References

1. Jan Holler, Vlasios Tsiatsis, Catherine Mulligan, Stamatis Karnouskos, David Boyle.,
From Machine-to-Machine to the Internet of Things: Introduction to a New Age of
Intelligence,2nd Edition,Elsevier 2018.
2. Andrew Minteer, Analytics for the Internet of Things (IoT), 1st Edition, Packt publishing
Ltd, 2017.
3. Arshdeep Bahga, Vijay Madisetti, Internet of Things-A Hands on Approach, 1st Edition,
Orient Blackswan Private Limited 2015.
4. Oleg Roderick, Nicholas Marko, David Sanchez and Arun Aryasomajula, 1st Edition,
Internet of Things and Data Analytics Handbook, Wiley-Blackwell, 2017.
5. Yatish Patil, Azure IoT Development Cookbook, 1st Edition, Packt publishing Ltd, 2017.
6. Honbo Zhou, The Internet of Things in the Cloud: A Middleware Perspective, CRC Press,
1st Edition, 2012.
IT_ 4449 MOBILE COMPUTING [3 0 0 3]

Course Objectives:
• To familiarize the basics of 5G mobile architecture and communication protocols.
• To study the 5G deployment aspects and coordination of multi-point transmission in 5G.
• To illustrate the significance of emerging technologies in 5G network.
• To provide basic knowledge of 5G services and its benefits to society.

Abstract:
Introduction to Mobile Wireless Communication, 5G Roadmap, Internet of Things and Context‐
Awareness, 5G Architecture, RAN Internals, Spectrum Utilization, OFDMA, NOMA, 5G Frame
Structure, Beamforming, Massive MIMO, Network Deployment Types, Mobility management,
Coordinated multi-point, Network Functions Virtualization, Software‐Defined Networking,
Network Slicing, Multi-access Edge Computing, Machine-type communications, Device-to-
Device Communications.

Syllabus:
Introduction: Introduction, Historical Trend of Wireless Communications, Evolution of LTE
Technology to Beyond 4G, 5G Roadmap, 5G standards, The 5G Internet, Internet of Things and
Context‐Awareness, Mobility, Quality of Service Control, Emerging Approach for Resource
Over‐Provisioning.
[3 Hours]
Basic Architecture: Main Components, Radio Access Network, Mobile Core, Security,
Deployment Options, RAN Internals, Packet Processing Pipeline, Split RAN, Software-Defined
RAN, Architect to Evolve, Optimized Data Plane.
[5 Hours]
5G New Radio: Introduction to Spectrum, Spectrum Utilization, MillimeterWave Spectrum
Above 20 GHz, Mid-Band Spectrum, Low-Band Spectrum, Unlicensed Band, Shared Band,
Channel propagation, OFDMA, NOMA, 5G Multiple Access Principle, Physical Channels and
Signals, 5G Frame Structure, Downlink User Data Transmission, Uplink User Data Transmission,
Beamforming, Massive MIMO, Flexible Physical Layer and Protocols.
[9 Hours]
Deployment Aspects: Network Deployment Types, Interference management, Mobility
management, Dynamic network reconfiguration, Coordinated multi-point transmission in 5G,
Joint Transmission CoMP Enablers, JT CoMP in conjunction with ultra-dense networks,
Distributed cooperative transmission, JT CoMP with advanced receivers.
[6 Hours]
Emerging Technologies in 5G: Network Slicing, Slice Realization in the Different Network
Domains, Operational Aspects, Network Management and Orchestration, Network Management
and Orchestration Through SDN and NFV, Enablers of Management and Orchestration, Software‐
Defined Networking for 5G, Network Function Virtualization in 5G Environments, Multi-access
Edge Computing, Need for MEC, MEC Architecture, MEC Deployment modes, MEC
Deployment scenarios in 5G Network, Integrating MEC with 5G Networks, MEC Use Cases,
Benefits of MEC.
[7 Hours]
5G Services: Machine-type communications, Fundamental techniques for MTC, Massive MTC,
Ultra-reliable low-latency MTC, Device-to-device communications from 4G to 5G, Radio
resource management for mobile broadband D2D, Multi-hop D2D communications for proximity
and emergency services, Multi-operator D2D communication.
[6 Hours]
Course Outcomes:
On completion of this course the student should be able to
• Illustrate the proper usage of various protocols and components of 5G for mobile
communication.
• Analyze the factors influencing the 5G radio network and its effects on radio
communication.
• Make use of emerging technologies and services in 5G to solve societal problems.
• Apply the appropriate protocols to resolve the challenges in a given scenario.

References:
1. Afif Osseiran, Jose F. Monserrat, and Patrick Marsch, 5G Mobile and Wireless
Communications Technology, Cambridge University Press 2016.
2. Jonathan Rodriguez, Fundamentals of 5G Mobile Networks, John Wiley & Sons, Ltd, 2015.
3. Saro Velrajan, An Introduction to 5G Wireless Networks: Technology, Concepts and Use-
cases, 2016.
4. Larry Peterson and OMguz Sunay, 5G Mobile Networks: A Systems Approach, Morgan &
Claypool 2020.
5. Harri Holma, Takehiro Nakamura, and Antti Toskala, 5G Technology 3GPP New Radio,
JohnWiley & Sons Ltd, 2020.
6. Patrick Marsch, Ömer Bulakçı, Olav Queseth, and Mauro Boldi, 5G System Design
Architectural and Functional Considerations and Long Term Research, John Wiley &
Sons Ltd, 2018.

IT_ 4450 SOFTWARE RELIABILITY [3 0 0 3]

Course Objectives
• Understand scientific concepts of Software and Hardware Reliability
• Learn the application of Software Reliability Models
• Learn software metrics that define relevant metrics in a rigorous way.

Abstract
Need and concepts of software reliability; Software reliability models-classification, limitations
and issues; model disagreement and inaccuracy, predictive accuracy, recalibration; The
operational profile, concepts and development procedures, test selection; Testing for reliability
measurement;Software testing; operational profiles – difficulties, estimating reliability,
time/structure based software reliability; Fundamentals of measurement product metrics –
measurement of internet product attributes, size and structure , measurement of quality; Reliability
growth model.

Syllabus

Introduction
Software reliability concept, Failure and Fault Prevention, Removal, Fault Tolerance, Forecast,
Dependability, Failure Behavior, Characteristics, Maintenance Policy, Reliability and Availability
Modeling, Reliability Evaluation.
[4 Hours]
Software Reliability Models
Introduction - Historical Perspective and Implementation, classification, limitations and issues,
Exponential Failure Models-Jelinski-moranda model, Poisson, Musa, Exponential models,
Weibull Model, Musa-okumoto Model, Bayseian Model –Littlewoodverral Model, Phase Based
Model, Failure mode Effect Analysis (FMEA).
[9 Hours]

Prediction Analysis
Model Disagreement and Inaccuracy – Short & Long Term Prediction, Model Accuracy,
Analyzing Predictive Accuracy – Outcomes, PLR, U & Y Plot, Errors and Inaccuracy,
Recalibration – Detecting Bias, Techniques, Power of Recalibration, Limitations in Present
Techniques, Improvements.
[6 Hours]
The Operational Profile
Concepts and Development Procedures – Customer Type, User Type, System Mode, Functional
and Operational Profile, Test Selection - Selecting Operations, Regression Test.
[3 Hours]
Testing For Reliability Measurement
Software Testing – Types, White and Black Box, Operational Profiles – Difficulties, Estimating
Reliability, Time/Structure based software reliability – Assumptions, Testing methods, Limits,
Starvation , Coverage, Filtering, Microscopic Model of Software Risk.
[6 Hours]
Software evaluation metrics
Measurements in Software Engineering – Scope of Software metrics – Measurements theory –
Goal based Framework – Software Measurement Validation, Product Metrics: Measurement of
Internet Product Attributes – Size and Structure – External Product Attributes – Measurement of
Quality –Reliability Growth Model – Model Evaluation.
[4 Hours]

Course Outcomes

At the end of this course, students will be able to


• Explain the fundamentals of measurement in software engineering.
• Analyze the need of software metrics for quality control and assurance.
• Apply Software Reliability Growth Models in Software Development.
• Apply simple statistical analysis relevant to software measurement data.

References

1. Patric D. connor, Practical Reliability Engineering, 5th Edition, John Wesley & sons, 2012.
2. Norman E .Fenton, James Beiman, Software metrics-A rigorous and practical approach,
3rd Edition, Chapman & Hall/CRC Innovations in Software Engineering and Software
Development Series, 2014.
3. John D. Musa, Software Reliability Engineering, 2nd Edition, Tata McGraw Hill, 2005.
4. Shigeru Yamada, Software Reliability Modeling: Fundamentals and Applications
(Springer Briefs in Statistics), 2014 Edition, Springer, 2014
5. Michael Lyu, Handbook of Software Reliability Engineering, IEEE Computer Society
Press, ISBN: 0-07-039400-8, 1996.
OPEN ELECTIVES

IT_ 4311 COMPUTER GRAPHICS AND ANIMATION [3 0 0 3]

Course Objectives
• Understand fundamental concepts, terminology, theories, models, and methods in the field
of computer graphics.
• Learn and compare the geometrical 2D and 3D transformations.
• Understand the importance of dialogue design, human machine interaction, and virtualism.
• Comprehend and analyse the fundamentals of animation solutions to a broad variety of
problems found in entertainment, sciences, and engineering.
• Design, develop, and analyse the CG framework to solve real world problems.

Syllabus:

Overview of Graphics Systems:


Computer Graphics Hardware: Video Display Devices, Raster-Scan Systems, Graphics
Workstations and Viewing Systems, Input Devices, Computer Graphics Software: Coordinate
Representations, Graphics Functions, Software Standards, Other Graphics Packages, Introduction
to OpenGL.
[3 Hours]
Graphics Output Primitives:
Line drawing algorithms, Circles and Ellipses generating algorithms, General Scan line polygon
fill algorithm, Scan line fill of convex polygons and regions with curved boundaries, filling of
areas with irregular boundaries.
[9 Hours]
Geometrical Transformations:
Basic 2D transformations, Matrix representation and Homogeneous coordinates, Inverse
transformations, 2D composite transformations, Other Two-Dimensional Transformations, Three-
Dimensional Geometric Transformations: Three-Dimensional translation, rotation and scaling,
Composite Three-Dimensional Transformations
[8 Hours]
Two Dimensional and Three Dimensional Viewing
2D viewing Pipeline, Clipping window, Normalization and viewport transformations, clipping
algorithms- Cohen-Sutherland Line Clipping, Liang-Barsky Line Clipping, Sutherland-Hodgman
Polygon Clipping, Overview, 3D viewing pipeline, Projection transformations, Orthographic
projections, Oblique parallel projections, Perspective projections.
[8 Hours]

Animation:
Raster methods for computer animation, Design of animation sequences, Traditional and
Computer animation techniques, Key-Frame systems, Motion specifications, Character
Animation, Periodic motion.
[5 Hours]
Graphics Programming using OpenGL:
Why OpenGL, Features in OpenGL, OpenGL operations, Abstractions in OpenGL – GL, GLU &
GLUT, a few examples and demos of OpenGL programs.[3 Hours]

Course Outcomes

At the end of this course, students will be able to


1. Illustrate the basic concepts of computer graphics.
2. Interpret the mathematical foundation of geometric output primitives in computer graphics.
3. Apply various geometric transformation, viewing and projection techniques in computer
graphics.
4. Design, create and animate objects using fundamental principles of animation.
5. Demonstrate the rendering of 2D and 3D vector graphics using OpenGL.

References
1. Donald D. Hearn, Warren Carithers, M. Pauline Baker. Computer Graphics with OpenGL,
4th edition, Pearson Education, 2014.
2. Zhigang Xiang,Computer Graphics: Theory and Practice with OpenGL, 3rd
edition,PearsonEducation,2016.
3. Edward Angel,Interactive Computer Graphics- Atop downapproach using OpenGL, 6th
edition, Pearson Education, 2012.
4. Foley J. D.,VanDamA., Feiner S. K., Hughes J. F.,Computer Graphics, Principles and
Practice, 3rd edition, Addision-Wesley, 2014.
5. Peter Shirley, Steve Marschner and et al., Fundamentals of Computer Graphics, 4th edition,
A K Peters/CRC Press, 2015.
6. F. S. Hill Jr., and S. M. Kelley, Computer Graphics using OpenGL, 3rd edition,Pearson,
2007.
IT_ 4312 DESIGN AND DEVELOPMENT OF WEB APPLICATIONS [3 0 0 3]

Course Objectives
• To understand overview of client-side web UI frameworks
• To learn about grids and responsive design, Bootstrap CSS and JavaScript
components
• To Set up, design and style a web page using Bootstrap 4 and its components
• To create a responsive web page design
• To make use of web tools to setup and manage web sites

Abstract

Front-End Web UI frameworks and Tools: Bootstrap 4, CSS and JavaScript component,
[Link], NPM and task runners, Front-End Web Development with React: JavaScript ES6,
Reactstrap for Bootstrap 4-based responsive UI design, react router, Flux architecture, redux,
REST API, Front-End JavaScript Framework with Angular: Typescript, Angular material,
Flex-layout for responsive design, components, Data binding, Angular router, Angular
animation support and Angular testing, Server-side development with NodeJS, Express and
MongoDB

Syllabus

Front-End Web UI Frameworks and Tools:


Bootstrap 4: grids and responsive design, Bootstrap CSS and JavaScript component, CSS
preprocessors, Less and Sass, Basics of [Link] and NPM and task runners like Grunt and
Gulp. [6Hours]

Front-End Web Development with React:


JavaScript based front-end application development, react library, JavaScript ES6 for
developing React application, introduction to the use of Reactstrap for Bootstrap 4-based
responsive UI design, react components, React router and its use in developing single-page
applications, design-controlled forms. Flux architecture and Redux, develop React-Redux
powered applications, Fetch for client-server communication, REST API on the server side,
React animation support and testing [10Hours]

Front-End JavaScript Frameworks: Angular:


Typescript for developing Angular application. Angular Material and Angular Flex-Layout
for responsive UI design, Angular components, directives and services, Data binding,
Angular router, and its use for developing single-page applications, Designing both template-
driven forms and reactive forms, Observables, reactive programming and RxJS in the context
of Angular, Angular support for client-server communication through the HTTP client,
REST API on the server side, Angular animation support and Angular
testing. [10Hours]

Server-side Development with NodeJS, Express and MongoDB: Web protocols: HTTP
and HTTPS. NodeJS and NodeJS modules: Express for building web servers, CRUD
operations, NoSQL databases: MongoDB and Mongoose for accessing MongoDB from
NodeJS, REST, RESTful API, Authentication and security, Backend as a service (BaaS)
approaches: mobile BaaS-both open-source and commercial BaaS
services [10Hours]

Course Outcomes

At the end of this course, students will be able to


1. Understand client-side web UI frameworks
2. Utilize angular materials and angular flex layout for UI design
3. Design web UI using react and REST API
4. Build applications with NodeJS, Express and mongoDB

References

1. Shama Hoque, Full-Stack React Projects: Modern web development using React
16, Node, Express, and MongoDB, Ingram Publishers, 2018
2. Chris Northwood, The Full Stack Developer: Your Essential Guide to the Everyday
Skills Expected of a Modern Full Stack Web Developer, 1st ed. Edition, 2018
3. Frank Zammetti, Modern Full-Stack Development: Using TypeScript, React,
[Link], Webpack, and Docker, 1st ed. Edition, 2020
IT_ 4313 FUNDAMENTALS OF DATA STRUCTURES AND ALGORITHMS [3 0 0 3]

Objectives:
• Design efficient algorithms for various problems
• Understand the basic concepts of linear and nonlinear data structures.
• Compare and contrast various searching and sorting techniques
• To apply data structure concepts for efficient representation of data

Abstract
Introduction to algorithms, Arrays: Elementary operations, Applications, Performance Analysis,
Sparse matrix representation, Transpose of sparse matrix, Stacks operations, Arithmetic
expression conversion and evaluation using stack, Queue Operations, Singly linked Lists, Circular
lists, Doubly linked lists, Trees, Binary Tree traversals and different operations, Binary search
Tree, Heaps, Graph Abstract type: Representations and elementary operations, Sorting and
searching techniques, Analysis of algorithm.

Syllabus:

Introduction
Performance Analysis and Measurements – Asymptotic notations, introduction to data structure,
classification of data structure, Abstract data types
[4 Hours]
Arrays
The Array as Abstract Data type, Sparse Matrix Representation, Transpose of a sparse matrix,
Representation of multidimensional arrays, The String abstract data type, Pattern matching.
[3 Hours]
Stacks
Definition, operations on stacks, Evaluation of Arithmetic Expressions, Conversion of arithmetic
expressions, Recursion, Multiple Stacks
[3 Hours]
Queues
Definition, operations, application of circular queues.
[2 Hours]
Linked Lists
Introduction to pointers and Dynamic memory allocation, Singly linked lists, Circular lists,
Dynamically Linked Stacks and Queues, Polynomial representation and polynomial operations
using singly linked list, Singly circular linked list, Doubly linked lists, Analysis of linked list
operations.
[8 Hours]
Trees
Tree terminology, Binary trees, Properties, Binary tree representations, Binary Tree Traversal
algorithms, Expression tree, Heaps, Binary Search Trees. Complexity associated with various
algorithms.
[8 Hours]
Graphs
Definitions and Representations, Depth First Search, Breadth First Search, Connected
components, Spanning trees, Complexities associated with each of the searching techniques.
[4 Hours]
Sorting and Searching
Insertion Sort, Quick Sort, Merge sort, Heap sort, Shell sort, Linear search, Binary search, analysis
of algorithms with respect to time complexity
[4 Hours]
Outcomes:
By the end of this course, the students should be able to:
• Design efficient algorithms for various problems
• Illustrate the basic concepts of linear and nonlinear data structures
• Compare and contrast various searching and sorting techniques
• Apply data structure concepts for efficient representation of data
References:
1. Horowitz E., Sahni S., Mehta D., Fundamentals of Data Structures in C++, 2nd edition,
Golgotia Publications, 2008.
2. Mark Allen Weiss, Data Structures and Algorithm Analysis in C++, 4th edition, Pearson
Education, 2014.
3. Ellis Horowitz, Sartaj Sahni, Susan Anderson-Freed, Fundamentals of Data structures in
C, 2nd edition, Silicon Press, 2008
IT_ 4314 MACHINE LEARNING TOOLS AND TECHNOLOGIES [3 0 0 3]

Course Objectives
• Demonstrate the generic principles, concepts and techniques of machine learning
• Apply concepts for Machine Learning applications
• Implement programs using the concepts of Machine Learning

Abstract
Basics, Data types, Attribute types, Mathematical preliminaries, Visualization tools, Preprocessing
and visualization techniques, Supervised learning algorithms:Linear, Logistic, Perceptron, Naïve
Bayes, k-Nearest Neighbor, Decision trees, Random forest; Ensemble techniques, performance
metrics, Unsupervised learning: K-Means, Dimensionality reduction techniques, implementation
of supervised and unsupervised models

Syllabus

Introduction
Basic concepts of machine learning, examples of machine learning, types of machine learning
systems. Structure and Unstructured data, data representation, non-representative training data,
Qualitative and Quantitative attributes, Learning algorithm: Batch, Online, Instance based, model
based.
[4 Hours]
Mathematical Preliminaries
Review of Linear Algebra, Probability Theory Review
[3 Hours]
Preprocessing and Machine Learning Tools
Preprocessing, Tableau, Data visualization using programming language
[5 Hours]

Supervised Learning
Binary and multiclass classifiers, multi-label, multi-output classification, Linear regression,
Stochastic gradient descent, Polynomial Regression, Ridge regression, Lasso regression, Logistic
regression, Perceptron, Naive Bayes, Softmax regression, cross entropy, k-Nearest Neighbors,
Decision Trees, Random Forests, Ensemble Methods, voting, bagging and boosting, feature
scaling: min-max, standardization. accuracy, precision, recall, cross validation, confusion matrix,
over and under fitting data, regularization, testing and validation, Grid search, randomized search,
Implementation of the algorithms.
[14 Hours]
Unsupervised Learning
Clustering, K-Means, Hierarchical Cluster Analysis (HCA), Dimensionality reduction techniques
(PCA), RMSE, MAE, Implementation of the algorithms.
[10 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Illustrate fundamental concepts of Machine learning.
2. Build machine learning models fordata-driven knowledge discovery.
3. Analyse machine learning models
4. Implement machine learning algorithms

References

1. Mohri M., Rostamizadeh A., and Talwalkar A.,Foundations ofMachineLearning, 2nd Edn,
MIT Press, 2018.
2. Aurélien Géron, Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow,
Concepts, Tools and Techniques to build Intelligent Systems, 2nd Edn., O’Reilly Media,
Inc., 2019.
3. Stephen Marsland’s, Machine Learning: An Algorithmic Perspective, 2nd edition,
(Chapman & Hall), CRC Press, Taylor and Francis,2015

IT_ 4315 NETWORKING WITH TCP/IP [3 0 0 3]


Objectives
• To familiarize with network technologies and computer network protocols.
• To attain the knowledge of functionalities and usability of TCP/IP protocol suite.
• To appreciate the Deployment of routing protocols.
• To apply application protocols and contemporary issues in network technologies for real
time scenario.
Abstract
Introduction to Networking and brief History of Internet, OSI and TCP/IP Reference Models,
Network Layer, IP Addresses, Internet Protocol (IP) Datagram, Fragmentation, Options, Address
Translation, Internet Control Message Protocol, Intra and Inter domain Routing, Distance Vector
Routing, RIP, Link State Routing, OSPF, Path Vector Routing, BGP, User Datagram and
Transmission Control Protocol, Application Layer Protocols, The Web and HTTP, DNS: Services
Provided by the DNS
Syllabus
Introduction to Computer Networks and layered Architecture
Definition, Uses, Classification of Networks, Network topology and Topography, Layers,
Protocols and services, ISO/OSI Reference Model, Overview of TCP/IP architecture, MAC,
Application Protocols and TCP/IP utilities.
[4 Hours]

IP Addresses
Classful Addresses, Subnetting and supernetting and subnet supernet mask in classful,special
addressing, Variable length blocks, subnetting and subnetmask in classless addressing.
[4 Hours]
Internet Protocol
Datagram, Fragmentation, Options, Address Translation (NAT)
[3 Hours]
Internet Control Message Protocol
Internet Control Message Protocol -Types of protocol, Message format, Error reporting, Query.
[4 Hours]
Unicast Routing Protocol
Intra and Inter domain Routing, Distance Vector Routing, RIP, Link State Routing, OSPF, Path
Vector Routing, BGP
[5 Hours]
User Datagram Protocol and Transmission Control Protocol
Relationship between Transport and Network layer, Overview of Transport layer in the Internet,
Process to Process Communication, User datagram Segment Structure, TCP services, TCP
Features, Segment, TCP connection, State Transition diagram, Flow Control, Error control,
Congestion Control, TCP Timers
[8 Hours]
Application Layer
Principle of Network Applications, The Web and HTTP: Non persistent and Persistent connection,
HTTP Message Format, User-Server Interaction: Cookies, HTTP content, Web Caching, The
conditional GET, FTP: FTP commands and replies, Electronic Mail in the Internet: SMTP,
Comparison with HTTP, Mail Message Format and MIME, Mail Access Protocol, DNS: Services
Provided by the DNS, Overview of How DNS works, DNS record and Messages, TELNET:
Concept, NVT, NVT character set, Embedding, Options, Option Negotiation,Sub option
Negotiation, Mode of operation
[8 Hours]
Course Outcomes
At the end of this course, students will be able to
1. Illustrate the proper usage of various protocols that has been used in the different layers of
2. Interpolate the basic protocols of computer networks in network design and
implementation.
3. Describe the End-to-End communication and routing mechanisms.
4. Apply various application layer protocols to solve challenges in real world scenario.
References
1. Behrouz A. Forouzan, TCP/IP Protocol Suite, 4th Edition, Tata McGraw Hill 2017.
2. Andrew S. Tanenbaum, Computer Network, 5th Edition Prentice Hall of India Pvt Ltd 2013.
3. Behrouz A. Forouzan, Data Communications and Networking, 5th Edition Tata McGraw
Hill 2013.
4. Leon Garcia and Widjala, Communication Networks, 2nd Edition, Tata McGraw Hill 2004.
5. James F. Kurose, Computer Networking A top-Down Approach Featuring the Internet, 6th
Edition, Pearson Education Inc 2013.

IT_ 4316 FUNDAMENTALS OF CYBER SECURITY [3 0 0 3]


Objectives
• To provide introduction to the fundamental principles of cybersecurity.
• Describe the browser security model including same-origin policy and threat models in
web security.
• Discuss the concept of web sessions and secure communication channels
• Understand cybercrime and cybercrime investigation
• Understand the laws and ethics of cybersecurity

Abstract

Introduction to Information, Network and System Security, Encryption techniques, Message


Integrity and Message Authentication, Digital Signature, Key Management, User Authentication.
Web security model: Browser security model including same-origin policy, Client-server trust
boundaries, Session management, authentication: Single sign-on, HTTPS and certificates.
Application vulnerabilities and defenses: SQL injection, XSS, CSRF. Client-side security:
Cookies security policy, HTTP security extensions, Plugins, extensions, and web apps, Web user
tracking, Server-side security tools, e.g. Web Application Firewalls (WAFs) and fuzzers.
Cybercrime, Cybercrime investigation, Laws and ethics

Syllabus:
Introduction: Information, network and system security [2 hours]
Introduction to cryptography: Introduction, Examples and applications in cybersecurity
[4 hours]
Authentication and integrity: Integrity and Message Authentication, Digital Signatures, Hash
functions. [4 hours]
Web security model : Browser security model including same-origin policy, Client-server trust
boundaries [2 hours]
Session management, authentication: Single sign-on, HTTPS and certificates [2 hours]
Server side and Client side security: SQL injection, XSS,CSRF, Web Application Firewalls
(WAFs) and fuzzers, Cookies security policy, HTTP security extensions, ,Plugins, extensions, and
web apps,Web user tracking. [4 hour]
Cybercrimes -Introduction and Overview of Cyber Crime - Nature and Scope of Cyber Crime -
Types of Cyber Crime [4 hour]
Computer Intrusions - Introduction - White collar Crimes - Viruses and Malicious Code -
Internet Hacking and Cracking - Virus Attacks – Software Piracy - Intellectual Property - Mail
Bombs - Exploitation - Stalking and Obscenity in Internet - Digital laws and legislation - Law
Enforcement Roles and Responses. [4 hours]

Digital Forensics -Introduction to Digital Forensics - Forensic Software and Hardware - Analysis
and Advanced Tools - Forensic Technology and Practices - Forensic Ballistics and Photography -
Face, Iris and Fingerprint Recognition [6 hours]

Laws and Ethics - Digital Evidence Controls - Evidence Handling Procedures - Basics of Indian
Evidence ACT, Legal Policies. [4 hours]

Outcomes
At the end of this course, the student should be able to
1. Understand the symmetric and asymmetric cryptographic algorithms.
2. Describe common types of vulnerabilities and attacks in web applications, and defenses against
them.
3. Understand client side and server side security concepts and tools
4. Propose and design security algorithm for a particular application
5. Understand cybercrimes, cybercrime investigation, Digital Forensics, Laws and ethics.

References
1. Mayank Bhushan, Fundamentals of cybersecurity, BPB publications, 2017
2. Raef Meeuwisse, Cyber Security for Beginners, 2015
3. Rolf Oppliger, Security Technologies for the World Wide Web, 2nd edition,Artech House,
2002.
4. Seth Fogie, Jeremiah Grossman, Robert Hansen and Anton Rager, XSS Attacks: Cross Site
Scripting Exploits and Defense, Syngress, 2007.
5. Justin Clarke [Link].,SQL Injection Attacks and Defense, 2nd edition, Syngress, 2012.
DafyddStuttard, and Marcus Pinto, The Web Application Hacker's Handbook: Finding
and Exploiting Security Flaws,2nd edition, Wiley, 2011.

IT_ 4317 GAME THEORY AND APPLICATIONS [3 0 0 3]

Course Objectives

• Provide the comprehensive treatment of non-cooperative game theory


• Provide the comprehensive treatment of cooperative game theory
• Introduce the fundamental concepts of mechanism design
• Introduce game-theoretic approach to solve engineering problems

Abstract
Introduction; Mathematical Preliminaries: Probability theory, Linear algebra, Linear
programming, Mathematical analysis, and complexity classes; Non-Cooperative Game Theory:
Extensive form games, Strategic form games, Dominant strategy equilibria, PSNE, MSNE, and
Bayesian games; Cooperative Game Theory: Correlated strategies, Two person bargaining
problem, Coalition games, Solution concept; Mechanism Design: Social choice function, Incentive
compatibility theorem, Auctions

Syllabus
Introduction
Game theory-the science of strategic interactions, current trends and applications [1 Hour]

Mathematical Preliminaries
Probability theory, Linear algebra, Linear programming and duality, Mathematical analysis,
Computational complexity classes [2 Hours]

Non-Cooperative Game Theory


Key notations in game theory, Extensive form games, Strategic form games, Dominant strategy
equilibria, Pure strategy Nash equilibria, Mixed strategies and mixed strategy Nash equilibria,
Matrix games, Bayesian games [14 Hours]

Cooperative Game Theory


Correlated strategies and correlated equilibrium, Two person bargaining problem, Coalition games
with transferable utility, Core of coalition games, Shapley values, Other solution concepts in
cooperative game theory, Stable matching [13 Hours]

Mechanism Design
Introduction to mechanism design, Social choice functions, Incentive compatibility and revelation
theorem, Auctions [6 Hours]

Course Outcomes
At the end of this course, students will be able to:

1. Identify strategic situations and represent them as games


2. Solve simple games using various techniques
3. Recommend and prescribe which strategies to implement
4. Develop mechanisms to elicit the required response
5. Analyze engineering situations using game theoretic techniques

References

5. Y Narahari, Game Theory and Mechanism Design, World Scientific, 2020


6. Vladimir Mazalov, Mathematical Game Theory and Applications, Wiley, 2014
7. Hans Peters, Game Theory: A Multi-Leveled Approach, 2nd Edition, Springer, 2015
8. Dario Bauso, Game Theoy with Engineering Applications, SIAM, Philadelphia, 2016

CSE 5012 ADVANCED MACHINE LEARNING [4 0 0 4]

Course Outcomes
After completing the course, the student will be able to:

CO1: Understand principles and overview of learning problems domains and algorithms.
CO2: Apply learning techniques like random-forest, clustering, and SOM models.
CO3: Apply text classification-based Bayes models for problem solving.
CO4: Understand probability learning, Fuzzy KNN, RBF, based machine learning systems
CO5: Apply and understand evalutionary algorithms and multi expert learning systems.

1. INTRODUCTION:
Well-posed learning problems, designing a learning system, concept learning as search, Machine
Learning, Overview of Machine Learning domain. Feature extraction and feature selection.
(4hrs)

2. PARAMETER & NON PARAMETER ESTIMATION LEARNING MODELS:


Metric and Non-Metric Proximity Measures, Modified KNN, Fuzzy KNN, Decision boundries,
Discriminate Functions, univariate and multivariate parameter [Link] Nearest Neibour
Classifier: Branch and bound, cube, projection, ordered partion, Minimal Distance Classifiers:
centroid, condensed perception learning algorithm.
(10hrs)
3. EVOLUTIONARY LEARNING MODEL:
Data organization, Hierachical, Agglomerative, Divisive and partition clustering, Fuzzy K-means,
Incremental clustering: Leader, Birch, CF-tree, Model selection for latent variable models and
evolutionary algorithms. Motivation, Genetic Algorithms, Hypothesis Space Search, Genetic
Programming. Case study. (10hrs)
.

4. RANDOM FOREST DECISION TREE LEARNING:


Introduction, Overview of Decision tree, Entropy and information gain estimation
techniques, splitting attribute procedure, Random Forest decision tree representation,
Case studies. (4hrs)

5. CONNECTIST MODELS FOR CLASSIFICATION PROBLEMS:


Neural network representation, Appropriate problems for neural network learning, Multilayer
network and the back propagation algorithm for classification of unconstrained document images.
KSOM Algorithms, Radial basis functions. Case studies.
(7hrs)

6. CONDITIONAL INDEPENDENCE LEARNIG MODELS:


Conditional Independence, Parameter estimation, Minimum error-rate classification, Minimum error
rate, Maximum likelihood and Discriminant functions, Naïve Bayes classifier, Bayesian belief
networks. Case studies. (10hrs)

7. ENSEMBLE MODELS:
Combination of Classifiers: AdaBoost for Classification, Schemes for Combining Classifiers, Muti
expert system and performance. Case study. (3hrs)

References:
1. Machine Learning – Tom M. Mitchell, - MGH, 2013.
2. Richard o. Duda, Peter E. Hart and David G. Stork, pattern classification, John Wiley &
Sons Inc., 2001.
3. Ethem Alpaydin, “Introduction to Machine Learning”, Prentice Hall of India, 2005
4. Stephen Marsland, “Machine Learning –An Algorithmic Perspective”, CRC Press, 2009

IT_5006 PATTERN CLASSIFICATION [4 0 0 4]

Course Objectives
• Provide comprehensive introduction to the fundamentals of pattern recognition.
• Working understanding of Bayesian decision theory and estimation.
• Provide introduction to various recognition structures

Abstract
Mathematical Preliminaries; Bayesian Decision Theory: Classifiers, Discriminnat function, Decision
surfaces; Parameter Estimation Methods: MLE, MAP; Nonparametric Techniques for Density Estimation;
Linear Discriminant Function: Generalized linear discriminant functions, Gradient descent procedures,
Support vector machines; Non-metric Methods for Pattern Classification: Nominal data, Decision trees;
Unsupervised Learning and Clustering: Mixture densities, Unsupervised Bayesian learning, Hierarchical
clustering, Graph-theoretic methods; Sequential Pattern Recognition: HMMs

Syllabus

Mathematical Preliminaries
Probability: independence of events, conditional and joint probability, Bayes’ theorem; Random
Processes: Stationary and nonstationary processes, Expectation, Autocorrelation, Cross-Correlation,
spectra; Linear Algebra: Inner product, outer product, inverses, eigen values, eigen vectors; Bayes
Decision Theory [6 Hours]

Bayesian Decision Theory


Minimum-Error-Rate Classification, Classifiers, Discriminant Functions, and Decision Surfaces, Normal
Density and Discriminant Functions, Continuous and Discrete Features
[6
Hours]
Parameter Estimations Methods
Maximum-Likelihood estimation: Gaussian case; Maximum a Posteriori estimation; Bayesian estimation:
Gaussian case [6
Hours]

Nonparametric Techniques for Density Estimation


Density Estimation; Parzen-Window method; K-Nearest Neighbor Method [6
Hours]

Linear Discriminant Functions


Linear Discriminant Functions and Decision Surfaces; Generalized Linear Discriminant Functions;
Gradient Descent Procedures; Perceptron; Support Vector Machines
[6 Hours]

Non-metric Methods for Pattern Classification


Non-numeric Data or Nominal Data; Decision Trees: CART [6 Hours]

Unsupervised Learning and Clustering


Mixture Densities and Identifiability, Maximum-Likelihood Estimates, Application to Normal Mixtures,
Unsupervised Bayesian Learning, Data Description and Clustering Criterion Functions for Clustering,
Hierarchical Clustering, On-Line Clustering, Graph-Theoretic Methods, Low-Dimensional
Representations and Multidimensional Scaling
[8 Hours]

Sequential Pattern Recognition


Hidden Markov Models (HMMs); Discrete HMMs; Continuous HMMs [4 Hours]

Course Outcomes
At the end of this course, students will be able to:
1. Identify where, when and how pattern recognition can be applied
2. Apply mathematical tools to develop pattern recognition systems
3. Solve the problems based on time, non-parametric pattern recognition and discriminant functions
4. Evaluate Hidden Markov Models
5. Analyze the various algorithms for their effective usage in clustering

References
1. Richard [Link], Peter [Link], and David [Link], Pattern Recognition, 2nd Edition, Wiley, 2021
2. [Link] and [Link], Pattern Recognition, 4th Edition, Elsevier, 2014
3. Christopher [Link]., Pattern Recognition and Machine Learning, 2nd Edition, Springer, 2016.

CSE 5171 ADVANCED CRYPTOGRAPHY [3 1 0 4]

Course Outcomes
After completing the course, the student will be able to:
CO1: Understand the principles of number theory for cryptography
CO2: Apply number theory concepts in cryptographic algorithms
CO3: Understand the advanced public key cryptosystems
CO4: Apply and understand applications of various hash functions, digital signatures
CO5: Understand the entity authentication and key management

1. INTRODUCTION
A quick introduction to groups, rings, integral domain, and fields.
(2 hrs)
2. BACKGROUND THEORY
Fields, Characteristic of a field, prime fields, Arithmetic of polynomials over fields. Field extensions,
Galois group of field extensions, Fixed field and Galois extensions. Minimum polynomial, Construction
of fields with the help of an irreducible polynomial. Splitting field of a polynomial, Separable polynomial
and Separable extensions. Construction of finite fields and their structure. Enumeration of irreducible
polynomials over finite fields. The fundamental theorem of Galois Theory. Overview of Fermat’s Little
Theorem, Euler’s Theorem, Chinese remainder theorem, Primality testing algorithm, Euclid’s algorithm
for integers. Cauchy 's theorem quadratic residues, Legendre symbol, Jacobi symbol.
(8hrs)

3. PUBLIC KEY CRYPTOSYSTEMS


ElGamal Cryptosystem, Elliptic Curve Architecture, and Cryptography: Elliptic Curve over real numbers,
Elliptic Curve over GF(p), Elliptic Curve GF(2n), Elliptic Curve Cryptography simulating ElGamal,
Elliptic Curve Cryptography, ECDH, ECDSA. RSA variants.
(10hrs)

4. HASHING
Cryptographic hash functions, Properties of hashing, Serial and parallel hashing, Hashing based on
Cryptosystems, MD5, Keyed hashing. Authentication requirements, Authentication functions, Message
Authentication Codes, Hash Functions, MD5 message Digest algorithm, Secure Hash Algorithm, HMAC,
CMAC. (10 hrs)

5. DIGITAL SIGNATURES
RSA signatures, Blind signatures, Authentication Protocols, Digital Signature Standard (DSS), ElGamal
DSS, Schnorr Digital Signature Scheme, ECDSA, Variations, the stamped signatures, Blind Signatures,
Undeniable Digital Signatures,
(8hrs)

6. ENTITY AUTHENTICATION
Data-origin versus Entity Authentication, One-time password, Challenge – Response, using a symmetric-
key cipher, using keyed-hash functions, using as an asymmetric-key cipher, using a digital signature,
Zero-Knowledge, Fiat. -Shamir protocol, Feige-Fiat-Shamir protocol, Guillou-Quisquater protocol,
Biometric. (5hrs)

7. KEY MANAGEMENT
Symmetric key distribution, KDC, session keys, servers. the symmetric key agreement, Deffie-Hellman
key agreement, Station to station key agreement. public key distribution, public announcements, trusted
center, controlled trusted center, certification authority, X.509, public key infrastructure, trust model,
hijacking. (5 hrs)

References:
1. Behrouz A. Forouzan and Debdeep Mukhopadhyay – “Cryptography and Network Security”, McGraw
Hill, 2nd Edition, 2008.
2. S. Vaudenay, “A Classical Introduction to Cryptography: Applications for Communications
Security”, Springer International Edition, 2006.
3. Lawrence C. Washington, “Elliptic curves: number theory and cryptography”, Chapman & Hall/
CRC Second Edition, 2008.
4. William Stallings,“Cryptography And Network Security Principles And Practice”, Fifth Edition,
Pearson Education,2013
Minor specialization- Blockchain Technology
1. Ethereum Smart Contract Using Solidity (IT_ 4421)
2. Fundamental of Blockchain Technology (IT_ 4422)
3. Bitcoin and Cryptocurrencies (IT_4423)
4. Blockchain for Business (IT_4424)

Ethereum Smart Contract Using Solidity


Course Objectives: This course will enable students
• To understand the smart contracts in blockchain
• To learn the tools and programming skills required to generate Smart Contracts
• To assess the efficiency of the security issues
Abstract:
Introduction to Ethereum: EVM and GAS, Ether (ETH). Learning the basics of Solidity and Features: Sol
File Structure, Application Binary Interface (ABI). Introduction to Smart Contracts: Design Pattern, Save
Gas cost, Construct Smart Contract. Introduction to Decentralized Application: Environmental Setup,
Solidity Programming, Deployment, IPFS DApp: Environment Setup, Project, Compile. Security Issues:
Shifting from Trust-in-People to Trust -in-Code, Security counter measures.
Syllabus
Module 1: Introduction to Ethereum
Basic Concepts: Ethereum, Asynchronized Cryptography, Cryptographic Hash Function, Ethereum
Virtual Machine (EVM), GAS, Ether (ETH), Account, Transaction. [6 hours]
Module 2: Solidity Basics and its Features
Solidity Basics: Sol File structure, Structure of Contract, Variable, Operators, Statement, Application
Binary Interface (ABI): Memory Structure, Function Selector, Data Presentation in EVM , Encode.
[7 hours]
Module 3: Operation principle of Smart Contract
Design Pattern, Save Gas Costs, Assembly, Deconstruct Smart Contract, Upgradable Contract, Develop
Secure Contract. [7 hours]

Module 4: Ethereum Decentralized Application


DApp Architecture: Client Side, Server Side, Workflow, Ethereum DApp: Environmental Setup, Solidity
Programming , Deployment , IPFS DApp: Environment Setup, Project, Compile.
[8 hours]
Module 5: Security Issues
Shifting from Trust-in-People to Trust -in-Code – Data permanence – Selective- Obscurity- Security
counter measures. [8 hours]

Course Outcomes:
After studying this course, students will be able to:

1. Define Ethereum’s Smart Contract


2. Explain the feature of solidity file structure
3. Show the design pattern of Smart Contract
4. Develop an Ethereum Smart Contract using Solidity
Text Book:
1. Gavin Zheng, Longxiang Gao, Liqun Huang , Jian Guan “Ethereum Smart Contract Development
in Solidity” Springer 2021.
Reference Books:
1. Wei-Meng Lee, Ang Mo Kio “ Beginning Ethereum Smart Contracts Programming: With
Examples in Python, Solidity and JavaScript”, Apress, 2019.
2. Dannen, C., Introducing Ethereum and Solidity , 2017, Berkeley, Springer.

Fundamentals of Blockchain Technology


Course Objectives: This course will enable students to

• To understand building blocks of blockchain


• To significance of Digital Ledger Technology and smart contracts
• To exploit applications of blockchain in real world scenarios and their impacts
Abstract:
Introduction to Blockchain: Blockchain Architecture, Challenges, Design Principles, A peer to peer
network- Proof of Work- Proof of Stake. Introduction to Distributed Ledger Technology: Types and
Features of Distributed Ledger Technology (DLT)- Role of Consensus Mechanism- DLT Ecosystem –
Distributed Ledger Implementations-Use of multiple IDs-Zero Knowledge Proofs. Introduction to Smart
Contracts: DLT-Smart Contracts- Use Cases-Healthcare Industry and Property Transfer. Blockchain
Protocols: Ethereum tokens-Augur- Golem- Understanding Ethereum tokens. High Performance
Computing Integrity of High-Performance Systems– Blockchain Software Evaluation – Blockchain
storage of Integrity Data.
Syllabus:
Module :1 Introduction to Blockchain
Blockchain Architecture – Challenges – Applications – Blockchain Design Principles – The Blockchain
Ecosystems – The consensus problem – A peer to peer network – Proof of Work- Proof of Stake.[7 hours]
Module :2 Distributed Ledger Technology
Origin of Ledgers- Types and Features of Distributed Ledger Technology (DLT)- Role of Consensus
Mechanism- DLT Ecosystem – Distributed Ledger Implementations- Blockchain – Ethereum-Public and
Private Ledgers-Use of multiple IDs-Zero Knowledge Proofs. [6 hours]
Module 3: Smart Contracts
Anatomy of Smart Contracts- Life cycle- Usage Patterns- DLT-Smart Contracts- Use Cases-Healthcare
Industry and Property Transfer [6 hours]
Module 4: Decentralized Organization
Decentralized versus Distribution- Centralized -distributed (Ce-Di) organizations- Decentralized-
distributed (De-Di) organizations-Decentralized Autonomous Organizations. [6 hours]
Module 5: Blockchain Protocols
Ethereum tokens-Augur- Golem- Understanding Ethereum tokens- App Coins and Protocol Tokens-
Blockchain Token Securities Law Framework- Token Economy-Token sale structure.
[6 hours]
Module 6: High Performance Computing
Integrity of High-Performance Systems- Data Provenance-Cluster Construction and Deployment –
Blockchain Software Evaluation – Blockchain storage of Integrity Data. [5 hours]

Course Outcomes:
After studying this course, students will be able to:

1. Understand Blockchain ecosystem and its services in real time sceneries


2. Apply and Analyze the requirements of distributed ledger technology and smart contract
3. Design and Demonstrate end -to-end decentralized applications
4. Familiarize the protocol and assess their computational requirements
Text Book:
1. Dhillon, V., Metcalf, D., and Hooper , M, Blockchain Enabled Applications 2017, 1st Edition, CA:
APress, Berkeley.
Reference Books:
1. Diedrich, H., Ethereum : Blockchains, digital assets, smart contracts, decentralized autonomous
organizations, 2016, 1st Edition, Wildfire publishing, Sydney.
2. Wattenhofer, R.P, Distributed Ledger Technology: The Science of the Blockchain, 2017, 2nd
Edition, Createspace Independent Pub, Scotts Valley, California, US.

Bitcoin and Cryptocurrencies


Course Objectives: This course will enable students to

• To identify the process of Cryptocurrency


• To understand the functionality of Bitcoin
• To explore the recent developments of Bitcoin
Abstract:
Introduction to crypto and cryptocurrencies: Introduction, Cryptographic Hash Functions, Hash Pointers
and Data Structures, Digital Signatures. Bitcoin basics: Bitcoin and Blockchain History, Bitcoin
Mechanics and Optimizations. Mechanics of bitcoin: Bitcoin Transactions, Bitcoin Scripts, Applications
of Bitcoin Scripts, Limitations & Improvements. Store and use bitcoins: How to Store and Use Bitcoins,
Hot and Cold Storage, Online Wallets and Exchanges. Applications and scaling: Enabling a Decentralized
Future, Distributed Systems and Alternative Consensus, How to Destroy Bitcoin. Scaling Blockchain:
Cryptocurrencies for the Masses, Enterprise Blockchain: Real-World Applications, Anonymity.
Syllabus:
Module 1: INTRODUCTION TO CRYPTO AND CRYPTOCURRENCIES
Introduction, Cryptographic Hash Functions, Hash Pointers and Data Structures, Digital Signatures, Public
Keys as Identities, A Simple Cryptocurrency . [6 hours]
Module 2: BITCOIN BASICS
Bitcoin Protocol and Consensus: A High Level Overview, Bitcoin and Blockchain History, Bitcoin
Mechanics and Optimizations: A Technical Overview, Bitcoin IRL: Wallets.
[6 hours]
Module 3: MECHANICS OF BITCOIN
Bitcoin Transactions, Bitcoin Scripts, Applications of Bitcoin Scripts, Bitcoin Blocks, The Bitcoin
Network, Limitations & Improvements. [5
hours]
Module 4: BITCOIN MINING
Tasks of Bitcoin Miners- Mining Hardware-Energy Consumption and Ecology- Mining Pools – Mining
Incentives -Merkle Tree-Hardness of mining- transaction verifiability. [7
hours]
Module 5: STORE AND USE BITCOINS
How to Store and Use Bitcoins, Hot and Cold Storage, Online Wallets and Exchanges, Payment Services,
Transaction Fees, Currency Exchange Markets. [5
hours]
Module 6: APPLICATIONS AND SCALING
Enabling a Decentralized Future, Distributed Systems and Alternative Consensus, How to Destroy
Bitcoin, Crypto economics and Proof-ofState, Scaling Blockchain: Cryptocurrencies for the Masses,
Enterprise Blockchain: Real-World Applications, Anonymity: Mixing and Altcoins, Conclusion: Future of
Blockchains.
[7 hours]
Course Outcomes:
After studying this course, students will be able to:

1. Explain the working principles of bitcoin and cryptocurrencies


2. Discover bitcoin mechanism and network
3. Interpret different bitcoin blocks
4. Discuss distributed systems and future of blockchain
5. Design bitcoin and cryptocurrency-based application
Text Books:
1. Antonopoulos, Mastering Bitcoin: Unlocking Digital Cryptocurrencies, December 2014,
1st Edition, O’Reilly Media, Inc.
2. Goldfeder, S., Bonneau, J., Miller, A.,Felten, E. Narayanan , A. Bitcoin and Cryptocurrency
Technologies, 2016, 1st edition, Princeton University Press, New Jersy.
Reference Books:
1. Lewis, Antony, The Basics of Bitcoins and Blockchains: An introduction to
Cryptocurrencies and The Technology that Powers Them. , 2018, 1st edition, Mango Media
Inc., United States.

Blockchain for Business


Course Objectives: This course will enable students to

• Understand the concept of blockchain technology and its role in business applications
• Learn the practical techniques for tracing products and transactions using blockchain
• Gain insights into the decentralized nature of blockchain, including its ability to share data across
diverse systems
• Develop hands-on skills in implementing blockchain solutions
Abstract:
Introduction to Blockchain and business applications: Evolution of blockchain, creation, Growth, Rise of
crypto currencies, Blockchain Principles. Financial Services & Government Public Sectors: Global Trade
and Commerce, Insurance Industry, Transparency in government services, Land Right Management.
Manufacturing and Industrial: Supply chain Transformation in the Global Economy, Blockchain for
Supply chains, Blockchain for Logistics. Current Issues and Potential solutions to blockchain to the next
level: Issues faced, Solutions for scalability issues, On-chain solutions: Proof of stake.
Syllabus
Module 1: Introduction to Blockchain and business applications
Evolution of blockchain, creation, Growth, Rise of crypto currencies, Blockchain Principles, Qualities ,
Popular blockchain platforms, Brief history of money, Impact of blockchain: Financial sector, internet.
[6 hours]
Module 2: Financial Services & Government Public Sectors
Global Trade and Commerce, Insurance Industry, Blockchain and Smart Contracts, Transparency in
government services, Land Right Management, real world use cases. [5 hours]
Module 3: Manufacturing and Industrial
Supply chain Transformation in the Global Economy, Blockchain for Supply chains, Blockchain for
Logistics, Blockchain for IoT, Blockchain role in Edge Computing, Blockchain and 3D Printing. [7
hours]
Module 4: Data Management and cyber security
Data management: Blockchain for big data, CCT, Cloud based blockchain, Monetizing Big data,
Blockchain and Big Data Analytics, Challenges, Blockchain for Gaming, Blockchain and cyber security.
[7 hours]
Module 5: Implementing blockchain in Enterprises
Identifying opportunities and threats, People and partners, Determining use cases and impact on processes,
Conceptual model of implementation, New Business applications of blockchain :Smart Cities, Digital
Medicine, M2M Transactions. [ 6 hours]
Module 6: Current Issues and Potential solutions to blockchain to the next level
Issues faced, Solutions for scalability issues, On-chain solutions: Proof of stake, sharding Off-chain
solutions: Payment or state channels, Plasma Truebit, Next generation blockchain projects, A case study:
The exciting world of blockchain. [5 hours]

Course Outcomes:
At the end of this course, students will be able to
1. Define the concept of Distributed Ledger Technology (DLT)
2. Apply Blockchain technology in various business domains of financial and commodities
3. Discover Blockchain from Big data perspective
4. Recommend new Business application for the Blockchain
Text Books:
1. Applications of Blockchain Technology in Business: Challenges and Opportunities By Mohsen
Attaran, Angappa Gunasekaran, 2019, Springer Nature Switzerland.
2. Blockchain for Business 2019: A user-friendly introduction to blockchain ... By Peter Lipovyanov
Reference Books:
1. Blockchain and Business: Applications and Implications
[Link]
2. Blockchain for Business Professional
[Link]

Fundamentals of Swift Programming


SEMESTER – VI
Subject Code CSE_*** IA Marks 50
Number of Lecture Hours/Week 03 Exam Marks 50
Total Number of Lecture Hours 36 Exam Hours 3
CREDITS – 03
Abstract Syllabus

Introduction
Values: Get Started with Values, Play with Values, Build a PhotoFrame App, Design
for People. The TV Club: Searching for content, Sharing Personal Information,
Ordering Online, Reflection
Algorithms: Get Started with Algorithms, Play with Programs, Build a QuestionBot
App, Design an Experience. The Viewing Party: Accessing the Show, Streaming on the
Network, Reflection
Organizing Data: Get Started with Organizing Data, Play with Complex Data, Build a
BouncyBall App, Design a Prototype. Sharing Photos: Capturing Images, Posting on
social media, Reflection
Building Apps: Get Started with App Development, Play with App Components,
Build an ElementQuiz App, Design for Impact.
Course outcomes:
At the completion of the course, the student will be able to:
1. Outline fundamental units of Swift and explore how to associate names
with values using variables.
2. Utilize repetitive task and looping functions to structure the Swift code
for design and demonstrate the app
3. Explore various techniques for data organization and design a simple
interactive game
4. Build the simple app using increment process. .
Main References :
1. Develop in Swift Fundamentals, Xcode 13, Apple Education.
2. Develop in Swift Fundamentals Teachers Guide, Xcode 13, Apple Education

iOS Application Development


SEMESTER – VII
Subject Code CSE_*** IA Marks 50
Number of Lecture Hours/Week 03 Exam Marks 50
Total Number of Lecture Hours 36 Exam Hours 3
CREDITS – 03
Abstract Syllabus

Getting Started with App Development: Introduction to Swift and Playgrounds,


Constants, Variables, Data Types, Operators, Control Flow, Excode, Building, Running,
Debugging and App, Documentation, Interface Builder Basics, Guided Project – Light.
Introduction to UIKit: Strings, Functions, Structures, Classes, Inheritance, Collections,
Loops, Introduction to UIKit, Display Data, Controls in Action, Auto Layout and Stack
Views, Guided Project – Apple Pie.
Navigation and Workflow: Optionals, Types Casting and Inspection, Guard, Constant
and Variables Scope, Enumerations, Segues and Navigation Controllers, Tab Bar
Controllers, View Controllers Life Cycle, Building Simple Workflow, Guided Project –
Personality Quiz.
Course outcomes:
At the completion of the course, the student will be able to:

1. Write code that makes decisions about what lines of code should be executed.
2. Test and debug apps in a Mac, using the Simulator from Xcode.
3. Create a basic iOS app to get familiar using Xcode.
4. Demonstrate and understanding of how to handle and store data using clearly
defined types.
5. Demonstrate problem solving skills by developing and implementing algorithms to
solve problems using operators.
6. Demonstrate an understanding of strings, functions, structures, collections, loops,
and different ways to work with the information that makes up an app.
7. Design and implement simple classes.

Main References :
1. Develop in Swift Fundamentals, Xcode 13, Apple Education.
2. Develop in Swift Fundamentals Teachers Guide, Xcode 13, Apple Education

Advanced Programming in Swift


SEMESTER – VII
Subject Code CSE_*** IA Marks 50
Number of Lecture Hours/Week 03 Exam Marks 50
Total Number of Lecture Hours 36 Exam Hours 3
CREDITS – 03
Abstract Syllabus
Tables and Persistence, App Life Cycle, Model-View-Controller, Scroll Views, Tables
Views, Intermediate Table Views, System View Controllers, Saving Data, Complex
Input Screens, Closures, Extensions, Practical Animation, working with the web: HTTP
and URL Session, Working with the web Decoding JSON, Collection Views, Swift
Generics, Dynamic Data, Compositional Layout, Advanced Compositional Layouts.

Course outcomes:
At the completion of the course, the student will be able to:
1. Understand the fundamental concepts and principles of data collection in Swift.
2. Implement and manipulate arrays, dictionaries, sets, and other data collection types.
3. Apply various data collection techniques and algorithms to solve programming
problems.
4. Design and implement custom data structures and collections.
5. Integrate data collection techniques with other Swift programming concepts.

Main References :
1. Develop in Swift Fundamentals, Xcode 13, Apple Education.
2. Develop in Swift Fundamentals Teachers Guide, Xcode 13, Apple Education

IT_4451 Generative AI and Applications [3 0 0 3]

Overview of generative models in artificial intelligence, Types of generative models, autoencoders and
variational inference, Basics of variational autoencoders (VAEs), Training VAEs and generating new data
samples. Introduction to Generative Adversarial Networks (GANs), Training GANs: generator and
discriminator networks, Various architectures of GANs. Statistical Language Models, Recurrent Neural
Networks (RNNs) for Image and Text Generation, Long Short-Term Memory (LSTM) Networks, BERT,
GPT, Applications in chatbots, machine translation and content generation. Large Language Models,
Architecture and Training of Transformers, Fine-tuning of LLMs, Applications of Large Language Model,
Introduction to Prompt Engineering, Future Trends and Opportunities in Prompt Engineering, Fine-Tuning
AI Models with Custom Prompts, Ethical Considerations in Prompt Engineering, Future Trends and
Opportunities in Prompt Engineering.

Reference Books:
1. "Deep Learning", Ian Goodfellow, Yoshua Bengio, and Aaron Courville, MIT Press Book, November
2016.
2. "Generative Deep Learning: Teaching Machines to Paint, Write, Compose, and Play", David Foster,
Oreilly, July 2019.
3. “Natural Language Processing with Python”, Steven Bird, Ewan Klein and Edward Loper, Oreilly, Jun
2009
4. "Speech and Language Processing" by Daniel Jurafsky and James H. Martin, Pearson Edition, April
2008.
5. "Time Series Analysis and Its Applications: With R Examples", Robert H. Shumway and David S.
Stoffer, Springer, November 2010.
6. "Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow”, Aurélien Géron, Oreilly,
October 2022.
7. "Deep Reinforcement Learning Hands-On: Apply modern RL methods to practical problems of
chatbots, robotics, discrete optimization, web automation, and more, 2nd Edition", Maxim Lapan,
Packt publisher, January 2020.

IT_4452 FOG AND EDGE COMPUTING [3 0 0 3]

Fog Computing-Definition-Characteristics-Application Scenarios - Issues –Fog. Computing and Internet


of Things-Pros and Cons-Myths of Fog Computing. Edge computing use cases, Edge computing hardware
architectures, Edge platforms, Edge vs Fog Computing, Communication Models. IoT Architecture and
Core IoT Modules. SCADA, The value of a network and Metcalfe's and Beckstrom's laws, IoT and edge
architecture, Role of an architect, OpenFog Reference Architecture. Fog Computing conceptual Model.
Fog Computing in Health Monitoring, Smart Surveillance Video Stream Processing at the Edge. Fog
Computing Model for Evolving Smart Transportation Applications, Classification of Fog/Edge/IoT
Applications.

Reference Books:

1. “Fog Computing: Theory and Practice”, Assad Abbas, Samee U. Khan, Albert Y. Zomaya, Willey,
Wiley Series on Parallel and Distributed Computing, 2020, ISBN: 978-1-119-55169-0
2. “IoT and Edge Computing for Architects”, Perry Lea, Packt Publishing, 2nd Edition, 2020, ISBN:
9781839214806
3. “Raspberry Pi Cookbook”, Simon Monk, O'Reilly Media, Inc., 3rd Edition,2019, ISBN:
978149204322
4. “OpenFog Reference Architecture for Fog Computing: OpenFog Consortium”, 2017
[[Link]
[Link]]
5. [Link] (Official Website of US) [“Fog
Computing Conceptual Model”, Michaela Iorga, Larry Feldman, Robert Barton, Michael J. Martin,
Nedim S. Goren, Charif Mahmoudi, 2018]
6. “Fog and Edge Computing: Principles and Paradigms”, Rajkumar Buyya, Satish Narayana Srirama,
Willey, Wiley Series on Parallel and Distributed Computing, ISBN: 978-1-119-52498-4.
7. “Fog Computing and Its Role in the Internet of Things”, Flavio Bonomi, Rodolfo Milito, Jiang Zhu,
Sateesh Addepalli, (Research article) MCC’12, August 17, 2012, Helsinki, Finland. Copyright 2012
ACM 978- 1-4503-1519-7/12/08... $15.00.
8. “The Emergence of Edge Computing”, Mahadev Satyanarayanan, (Research article) IEEE Computer,
2017, January, [Link] ument/7807196
9. “Fog Computing in the Internet of Things - Intelligence at the Edge”, Amir M. Rahmani, Pasi
Liljeberg, Preden, Axel Jantsch, Springer International Publishing, 2018
10. “Introduction to Fog Computing”, Stojan Kitanov, Toni Janevski, IGI Global Publication, 2019, DOI:
10.4018/978-1-5225-6070-8.ch001.

You might also like