IT - PE Detailed Syllabus
IT - PE Detailed Syllabus
I. COMPUTATIONAL INTELLIGENCE
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]
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]
Course Outcomes
References
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
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
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]
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]
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
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.
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.
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
Course Objectives
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
Course Outcomes
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:
Course Objectives:
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:
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
Course Objectives:
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:
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:
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
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
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
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.
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
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.
Course Objectives
Abstract
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]
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.
Course Objectives
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
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
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]
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:
Syllabus:
[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.
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]
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.
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.
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
Abstract:
Syllabus
Introduction
Limitations of neural networks, Trends in Deep Learning [1 Hour]
Mathematical Preliminaries
Linear Algebra, Probability and Information Theory, Numerical computation [3 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]
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.
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]
Model Interpretability
Interpretable vs. Explainable Algorithms; Tools and Libraries; Ensemble-Based Explainable
Machines; Decision Tree-Based; Rule-Based Techniques; Scoring System [6 Hours]
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
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:
Course Objectives
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]
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
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.
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
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.
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]
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.
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
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
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:
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
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
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
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
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.
Abstract
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.
Course Objectives
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]
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:
References
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)
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
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]
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.
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)
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)
Course Outcomes:
After studying this course, students will be able to:
Course Outcomes:
After studying this course, students will be able 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]
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
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
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
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.
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.