Semester II: Discipline: Information Technology Stream: IT1

Download as pdf or txt
Download as pdf or txt
You are on page 1of 188

MECHANICAL ENGINEERING

Semester II

Discipline: INFORMATION TECHNOLOGY

Stream: IT1 (NETWORK ENGINEERING,


NETWORKS AND SECURITY)
INFORMATION TECHNOLOGY

CATEGORY L T P CREDIT
222TIT101 ADVANCED DISCIPLINE CORE 3 0 0 3
MACHINE
LEARNING

Preamble: This course deals with various algorithms to enable computers to


learn data without being explicitly programmed. It covers an insight into various
types of machine learning algorithms, optimization techniques and strategies for
model generation and evaluation. The fundamental and advanced machine
learning algorithms helps the learner to meet the required research and industry
standards.

Course Outcomes:

After the completion of the course the student will be able to

CO 1 Explain the Machine Learning algorithms, basic parameter


estimation and optimization methods. (Cognitive Knowledge
Level: Understand)

CO 2 Illustrate the concepts of regression and classification techniques


(Cognitive Knowledge Level: Apply)

CO 3 Use unsupervised learning methods and dimensionality


reduction techniques in real world problems. (Cognitive
Knowledge Level: Apply)

CO 4 Apply reinforcement learning for AI applications. (Cognitive


Knowledge Level: Apply)

CO 5 Choose suitable model parameters for different machine learning


techniques and to evaluate a model performance. (Cognitive
Knowledge Level: Apply)

Program Outcomes (PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: An ability to communicate effectively, write and present technical reports on


complex engineering activities by interacting with the engineering fraternity and
with society at large.
INFORMATION TECHNOLOGY

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher than the
requirements in the appropriate bachelor program

PO4: An ability to apply stream knowledge to design or develop solutions for real
world problems by following the standards

PO5: An ability to identify, select and apply appropriate techniques, resources


and state-of-the-art tool to model, analyse and solve practical engineering
problems.

PO6: An ability to engage in life-long learning for the design and development
related to the stream related problems taking into consideration sustainability,
societal, ethical and environmental aspects

PO7: An ability to develop cognitive load management skills related to project


management and finance which focus on Entrepreneurship and Industry
relevance

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO7

CO 1 √ √ √ √ √ √

CO 2 √ √ √ √ √
CO 3 √ √ √ √ √
CO 4 √ √ √ √ √
CO 5 √ √ √ √ √

Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 20%
Apply 80%
Analyse
Evaluate
Create
INFORMATION TECHNOLOGY

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation (CIE) Pattern:

Evaluation shall only be based on application, analysis or design-based questions


(for both internal and end semester examinations).

Continuous Internal Evaluation: 40 marks

Mini project/ Assignment: 20 Marks

Course-based task/Seminar/Quiz: 10 Marks

Test paper (one only): 10 Marks

Course based task/test paper questions shall be useful in the testing of


knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students.

End Semester Examination Pattern:

The End-Semester Examination shall be conducted by the University. There shall


be two parts:

Part A and Part B. Part A shall contain five (numerical) questions (such questions
shall be useful in the testing of knowledge, skills, comprehension, application,
analysis, synthesis, evaluation, and understanding of the students), with one
question from each module, having five marks for each question. Students shall
answer all questions.
Part B shall contain seven questions (such questions shall be useful in the
testing of overall achievement and maturity of the students in a course, through
long answer questions relating to theoretical/practical knowledge, derivations,
problem-solving, and quantitative evaluation), with at least one question from
each module, of which, the student shall answer any five. Each question shall
carry seven marks
INFORMATION TECHNOLOGY

Course Level Assessment Questions

Course Outcome 1 (CO1):

1. Distinguish between supervised learning and Reinforcement learning.


Illustrate with an example.
2. Differentiate between overfitting and underfitting with suitable diagram

3. Suppose X1, X2, · · · ,Xn are i.i.d. random variables with density function
σ). Find the maximum likelihood estimate of σ
f(x|σ) = 1/2σ exp ³ ((− |x| /σ).
4. Use the method of moment to estimate the parameters µ and σ for the
normal density

based on a random sample X1, · · · ,Xn.

uppose that X1, · · · ,Xn form a random sample from a uniform


5. Suppose
distribution on the interval (0, θ), where of the parameter θ > 0 but is
unknown. Find MLE of θ.
6. Let X1, · · · ,Xn be an i.i.d. sample from a Poisson distribution with
parameter λ, i.e.,

find the MLE of the parameter λ.

7. Suppose that X1, · · · ,Xn form a random sample from a distribution for
which the pdf f(x|θ) is as follows:

Also suppose that the value of θ is unknown (θ > 0). Find the MLE of θ.

8. What is the difference betweenBatch gradient descent and Stochastic


gradient descent?
INFORMATION TECHNOLOGY

Course Outcome 2 (CO2)

1. Given the set of values X = (3, 9, 11, 5, 2)T and Y = (1, 8, 11, 4, 3)T .
Evaluate the regression coefficients.
2. What is meant by kernel trick in context of support vector machines how is
it used to find a SVM classifier?
3. Suppose you are using RBF kernel in SVM with high Gamma value. What
does this signify?
4. What are some ways to choose data for a regression without running into a
multi-collinearity problem?
5. What is the effect of collinearity on Lasso vs Ridge regression? Which is
better in the case of collinearity?
6. Describe various types of regression models based on type of functions.
7. What are the benefits of decision tree pruning? Also mention the different
types of pruning methods.
8. Why doesn't ridge regression force some of the coefficients to be exactly
zero for sufficiently large lambda whereas the LASSO does?
9. Why is it that the lasso, unlike ridge regression, results in coefficient
estimates that are exactly equal to zero?
10. What is the significance of optimal separating hyperplanes in SVM?
11. What is meant by kernel trick in context of support vector machines?
How is it used to find a SVM classifier?
12. Describe the features of soft margin hyperplane and explain how it is
computed.
13. Describe the significance of Kernal functions in SVM. List any two
kernel functions.
14. Explain any two model combination scheme to improve the accuracy
of a classifier.
15. How do we learn the conditional probability tables (CPT) in Bayesian
networks if information about some variables is missing? How are these
variables called?
16. Consider the training data in the following table where Play is a class
attribute. In the table, the Humidity attribute has values “L” (for low) or “H”
(for high), Sunny has values “Y” (for yes) or “N” (for no), Wind has values “S”
(for strong) or “W” (for weak), and Play has values “Yes” or “No”. What is
class label for the following day (Humidity=L, Sunny=N, Wind=W),
according to naïve Bayesian classification?
INFORMATION TECHNOLOGY

Course Outcome 3(CO3):

1. Cluster the following eight points (with (x, y) representing locations) into
three clusters:

A1(2, 10), A2(2, 5), A3(8, 4), A4(5, 8), A5(7, 5), A6(6, 4), A7(1, 2), A8(4, 9)

Initial cluster centers are: A1(2, 10), A4(5, 8) and A7(1, 2).

The distance function between two points a = (x1, y1) and b = (x2, y2) is defined
as-

Ρ(a, b) = |x2 – x1| + |y2 – y1|

Means Algorithm to find the three cluster centers after the second
Use K-Means
iteration.

2. Use K-Means
Means Algorithm to create two clusters-
clusters

3. Explain Gaussian Mixture Model model.


4. Explain DBSCAN algorithm for density based clustering. List out its
advantages compared to K-means
K
5. How linear discriminant analysis is used for dimensionality reduction?
Selection techniques. Explain
6. Compare Feature Extraction and Feature Selection
how dimensionality can be reduced using subset selection procedure
INFORMATION TECHNOLOGY

7. What are 3 ways of reducing dimensionality?


8. How factor analysis is used for dimensionality reduction?
9. Write any four commonly used equations for measures of distance between
data points of numeric data in Hierarchical Clustering
10. Write the algorithm for DIANA (DIvisiveANAlysis) of hierarchical
clustering technique.
11. Is principal component analysis a supervised learning problem?
Why? Describe how principal component analysis is carried out to reduce
dimensionality of data sets.
12. What is difference between factor analysis and PCA?
13. Consider two data points in two-dimensional A (5,8) and B (8,9).
Calculate (a) Manhattan distan\+ce (b) Squared Euclidian distance between
A & B.
14. Describe the forward selection and backward selection algorithm for
implementing the subset selection procedure for dimensionality reduction
15. Distinguish between K-means Clustering and Hierarchical Clustering
technique.

16. Consider the two dimensional patterns (2, 1), (3, 5), (4, 3), (5, 6), (6,
7), (7, 8).Compute the principal component using PCA Algorithm.

Course Outcome 4 (CO4):

1. Which type of problems can be solved by reinforcement learning?


2. What are the problem solving methods for reinforcement learning?
3. What problems does reinforcement learning solve elaborate with any real
time example?
4. Why is the Bellman Equation useful? What is the advantages of Bellman
equation to MDP?
5. What is MDP? What are the different ways of classifying MDV? Provide
some application of each class.

Course Outcome 5 (CO5):

1. Consider a Machine Learning Model which can detect and hence filter out
all the spams. Let’s take a sample set of 1000 emails. Out of 1000, 100 are
spam and rest 900 are relevant emails. Our Machine Learning Model
predicts 30 as spam and 970 as relevant. Compute precision and recall of
the model. Also draw the confusion matrix.
2. Express the confusion matrix table for two class datasets.
3. Suppose 10000 patients get tested for flu; out of them, 9000 are actually
healthy and 1000 are actually sick. For the sick people, a test was positive
for 620 and negative for 380. For the healthy people, the same test was
INFORMATION TECHNOLOGY

positive for 180 and negative for 8820. Construct a confusion matrix for the
data and compute the precision and recall for the data.
4. With an example classification problem, explain the following terms: a)
Hyper parameters b) Training set c) Validation sets d) Bias e) Variance.
5. What are ROC space and ROC curve in machine learning? In ROC space,
which points correspond to perfect prediction, always positive prediction
and always negative prediction? Why?
INFORMATION TECHNOLOGY

Model Question Paper

QP CODE:

Reg No: _______________

Name: _________________
PAGES: 4

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY

FIRST SEMESTER M. TECH DEGREE EXAMINATION, MONTH & YEAR

Course Code: 221TCS100

Course Name: ADVANCED MACHINE LEARNING

Max. Marks : 60
Duration: 2.5 Hours

PART A

Answer All Questions. Each Question Carries 5 Marks

1. Explain the principle of the Batch and Stochastic gradient descent


algorithm.
2. Explain the general MLE method for estimating the parameters of a
probability distribution
3. State the mathematical formulation of the SVM problem. Give an outline of
the method for solving the problem
4. What are differences between value iteration and policy iteration ?
5. What does it mean for a classifier to have a high precision but low recall?

Part B

(Answer any five questions. Each question carries 7 marks)

6. Compute the Maximum Likelihood estimate for the parameter 𝜆 in the


Poisson distribution whose probability function is
INFORMATION TECHNOLOGY

7. Consider a naive Bayes classifier with 3 boolean input variables, X1, X2


and X3, and one boolean output, Y. How many parameters must be
estimated to train such a naive Bayes classifier? How many parameters
would have to be estimated to learn the above classifier if we do not make
the naive Bayes conditional independence assumption?
8. Suppose that X1, · · · ,Xn form a random sample from a uniform
distribution on the interval (θ1, θ2), with the pdf as follows:

9.
a. Also suppose that the values of θ1 and θ2 are unknown ((−∞ < θ1 < θ2
MLE’s of θ1
< ∞). Find the MLE
b. and θ2.
10. Given the data in Table, reduce the dimension from 2 to 1 using the
Principal Component Analysis (PCA) algorithm.

Example Example Example Example


Feature 1 2 3 4

X1 4 8 13 7

X2 11 4 5 14

11. Write and explain the bellman equations for finite horizon MDP.
Explain the optimal policy.

12. Suppose there are three classifiers A,B and C. The (FPR, TPR)
measures of the three classifiers are as follows – A (0, 1), B (1, 1) , C (1,0.5).
Which can be considered as a perfect classifier? Justify your answer
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Machine Learning Fundamentals I (8 Hours)

Supervised, Semi-supervised, Unsupervised learning and Reinforcement learning.


Parameter estimation: Maximum likelihood estimation, Maximum a Posteriori
Estimation (MAP), ordinary least squares, weighted least squares. Optimization:
Exhaustive search, Gradient Descent Algorithm: Batch, Stochastic and Mini
batch, Genetic Algorithm.

Module II: Predictive Supervised Methods II (8 Hours)

Regression Algorithms: Linear, Multivariate, Logistic, Polynomial and Bayesian


Linear Regression. Overfitting, Regularization techniques: Ridge regression, lasso
(L1 Norm), Dropout.
Classification: Perceptron, Naive Bayes, Decision trees and Support vector
machine

Module III: Unsupervised Methods (8 Hours)

Clustering- K-means, DBSCAN, BIRCH, Hierarchical based clustering, Outlier


Analysis. Expectation-maximization (EM) of Gaussian mixture
model.Dimensionality Reduction- Factor analysis, Canonical Correlation
Analysis, Linear discriminant Analysis, Non-negative matrix factorization,
Probabilistic PCA, Independent components analysis (ICA) randomized
optimization.

Module IV: Reinforcement Learning (8 Hours)

The Reinforcement Learning problem: evaluative feedback, non-associative


learning, Rewards and returns, Markov Decision Processes, Value functions,
optimality, Bellman equation and approximation.Dynamic programming: value
iteration, policy iteration, Gambler’s Problem, asynchronous DP, generalized
policy iteration.

Module V: Evaluation Metrics (8 Hours)

Classification: Accuracy, confusion matrix, log-loss, Precision, Recall, and F1


score. and AUC-ROC. Regression: Mean Absolute Error (MAE), Mean Absolute
Percentage Error (MAPE), Mean Squared Error (MSE), Root Mean Squared Error
(RMSE), R-Squared (R²), Adjusted R-Squared (Adjusted R²). Clustering: Purity,
Jaccard index, Normalized Mutual Information, Clustering Accuracy, Silhouette
coefficient and Dunn's Index. Reinforcement learning evaluation.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topics No. of
Lectures (
40)

1 Module-I (Machine Learning Fundamentals) 8 hours

1.1 Supervised, Semi-supervised, Unsupervised learning 1


and Reinforcement learning

1.2 Parameter estimation: maximum likelihood 1


estimation

1.3 Maximum a Posteriori Estimation (MAP) 1

1.4 Ordinary least squares, Weighted least squares 1

1.5 Optimization: Exhaustive search 1

1.6 Gradient Descent Algorithm 1

1.7 Batch, Stochastic and Mini batch 1

1.8 Genetic Algorithm 1

2 Module-II (Predictive Supervised Methods) 8 hours

2.1 Regression Algorithms: Linear, Multivariate 1

2.2 Logistic Regression, Polynomial regression 1

2.3 Bayesian Linear Regression 1

2.4 Overfitting, Regularization techniques: Ridge 1


regression

2.5 lasso (L1 Norm), Dropout 1

2.6 Classification: Perceptron, Naive Bayes 1

2.7 Decision trees 1

2.8 Support vector machine 1

3 Module-III (Unsupervised Methods) 8 hours

3.1 Clustering- K-means, DBSCAN 1


INFORMATION TECHNOLOGY

3.2 BIRCH, Hierarchical based clustering 1

3.3 Outlier Analysis 1

3.4 Expectation-maximization (EM) of Gaussian mixture 1


model

3.5 Dimensionality Reduction- Factor analysis 1

3.6 Linear discriminant Analysis, Non-negative matrix 1


factorization

3.7 Probabilistic PCA 1

3.8 Independent components analysis (ICA) randomized 1


optimization.

4 Module-IV (Reinforcement Learning ) 8 hours

4.1 The Reinforcement Learning problem: evaluative 1


feedback

4.2 Agent-Environment interface, Rewards and returns 1

4.3 Markov Decision Processes (MDP) 1

4.4 Optimal value functions 1

4.5 Bellman equation, Need of approximation 1

4.6 Dynamic Programming : value iteration, policy 1


iteration,

4.7 Gambler’s Problem 1

4.8 Asynchronous DP, generalized policy iteration 1

5 Module-V (Evaluation Metrics) 8 hours

5.1 Classification: Accuracy, confusion matrix, log-loss, 1


Precision

5.2 Recall, and F1 score. and AUC-ROC 1

5.3 Regression: Mean Absolute Error (MAE), Mean 1


Absolute Percentage Error (MAPE), Mean Squared
Error (MSE)
INFORMATION TECHNOLOGY

5.4 Root Mean Squared Error (RMSE), R-Squared (R²), 1


Adjusted R-Squared (Adjusted R²

5.6 Clustering: Purity, Jaccard index, Normalized 1


Mutual Information

5.7 Clustering Accuracy, Silhouette coefficient and 1


Dunn's Index.

5.8 Reinforcement learning evaluation. 1

Reference Books

1. 1.Bishop, C. M. Pattern Recognition and Machine Learning. Springer-Verlag


New York. 2006.
2. Kevin P. Murphy. Machine Learning: A Probabilistic Perspective, MIT Press
2012.
3. Trevor Hastie, Robert Tibshirani, Jerome Friedman, The Elements of
Statistical Learning,
4. Second edition Springer 2007.
5. EthemAlpaydin, Introduction to Machine Learning, 2nd edition, MIT Press
2010.
6. Tom Mitchell, Machine Learning, McGraw-Hill, 1997.
7. R. S. Sutton and A. G. Barto. Reinforcement Learning - An Introduction.
MIT Press. 1998.
INFORMATION TECHNOLOGY

222TIT100 PATH AND FLOW CATEGORY L T P CREDIT


PROBLEMS FOR
NETWORKS PROGRAMME 3 0 0 3
CORE

Preamble: This course covers Path and Flow Problems which are graph-
theoretical problems that find application in the design of computer networks
and protocols and their solutions. The syllabus includes core topics such as
shortest path problems, maximum flow problems, and minimum cost flow
problems, including novel polynomial-time algorithms for solving these
problems. The last module throws light on how linear programming can be
applied to flow problems.

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

CO 1 Explain the significance of flow problems in computer networks,


and apply them in appropriate contexts. (Level: Understand)

CO 2 Compare and contrast different classes of algorithms to solve the


Shortest Path Problem in computer networks. (Level: Analyze)

CO 3 Devise various algorithms to solve the Maximum Flow Problem and


analyze them. (Level: Apply)

CO 4 Evaluate various algorithms for computing minimum cost flows.


(Level: Analyze)

CO 5 Correlate linear programming with network flows and use linear


programming to solvenetwork flow problems. (Level: Apply)

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √

CO 2 √ √ √ √
INFORMATION TECHNOLOGY

CO 3 √ √ √ √ √

CO 4 √ √ √ √ √

CO 5 √ √ √ √

Assessment Pattern

Bloom’s Category End Semester Examination

Understand 20%

Apply 80%

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

Continuous Internal Evaluation Pattern:

Micro project/Course-based project/Course-based task: 20 Marks

Seminar/Quiz: 10 Marks

Test paper (one only): 10 Marks


INFORMATION TECHNOLOGY

The project shall be done individually. Group projects are not permitted. The
test paper shall include a minimum of 80% of the syllabus.

End Semester Examination Pattern:

There shall be two parts; Part A and Part B. Part A shall contain five
(numerical) questions (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation,
and understanding of the students), with one question from each module,
having five marks for each question. Students shall answer all questions. Part
B shall contain seven questions(such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving, and quantitative evaluation), with at least one question from
each module, of which, the student shall answer any five. Each question shall
carry seven marks.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END SEMESTER EXAMINATION


END-SEMESTER

Time: 2½ Hours Maximum


marks: 60

PART A (Answer all questions. Five marks each)

1. State and
nd prove the flow decomposition theorem.

2. Taking node 1 as the source, run the Dijkstra’s algorithm on the network
shown below:

algorithms be used to detect negative cycles in a


3. How can the shortest path algorithms
graph?

4. Give an overview of the primal-dual algorithm.

5. State the LPP formulation of the weighted bipartite matching problem. How
can it be solved?

PART B (Answer any five questions. Seven marks each)

6. Run the topological sort algorithm on the following graph:


INFORMATION TECHNOLOGY

7. With the necessary illustrations, explain the radix heap implementation of


Dijkstra's algorithm.

8. State and prove the max-flow


max min-cut theorem.

9. Compute node potentials for the graph shown below

10. How are the leaving and entering arcs chosen in the network simplex
algorithm?

11. Explain the successive shortest path algorithm with an example.

12. Illustrate the generic augmenting path algorithm on the network shown
below:
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Network Flow Problems: (6 Hours)

Introduction, Notations, and definitions, Network representations, Search


Algorithm, Topological Ordering, Flow Decomposition Algorithms.

Module II: Shortest Path Problem: (10 Hours)

Introduction, Label-Setting, and Label-Correcting Algorithms, Label-Setting


algorithms - Dijkstra's Algorithm, Dial's implementation, Radix heap
implementation, Label-Correcting Algorithms - Generic Label Correcting
Algorithm, Special Implementations of the Modified Label Correcting Algorithm,
Detecting Negative Cycles, All Pairs Shortest Path Problem.

Module III: Maximum Flow Problem: (8 Hours)

Generic Augmenting Path Algorithm, Labeling Algorithm and Max-Flow Min–


Cut Theorem, Capacity Scaling Algorithm, Generic Pre-Flow Push Algorithm,
FIFO Pre-Flow Push Algorithm, Flows in Unit Capacity Networks, Flows in
Bipartite Networks, Flows in Planar Undirected Networks.

Module IV: Minimum Cost Flows and Generalized Flows: (9 Hours)

Optimality Conditions, Cycle Canceling Algorithm and the Integrity Property,


Successive Shortest Path Algorithm, Primal-Dual Algorithm, Generalized flows
– introduction, Augmented Forest Structures, Determining Potentials and
Flows for an Augmented Forest Structure.

Module V: Linear programming and network flows: (7 Hours)

Linear programming – modeling, The geometric solution, The Simplex Method


for Network Flow Problems, the Representation of a Non-basic Vector in Terms
of the Basic Vectors, LP formulation of matching.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures

1 Network Flow Problems (6 hours)

1.1 Introduction, Notations, and definitions 1

1.2 Network representations 2

1.3 Search Algorithm, Topological Ordering 1

1.4 Flow Decomposition Algorithms 2

2 Shortest Path Problem (10 hours)

2.1 Introduction, Label-Setting, and Label-Correcting 1


Algorithms

2.2 Label-Setting algorithms - Dijkstra's Algorithm 1

2.3 Dial's implementation, Radix heap implementation 2

2.4 Label-Correcting Algorithms - Generic Label 2


Correcting Algorithm,

2.5 Special Implementations of the Modified Label 2


Correcting Algorithm

2.6 Detecting Negative Cycles, All Pairs Shortest Path 2


Problem

3 Maximum Flow Problem (8 hours)

3.1 Generic Augmenting Path Algorithm 1

3.2 Labeling Algorithm and Max-Flow Min–Cut 2


Theorem

3.3 Capacity Scaling Algorithm 1

3.4 Generic Pre-Flow Push Algorithm, FIFO Pre-Flow 1


Push Algorithm
INFORMATION TECHNOLOGY

3.5 Flows in Unit Capacity Networks 1

3.6 Flows in Bipartite Networks,Flows in Planar 2


Undirected Networks

4 Minimum Cost Flows and Generalized Flows (9 hours)

4.1 Optimality Conditions 1

4.2 Cycle Canceling Algorithm and the Integrity 1


Property,

4.3 Successive Shortest Path Algorithm, 1

4.4 Primal-Dual Algorithm 2

4.5 Generalized flows – introduction, Augmented 2


Forest Structures

4.6 Determining Potentials and Flows for an 2


Augmented Forest Structure

5 Linear programming and network flows (7 hours)

5.1 Linear programming - modeling 2

5.2 The geometric solution 1

5.3 The Simplex Method for Network Flow Problems 2

5.4 Representation of a Non-basic Vector in Terms of 1


the Basic Vectors

5.5 LP formulation of matching 1

Reference Books

1. Network Flows: Theory, Algorithms, and Applications, Ravindra K. Ahuja, Thomas L.


Magnanti, James B. Orlin. Prentice Hall, 1993

2. Higher Engineering Mathematics, B. S. Grewal, Khanna publishers, 2012

3. Operations Research, Prem Kumar Gupta and Dr. D.S. Hira, S Chand Publishers, 2007

4. Linear programming and network flows, Mokhtar S. Bazaraa, John J. Jarvis, Hanif D.
Sherali. John Wiley& Sons, 2009
INFORMATION TECHNOLOGY

PROGRAM
ELECTIVE III
INFORMATION TECHNOLOGY

222EIT100 COMPLEX NETWORKS CATEGORY L T P CREDIT


AND APPLICATIONS PROGRAMME 3 0 0 3
ELECTIVE 3

Preamble: The course aims to conduct an elaborate study on the topics of


the evolution of complex networks, community detection in complex
networks, and modelling of spreading phenomena in complex networks. This
course also intends to introduce students to the current topics of research
in the field of Complex Networks.

Prerequisite: IT12022-PE2 (F) Mathematical Models for Internet

Bloom's
CO No. Course Outcomes (CO) Category
Level
CO 1 Make use of complex network concepts in Level3:
analysing and modelling real-world phenomena. Apply
CO 2 Identify the role of fitness in the formation of Level4:
complex networks. Apply
CO 3 Interpret the evolving network model. Level4:
Apply
CO 4 Identify the presence of communities in complex Level 4:
networks. Apply
CO 5 Analyse patterns of virus spreading in biological Level4:
and cyber worlds. Analyse

Program Outcomes ( PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: AN ability to communicate effectively, and write and present technical


reports on complex engineering activities by interacting with the
engineering fraternity and with society at large.

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher
than the requirements in the appropriate bachelor’s program

PO4: An ability to apply stream knowledge to design or develop solutions for


real-world problems by following the standards

PO5: An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art tool to model, analyse and solve practical
engineering problems.
INFORMATION TECHNOLOGY

PO6: An ability to engage in life-long learning for the design and


development related to the stream related problems taking into
consideration sustainability, societal, ethical and environmental aspects

PO7: An ability to develop cognitive load management skills related to


project management and finance which focus on Entrepreneurship and
Industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 - - ✓ ✓ ✓ - -
CO 2 - - ✓ ✓ ✓ - -
CO 3 - - ✓ ✓ ✓ - -
CO 4 ✓ ✓ ✓ ✓ ✓ - -
CO 5 ✓ ✓ ✓ ✓ ✓ ✓ -

Assessment Pattern

Bloom’s Category End Semester Examination

Apply 100%

Analyse

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours


INFORMATION TECHNOLOGY

Continuous Internal Evaluation Pattern:

Preparing a review article based on peer reviewed original


15 marks
publications (minimum 10 publications shall be referred)

Course based task/Seminar/Data collection and


15 marks
interpretation

Test paper, 1 no.


10 marks
(Test paper shall include minimum 80% of the syllabus)

End Semester Examination Pattern:

The end semester examination will be conducted by the respective College.


There will be two parts; Part A and Part B. Part A will contain 5
numerical/short answer questions with 1 question from each module,
having 5 marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students should answer all
questions. Part B will contain 7 questions (such questions shall be useful in
the testing of overall achievement and maturity of the students in a course,
through long answer questions relating to theoretical/practical knowledge,
derivations, problem solving and quantitative evaluation), with minimum
one question from each module of which student should answer any five.
Each question can carry 7 marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly. For
example, if the average end-semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.

Course Level Assessment Questions

Course Outcome 1 (CO1):

1. Based on the studies on congestion in Internet traffic,Compare the


congestion behavior of the Internet compared to random networks.

2. “A page with many hyperlinks pointing to it does not necessarily have


high PageRank.” Do you agree with the statement. Explain your
reasons citing relevant research.

Course Outcome 2 (CO2)


INFORMATION TECHNOLOGY

1. Investigate on the growth of Facebook based on the insight provided


by the Bianconi-Barabási Model.

2. Discuss the significance of Bose-Einstein Condensation in explaining


scale-free nature of a network

Course Outcome 3(CO3):

1. Explain the phase transition induced by Node removal.

2. Calculate the degree exponent of the directed Barabási-Albert model


with accelerated growth, assuming that the degree of the newly
arriving nodes increases in time as m(t) = tΘ.

Course Outcome 4 (CO4):

1. Consider a one-dimensional lattice with N nodes that form a circle,


where each node connects to its two neighbours. Partition the line into
nc consecutive clusters of size Nc=N/nc. According to the Maximum
Modularity Hypothesis, the maximum of Mc corresponds to the best
partition. Obtain the community size nc corresponding to the best
partition.
2. Identify the possibility of defining communities in terms of cliques
based on the connectedness and density hypothesis.

Course Outcome 5 (CO5):

1. Explain the Time evolution of the fraction of infected individuals, as


predicted by Susceptible-Infected (SI) Model.
2. Using the growth of the fraction of infected individuals, compare SI,
SIS and SIR models.
INFORMATION TECHNOLOGY

Model Question Paper

QP CODE: Reg No:


_____________

Name: _____________

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY

SECOND SEMESTER M.TECH DEGREE EXAMINATION,

MONTH & YEAR

222EIT100 Complex Networks and Applications

Max. Marks: 60 Duration:


2.5 hrs

PART A

(Answer all questions. Each Question Carries 5 Marks)

1. Comment on Milgram’sexperiment and six degrees of


separation in the social network.

2. Explain the Bianconi-Barabási Model for modelingthe fitness


of the node.

3. Discuss the phenomena of‘ accelerated growth’ seen in


complex networks.

4. Explain the random hypothesis in relation to modularity.

5. Explain Susceptible-Infected-Susceptible (SIS) Model.

PART B

(Answer any FIVE Questions. Each Question Carries 7 Marks)

6. “viruses spread more quickly on scale-free networks


than on small world and random network” Do you agree with the
statement? Cite relevant research to justify your argument.

7. Discuss competition in complex network based on Bianconi-


INFORMATION TECHNOLOGY

Barabási Model.

8. Explain how to map networks to a Bose Gas Network.

9. Identify the impact of aging on the structure and the dynamics


of a growing network.

10. Explain the Ravasz Algorithm for community identification.

11.State Maximal Modularity Hypothesis andexplainthe


modularity maximization algorithm, proposed by Newman.

12. Compare the impact of Random Immunization and Selective


Immunization in the case of Scale-free Networks.
INFORMATION TECHNOLOGY

SYLLABUS

Module 1: Analyzing and modeling real-world phenomena with


complex networks- survey of selected applications -10 Hours

Studies of the Internet and World Wide Web based on Complex Networks,
Social networks- Personal relations- Acquaintances, Sexual relations,
Trust, Movie actors, Sports, Scientific collaboration, Citations, Music,
Terrorism networks, Communication Networks- Electronic mail, Telephone
Computer science- Software architecture, Data sharing, Circuits

Module 2: fitness (6 Hours)

Bianconi-Barabási Model, Degree Dynamics, Degree Distribution,


Measuring Fitness, behavioural basis for attachment proportional to
fitness, The Fitness of a Web Document, The Fitness of a Scientific
Publication, Bose-Einstein Condensation in Networks

Module 3: Evolving Networks (6 Hours)

Initial Attractiveness, Internal Links , Phase Transitions Induced by Node


Removal, Accelerated Growth, Aging, The Impact of Aging, Topological
Diversity, Modeling Diversity.

Module 4:(9Hours)- Communities

Basics of Communities, Hierarchical Clustering, Agglomerative


Procedures: the Ravasz Algorithm, Divisive Procedures: the Girvan-
Newman Algorithm, Hierarchy in Real Networks, Modularity, Overlapping
Communities, Testing Communities, Characterizing Communities.

Module 5: Spreading Phenomena (9 Hours)

Spreading Phenomena- Epidemic Modelling, Susceptible-Infected (SI)


Model, Susceptible-Infected-Susceptible (SIS) Model, Susceptible-Infected-
Recovered (SIR) Model, Network Epidemics, Susceptible-Infected (SI) Model
on a Network, SIS Model and the Vanishing Epidemic Threshold, Contact
Networks, Digital Viruses, Beyond the Degree Distribution, Temporal
Networks, Bursty Contact Patterns, Complex Contagion, Immunization,
Random Immunization, Vaccination Strategies in Scale-Free Networks,
Epidemic Prediction, ‘What if’ Analysis, Effective Distance.

Reference Books
1. A-L. Barabási , Network Science,Cambridge University Press 2016,
Available online:http://barabasi.com/networksciencebook/
INFORMATION TECHNOLOGY

2. Costa, L.D.F., Oliveira Jr, O.N., Travieso, G., Rodrigues, F.A., Villas
Boas, P.R., Antiqueira, L., Viana, M.P. and Correa Rocha, L.E., 2011.
Analyzing and modeling real-world phenomena with complex networks:
a survey of applications. Advances in Physics, 60(3), pp.329-412.
3. M.E.J. Newman, Networks - An introduction, Oxford University Press,
2010.
4. D. Easley and J. Kleinberg, Networks, Crowds and Markets, Cambridge
University Press.
5. R. Cohen and S. Havlin, Complex Networks - Structure, Robustness
and Function, Cambridge University Press, 2010.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
40 Hours
1 Analyzing and modelling real-world phenomena
with complex networks- survey of selected 10 Hours
applications
1.1 Studies of Internet and World Wide Web based on 2 Hours
Complex Networks
1.2 Social networks- Personal relations- Acquaintances,
Sexual relations, Trust, Movie actors, Sports, 2Hours
Scientific collaboration

1.3 Citations, Music, Terrorism networks 2 Hours


1.4 Communication Networks- Electronic mail, 2 Hours
Telephone

1.5 Computer science- Software architecture, Data 2Hours


sharing, Circuits

2 Fitness 6 Hours
2.1 Bianconi-Barabási Model 1Hour
2.2 Degree Dynamics, Degree Distribution 1 Hour
2.3 Measuring Fitness, behavioural basis for attachment 1 Hour
proportional to fitness
2.4 The Fitness of a Web Document, The Fitness of a 1Hour
Scientific Publication,
2.5 Bose-Einstein Condensation in Networks 2 Hours
3 Evolving Networks 6 Hours
3.1 Initial Attractiveness, Internal Links 1 Hour
3.2 Phase Transitions Induced by Node Removal 2 Hours
3.3 Accelerated Growth, Aging, The Impact of Aging 2 Hours
3.4 Topological Diversity, Modelling Diversity. 1 Hour
4 Communities 9 Hours
4.1 Basics of Communities, Hierarchical Clustering 2 Hours
4.2 Agglomerative Procedures: The Ravasz Algorithm 1 Hour
4.3 Divisive Procedures: the Girvan-Newman Algorithm 1 Hours
4.4 Hierarchy in Real Networks, Modularity 2 Hours
4.5 Overlapping Communities 1Hour
INFORMATION TECHNOLOGY

4.6 Testing Communities 1 Hour


4.7 Characterizing Communities. 1 Hour
5 Spreading Phenomena 9 Hours
5.1 Epidemic Modelling, Susceptible-Infected (SI) Model 1 Hour
5.2 Susceptible-Infected-Susceptible (SIS) Model,
Susceptible-Infected-Recovered (SIR) 2 Hours

5.3 Network Epidemics, Susceptible-Infected (SI) Model


on a Network, SIS Model and the Vanishing 2 Hours
Epidemic Threshold
5.4 Contact Networks, Digital Viruses 1 Hour
5.5 Beyond the Degree Distribution, Temporal Networks, 1 Hour
Bursty Contact Patterns, Complex Contagion
5.6 Immunization, Random Immunization, Vaccination 1 Hour
Strategies in Scale-Free Networks
5.7 Epidemic Prediction, ‘What if’ Analysis, Effective 1 Hour
Distance.
INFORMATION TECHNOLOGY

222EIT001 BIG DATA CATEGORY L T P CREDIT


ANALYTICS
PROGRAMME 3 0 0 3
ELECTIVE 3

Preamble: This course brings together several key big data technologies
used for storage, analysis and manipulation of data.

Course Outcomes: After the completion of the course the student will be
able to:

CO 1 Explain the need of Big Data, challenges and different analytical


architectures(Cognitive Knowledge Level: Understand)

CO 2 Use Hadoop Framework and ecosystems for implementing


programs for big data analysis(Cognitive Knowledge Level:
Apply)

CO 3 Use Map-reduce programming in Hadoop to analyze big data


(Cognitive Knowledge Level: Apply)

CO 4 Develop data analysis programs in Pig, Hive and HBase (Cognitive


Knowledge Level: Apply)

Program Outcomes (PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: An ability to communicate effectively, write and present technical


reports on complex engineering activities by interacting with the
engineering fraternity and with society at large.

PO3: An ability to demonstrate a degree of mastery over the area as per


the specialization of the program. The mastery should be at a level
higher than the requirements in the appropriate bachelor program
INFORMATION TECHNOLOGY

PO4: An ability to apply stream knowledge to design or develop


solutions for real world problems by following the standards

PO5: An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art
state solv
art tool to model, analyse and solve
practical engineering problems.

PO6: An ability to engage in life-long


life long learning for the design and
development related to the stream related problems taking into
consideration sustainability, societal, ethical and environmental
aspects

PO7: An ability to develop cognitive load management skills related to


project management and finance which focus on Entrepreneurship
and Industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1

CO 2

CO 3

CO 4

Assessment Pattern

Bloom’s Category End Semester


Examination
INFORMATION TECHNOLOGY

Understand 20%

Apply 80%

Analyse

Evaluate

Create

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation Pattern:

Evaluation shall only be based on application, analysis or design-based


questions (for both internal and end semester examinations).

Continuous Internal Evaluation Pattern:


Preparing a review article based on peer reviewed original
15 marks
publications (minimum 10 publications shall be referred)
Course based task/Seminar/Data collection and
15 marks
interpretation
Test paper, 1 no.
10 marks
(Test paper shall include minimum 80% of the syllabus)

End Semester Examination Pattern:


INFORMATION TECHNOLOGY

The end semester examination will be conducted by the respective College.


There will be two parts; Part A and Part B. Part A will contain 5
numerical/short answer questions with 1 question from each module,
having 5 marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis,
synthesis, evaluation and understanding of the students). Students should
answer all questions. Part B will contain 7 questions (such questions shall
be useful in the testing of overall achievement and maturity of the students
in a course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem solving and quantitative evaluation), with
minimum one question from each module of which student should answer
any five. Each question can carry 7 marks.
Total duration of the examination will be 150 minutes.
Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly.
For example if the average end semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.

Course Level Assessment Questions

Course Outcome 1 (CO1):

1. Explain the life cycle of Data Analytics.

2. Explain the characteristics of big data.

3. Explain big data architecture.

Course Outcome 2 (CO2):

1. Write commands to implement basic file management tasks in Hadoop.

2. Explore the various shell commands in Hadoop.

3. How is HDFS fault tolerant?


INFORMATION TECHNOLOGY

Course Outcome 3 (CO3):

1. Implement matrix multiplication with Hadoop Map Reduce

2. Write a program to count words using Map Reduce.

3. Write a MapReduce Program to retrieve data from documents.

Course Outcome 4 (CO4):

1. Write Pig Latin script to count the number of occurrences of each word in

an input text file.

2. How do you check whether a particular partition exists in Hive.

3. Explain how output record encoding is handled in Hive?


INFORMATION TECHNOLOGY

MODEL QUESTION PAPER

QP CODE:

Reg No: _______________

Name: _________________ PAGES :

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY

SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH & YEAR

222EIT001

BIG DATA ANALYTICS

Max. Marks : 60
Duration: 2.5 Hours

PART A

Answer All Questions. Each Question Carries 5 Marks(5x5=25)

1 How do volume, variety, velocity, and veracity help us decide 5


whether a given data source contributes to big data?

2 Explain the architecture of a stream computing system. 5

3 Implement matrix multiplication with Hadoop Map Reduce. 5

4 Illustrate the use of HiveQL queries with an example. 5

5 List and explain three complex data types in Pig. 5

Part B
(Answer any five questions. Each question carries 7 marks)

6. Identify challenges associated with Big Data processing and (7)


Management.

7. For a university management system prepare a rough design for (7)


each type of sandbox.

8. How are failures handled during Hadoop and MapReduce (7)


INFORMATION TECHNOLOGY

execution?

9. Compute the second moment and third moment of the stream 3, (7)
1, 4, 1, 3, 4, 2, 1, 2. Use as many estimation variables as number
of unique elements in that stream.

10. How do TaskTrackers and JobTracker make Hadoop scalable? (7)


Give an example of how a job is dispatched through these two
trackers.

11. Assuming you are given a dataset containing grades of all (7)
students under a university since 2015, how do you write a Pig
Latin script to generate a report of pass percentage of each
college for each year? Explain the script in detail.

12. Explain Hive data types and file formats in detail. (7)
INFORMATION TECHNOLOGY

SYLLABUS

Module 1

Introduction to big data: Types of big data, 5 v’s of big data, Big data
architecture, Introduction to big data analytics, Life cycle of Big data
analytics, Holistic view of analytics, Big data analytical method, Analytic
Processes and Analytic Tools - Analysis vs Reporting.

Introduction to Big Data Platform, Challenges of Conventional Systems -


Intelligent data analysis, Nature of Data, data privacy and ethics – privacy
landscape, global privacy principles.

Module 2:

Mining data streams: Introduction to Data Streams, Big data streaming,


Streaming data architecture, Stream Data Model - Stream Computing –
Sampling Techniques, Filtering Streams –Bloom filter, Counting Distinct
Elements in a Stream – Flajolet Martin Algorithm

Estimating Moments, Counting Oneness in a Window – DGIM algorithm,


Decaying Window – Realtime Analytics Platform (RTAP) Applications.

Module 3

Components of Hadoop – HDFS architecture, Analysing the Data with


Hadoop- Scaling Out- HadoopStreaming- Design of HDFS-Java interfaces to
HDFS Basics, Hadoop ecosystem

Developing a Map Reduce Application-Anatomy of a Map Reduce Job,


Scheduling-Shuffle and Sort -Task execution. Case Study: IBM Infosphere
Big Insights and Streams.

Module 4
INFORMATION TECHNOLOGY

Introduction to HBase, Filesystems for HBase, Client API - The Basics,


HBase clients – REST, ShellCommands, Map Reduce
IntegrationIntroduction to Pig, Grunt, pig data model.

Module 5:

Pig Latin-Advanced pig Latin, developing and testing PigLatin scripts, Map
Reduce Integration.

Hive: Data types and file formats, HiveQL data definition, HiveQL data
manipulation, HiveQL queries,HiveQL views, HiveQL Indexes, functions.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
(40)

1 Introduction to big data (9 hours)

1.1 Types of big data, 5 v’s of big data 1 hour

1.2 Big data architecture 1 hour

1.3 Introduction to big data analytics, Life cycle of Big data 1 hour
analytics

1.4 Holistic view of analytics 1 hour

1.5 Big data analytical method 1 hour

1.6 Analytic Processes and Analytic Tools - Analysis vs 1 hour


Reporting

1.7 Introduction to Big Data Platform, Challenges of 1 hour


Conventional Systems

1.8 Intelligent data analysis, Nature of Data 1 hour

1.9 Data privacy and ethics – privacy landscape, global privacy 1 hour
principles

Mining data streams (8 hours)


2

2.1 Introduction to Data Streams, Big data streaming 1 hour


INFORMATION TECHNOLOGY

2.2 Streaming data architecture, Stream Data Model - Stream 1 hour


Computing

2.3 Sampling Techniques 1 hour

2.4 Filtering Streams – Bloom filter 1 hour

2.5 Estimating Moments ,Counting Distinct Elements in a 1 hour


Stream – Flajolet Martin Algorithm

2.6 Counting Oneness in a Window – DGIM algorithm 1 hour

2.7 Decaying Window 1 hour

2.8 Real time Analytics Platform (RTAP) Applications, Case 1 hour


Studies - Real Time Sentiment Analysis- Stock Market
Predictions

3 Hadoop,HDFS, MapReduce (8 hours)

3.1 HDFS architecture 1 hour

3.2 Analyzing the Data with Hadoop 1 hour

3.3 Scaling Out- Hadoop, Streaming 1 hour

3.4 Design of HDFS-Java interfaces to HDFS Basics 1 hour

3.5 Hadoop ecosystem 1 hour

3.6 Developing a Map Reduce Application-Anatomy of a Map 1 hour


Reduce Job
INFORMATION TECHNOLOGY

3.7 Scheduling-Shuffle and Sort-Task execution 1 hour

3.8 Case Study: IBM Infosphere Big Insights and Streams 1 hour

4 Introduction to HBase and Pig (7 hours)

4.1 Filesystems for Hbase 1 hour

4.2 Client API - The Basics 1 hour

4.3 HBase clients 1 hour

4.4 REST Shell Commands 1 hour

4.5 Map Reduce Integration 1 hour

4.6 Introduction to Pig, Grunt 1 hour

4.7 Pig data model 1 hour

5 Pig Latin, Hive (8 hours)

5.1 Pig Latin , Developing and testing Pig Latin scripts 1 hour

5.2 Map Reduce Integration 1 hour

5.3 Hive, data types and file formats 1 hour

5.4 HiveQL data definition 1 hour

5.5 HiveQL data manipulation 1 hour


INFORMATION TECHNOLOGY

5.6 HiveQL queries 1 hour

5.7 HiveQL views 1 hour

5.8 HiveQL Indexes, functions. 1 hour

References

1. Michael Minelli, Michelle Chambers, and AmbigaDhiraj, "Big Data,


Big Analytics: Emerging Business Intelligence and Analytic Trends
for Today's Businesses", Wiley,2013.
2. P. J. Sadalage and M. Fowler, "NoSQL Distilled: A Brief Guide to
the Emerging World of Polyglot Persistence", Addison-Wesley
Professional,2012.
3. Tom White, "Hadoop: The Definitive Guide", Third Edition,
O'Reilley,2012. Analytics for Enterprise Class Hadoop and
Streaming Data”, McGrawHill Publishing, 2012.
4. Eric Sammer, "Hadoop Operations", O'Reilley,2012.
5. E. Capriolo, D. Wampler, and J. Rutherglen, "Programming Hive",
'Reilley,2012.
6. Lars George, "HBase: The Definitive Guide", O'Reilley,2011.
7. Alan Gates, "Programming Pig", O’Reilley,2011.
8. Chris Eaton, Dirk De Roos, Tom Deutsch, George Lapis, Paul
Zikopoulos,“Understanding Big Data: Analytics for Enterprise
Class Hadoop and Streaming Data”, McGrawHill Publishing, 2012.
9. Anand Rajaraman and Jeffrey D. Ullman,”Mining of Massive
Datasets”, Cambridge University Press, 2012.
10. Arshdeep Bahga, Vijay Madisetti, “Big Data Science & Analytics:
A Hands – On Approach",VPT, 2016
INFORMATION TECHNOLOGY

222EIT002 LAWS AND CATEGORY L T P CREDIT


ETHICS IN
COMPUTING PROGRAMME 3 0 0 3
ELECTIVE 3

Preamble: This course will enable the students to understand the ethical
issues in computing, code of conduct in the computing profession, intellectual
property rights issues, cybercrimes and cyber laws in India.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Identify the ethical issues and understand the characteristics of


professional ethics and the code of ethics for professional conduct.
(Level: Understand)

CO 2 Explain the ways to protect intellectual property rights in


computing and understand the terms and conditions in computing
contracts. (Level: Understand)

CO 3 Differentiate between the different computer crimes (Level:


Understand)

CO 4 Prepare and conduct a computer investigation with computer


forensics (Level: Apply)

CO 5 Explain the cyber laws in India (Level: Understand)

Program Outcomes:

PO 1 An ability to independently carry out research/ investigation and


development work in engineering and allied streams.

PO 2 An ability to communicate effectively, and write and present


technical reports on complex engineering activities by interacting
with the engineering fraternity and with society at large.

PO 3 An ability to demonstrate a degree of mastery over the area as per


the specialization of the program. The mastery should be at a level
higher than the requirements in the appropriate bachelor’s
program.
INFORMATION TECHNOLOGY

PO 4 An ability to apply stream knowledge to design or develop solutions


for real-world problems by following the standards.

PO 5 An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art tools to model, analyze and solve
practical engineering problems.

PO 6 An ability to engage in lifelong learning for the design and


development of stream-related problems taking into consideration
sustainability, societal, ethical, and environmental aspects.

PO 7 An ability to develop cognitive load management skills related to


project management and finance which focus on entrepreneurship
and industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √ √

CO 2 √ √

CO 3 √

CO 4 √ √ √ √

CO 5 √

Assessment Pattern

Bloom’s Category End Semester Examination

Understand 80%

Apply 20%
INFORMATION TECHNOLOGY

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Micro Project/ Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
INFORMATION TECHNOLOGY

problem-solving and quantitative evaluation), with a minimum one question


from each module of which student shall answer any five. Each question shall
carry seven marks.

MODEL QUESTIONS:

CO 1:

1. What are the issues related to ethics?

2. Explain the characteristics of professional ethics

CO 2:

1. How can you protect the intellectual property rights of a computer software?

2. What are the minimum components required to be specified in a computing


contract?

CO 3:

1. How do you classify computer crimes?

2. Differentiate between different types of computer crimes?

CO 4:

1. How to prepare for a computer investigation?

2. Explain the steps involved in conducting a computer investigation?

CO 5:

1. What is the purpose of cyber laws?

2. Explain the scope of cyber laws?


INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. Differentiate between descriptive and normative claims. [CO1]


2. Explain the law of confidence in Intellectual property rights. [CO2]
3. Explain the term computer fraud by giving any one example of such
activity. [CO3]
4. What do you mean by case law? How does it help in computer
investigation? [CO4]
5. List any five amendments in Indian Penal Code 1860 for cyber laws.
[CO5]

PART B (Answer any five questions. Seven marks each)

1. With an example, explain the ethical relativism theory used in ethics.


[CO1]
2. How to ensure copyright in computer-generated documents? [CO2]
3. List and explain any seven cybercrimes that are happening in India.
What can you do to prevent such crimes? [CO3]
4. What is the aim of computer forensics? Explain the main steps
performed in a computer forensics operation. [CO4]
5. Explain the cyber jurisprudence law of digital contracts? [CO5]
6. If you are asked to set up a computer forensic lab, explain the different
steps taken by you for setting up the lab.You have to give the
specifications for physical, hardware, and software requirements. [CO4]
7. Describe any seven hacking techniques used in cybercrimes. [CO3]
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Ethics and Professional Ethics (8 Hours)

Ethics – Philosophy, and issues - Vacuum of policies - conceptual muddles –


social context - moral and legal issues - uniqueness of ethical issues - role of
analogy - descriptive and normative claims - ethical theories- relativism -
utilitarianism- other theories.

Professional Ethics - Characteristics – the system of professions – computing


as a profession – professional relationship – responsibilities – code of ethics
and professional conduct.

Module II: IPR and Computing Contracts: (8 Hours)

Computing and Intellectual Property Rights - Overview of intellectual


property rights - Copyright basics - Computer software and copyright –
Copyright in Computer-generated works - The law of confidence - Copyright
and electronic publishing - Copyright in the information society - Patent law -
Trademarks and passing-off – product designs

Introduction to Computing Contracts - Fundamentals of computer contracts


– Liability for defective hardware and software - Contracts for writing software -
License agreements for "off-the-shelf" software - Contract between software
author and publisher – WEB and Hardware contracts.

Module III: Computer Crime: (8 Hours)

Computer Crime: Computer Fraud – Hacking – Unauthorized modification of


information – Piracy – Pornography and harassment.

Module IV: Computer Forensics: (8 Hours)

Computer Forensics: Introduction to Computer Forensics- history of computer


forensics- understanding case law- developing Computer forensics resources-
understanding law enforcement agency investigations- understanding
corporate investigations- maintaining professional conduct- Understanding
Computer Investigations - Preparing a computer investigation- taking a
systematic approach- procedures for corporate high tech investigations-
understanding data recovery workstations and software- conducting an
investigation- completing the case - Requirements for forensic lab certification-
INFORMATION TECHNOLOGY

determining the physical requirements for a computer forensics lab- selecting a


basic forensic workstation- building a business case for developing a forensic
lab

Module V: Cyber laws in India: (8 Hours)

Cyber laws in India: Basic Concepts of Technology and Law- Understanding


the Technology of Internet- Scope of Cyber Laws- Cyber Jurisprudence Law of
Digital Contracts - Intellectual Property Issues in CyberSpace - Rights of
Netizens and E-Governance - Information Technology Act 2000for data
protection - Legislation on waste management and green technology –
Legislation and Enforcement of usage of green Technology.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
(40)

1 Ethics and Professional Ethics (8 hours)

1.1 Ethics – philosophy and issues - Vacuum of policies - 1


conceptual muddles – social context

1.2 Moral and legal issues - uniqueness of ethical issues - 1


role of analogy - descriptive and normative claims

1.3 Ethical theories- relativism - utilitarianism- other 2


theories

1.4 Professional Ethics - Characteristics – the system of 1


professions

1.5 Computing as a profession – professional relationship 1

1.6 Responsibilities – code of ethics and professional 2


conduct.

2 IPR and Computing Contracts (8 hours)

2.1 Computing and Intellectual Property Rights - 1


Overview of intellectual property rights

2.2 Copyright basics - Computer software and copyright – 1


Copyright in Computer-generated works

2.3 The law of confidence - Copyright and electronic 1


publishing - Copyright in the information society

2.4 Patent law - Trademarks and passing-off – product 1


designs

2.5 Introduction to Computing Contracts - 1


Fundamentals of computer contracts- Liability for
defective hardware and software

2.6 Contracts for writing software 1

2.7 License agreements for "off-the-shelf" software - 1


Contract between software author and publisher
INFORMATION TECHNOLOGY

2.8 WEB and Hardware contracts. 1

3 Computer Crime (8 hours)

3.1 Computer Crime: Computer Fraud 1

3.2 Hacking 3

3.3 Unauthorized modification of information – Piracy 2

3.4 Pornography and harassment. 2

4 Computer Forensics(8 hours)

4.1 Introduction to Computer Forensics- history of 1


computer forensics- understanding case law-
developing Computer forensics resources

4.2 Understanding law enforcement agency investigations- 1


understanding corporate investigations- maintaining
professional conduct

4.3 Understanding Computer Investigations - Preparing a 1


computer investigation- taking a systematic approach

4.4 Procedures for corporate high-tech investigations- 1


understanding data recovery workstations and
software

4.5 Conducting an investigation- completing the case 1

4.6 Requirements for forensic lab certification- 1


determining the physical requirements for a computer
forensics lab-

4.7 Selecting a basic forensic workstation 1

4.8 Building a business case for developing a forensic lab 1

5 Cyber laws in India(8 hours)

5.1 Cyber laws in India: Basic Concepts of Technology 1


and Law

5.2 Understanding the Technology of the Internet- Scope 1


of Cyber Laws

5.3 Cyber Jurisprudence Law of Digital Contracts 1


INFORMATION TECHNOLOGY

5.4 Intellectual Property Issues in CyberSpace 1

5.5 Rights of Netizens and E-Governance 1

5.6 Information Technology Act 2000 for data protection 1

5.7 Legislation on waste management and green 1


technology

5.8 Legislation and Enforcement of usage of green 1


Technology.

Reference Books

1. Deborah G Johnson, Computer Ethics (Paperback), 3rd edition, Pearson


education.
2. D. Bainbridge, Introduction to Computer Law, 5/e, Pearson Education,
2004.
3. P. Duggal, Cyber Law – The Indian Perspective, Saakshar Law Publications,
New Delhi, 2009.
4. Bill Nelson, Amelia Phillips, Frank Enfinger, Christopher Steuart Computer
Forensics and Investigations, second Indian Reprint 2009, Cengage
Learning India.
INFORMATION TECHNOLOGY

222EIT003 CYBER CATEGORY L T P CREDIT


LEGISLATION AND
SECURITY PROGRAMME 3 0 0 3
POLICIES ELECTIVE 3

Preamble: This course will enable the students to have an understanding of


Cyber rules, regulations, and security policies.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Explain the social and intellectual property issues emerging from


cyberspace. (Level: Understand)

CO 2 Explore the legal and policy developments in various countries to


regulate Cyberspace. (Level: Understand)

CO 3 Describe the relationship between commerce and cyberspace


(Level: Understand)

CO 4 Explain the information technology act and legal frame work for
the right to privacy, data security, and data protection (Level:
Understand)

CO 5 Compare the various security policies and real-time crimes(Level:


Understand)

Program Outcomes:

PO 1 An ability to independently carry out research/ investigation and


development work in engineering and allied streams.

PO 2 An ability to communicate effectively, and write and present


technical reports on complex engineering activities by interacting
with the engineering fraternity and with society at large.

PO 3 An ability to demonstrate a degree of mastery over the area as per


the specialization of the program. The mastery should be at a level
higher than the requirements in the appropriate bachelor’s
program.

PO 4 An ability to apply stream knowledge to design or develop solutions


for real-world problems by following the standards.
INFORMATION TECHNOLOGY

PO 5 An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art tools to model, analyze and solve
practical engineering problems.

PO 6 An ability to engage in lifelong learning for the design and


development of stream-related problems taking into consideration
sustainability, societal, ethical, and environmental aspects.

PO 7 An ability to develop cognitive load management skills related to


project management and finance which focus on entrepreneurship
and industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √ √ √

CO 2 √ √ √ √

CO 3 √ √ √

CO 4 √ √ √ √ √

CO 5 √ √ √

Assessment Pattern

Bloom’s Category End Semester Examination

Understand 100%

Apply

Analyze
INFORMATION TECHNOLOGY

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
INFORMATION TECHNOLOGY

B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. Explain Computer Security mandates and legislation


2. Explain the trusted computer system evaluation criteria named Orange
book
3. What are the government requirements for buying security?
4. What do you mean by Cybercrimes? Discuss the nature and types of
Cybercrimes. What are the challenges due to them?

5. What is Cyber Stalking? Explain.

PART B (Answer any five questions. Seven marks each)

6. Explain the essential requirements of Cyber squatting.


7. Explain the principles behind digital signature sand digital certificates.
8. Explain the policy creation for email security.
9. Critically examine the various penal provisions under the Information
Technology Act 2000.
10. Compare Tier I, Tier II, and Tier III Corporate Policies regarding
electronic business.
11. Explain the Role of information security professionals.

12. Describe the elements of Internet Security Policies.


INFORMATION TECHNOLOGY

SYLLABUS

Module I: Introduction to Cyber Law Evolution of Computer Technology (8


Hours)

The emergence of Cyberspace – Cyber Ethics and Cyber Jurisdiction,


Jurisdiction issues under IT Act, 2000.Cyberspace-Web space, Web hosting
and web Development agreement, Legal and Technological Significance of
Domain Names, Internet as a tool for global access and internet protocols

Module II: Information technology Act (8 Hours)

Overview of IT Act, 2000, Amendments and Limitations of IT Act - Digital


Signatures, Cryptographic Algorithm, Public Cryptography, Private
Cryptography, Electronic Governance, Legal Recognition of Electronic Records,
Legal Recognition of Digital Signature Certifying Authorities, Cyber Crime and
Offences, Network Service Providers Liability, Cyber Regulations Appellate
Tribunal, Penalties and Adjudication.

Module III: Cyber law and related Legislation (8 Hours)

Patent Law, Trademark Law, Copyright Software – Copyright or Patented,


Domain Names and
Copyright disputes, Electronic Data Base and its Protection, IT Act and Civil
Procedure Code, IT Act and Criminal Procedural Code, Relevant Sections of
Indian Evidence Act, Relevant Sections
of Bankers Book Evidence Act, Relevant Sections of Indian Penal Code,
Computer Crime, Ethical issues in computer security.

Module IV: Electronic Business and legal issues (8 Hours)

Evolution and development in ecommerce, paper vs paperless contracts, E-


Commerce models- B2B,B2C,E-security, Application area: Business, taxation,
INFORMATION TECHNOLOGY

electronic payments, supply chain, Corporate policies-Tier1,Tier 2 and Tier 3


policies.

Module V: Writing the Security Policies (8 Hours)

Computer location and facility construction, Contingency planning - Internet


security policies, Administrative and User responsibilities, Internet security
policies, Human factors in security. Role of an information security
professional, Cyber Pornography (Exm.MMS),Cyber-Stalking.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
(40)

1 Introduction to Cyber Law Evolution of Computer


Technology(8 hours)

1.1 Emergence of Cyberspace 2

1.2 Cyber Ethics and Cyber Jurisdiction, 2

1.3 Jurisdiction issues under IT Act, 2000. 1

1.4 Cyberspace-Web space, Web hosting and web 2


Development
agreement, Legal and Technological Significance of
domain
Names.

1.5 Internet as a tool for global access and internet 1


protocols

2 Information technology Act(8 hours)

2.1 Overview of IT Act, 2000, Amendments, and 2


Limitations of IT Act

2.2 Digital Signatures, Cryptographic Algorithm, Public 2


Cryptography, Private Cryptography

2.3 Electronic Governance, Legal Recognition of 2


Electronic
Records, Legal Recognition of Digital Signature
Certifying Authorities

2.4 Cyber Crime and Offences, Network Service Providers 2


Liability, Cyber Regulations Appellate Tribunal,
Penalties
and Adjudication

3 Cyber law and related Legislation(8 hours)

3.1 Patent Law, Trademark Law, Copyright 1


INFORMATION TECHNOLOGY

3.2 Software – Copyright or Patented, Domain Names 2


and
Copyright disputes, Electronic Data Base and its
Protection

3.3 IT Act and Civil Procedure Code, IT Act and Criminal 1


Procedural Code

3.4 Relevant Sections of Indian Evidence Act, Relevant 2


Sections
of Bankers Book Evidence Act, Relevant Sections of
Indian
Penal Code

3.5 Computer Crime,Ethical issues in computer security 2

4 Electronic Business and legal issues (8 hours)

4.1 Evolution and development in Ecommerce 2

4.2 Paper vs paperless contracts, E-Commerce models- 2


B2B,
B2C,E security

4.3 Application area: Business, taxation, electronic 2


payments,
supply chain

4.4 Corporate policies-Tier1,Tier 2, and Tier 3 policies 2

5 Writing The Security Policies (8 hours)

5.1 Computer location and facility construction, 2


Contingency
planning

5.2 Internet security policies, Administrative and User 1


responsibilities,Internet security policies

5.3 Human factors in security. 1

5.4 Role of an information security professional 2

5.5 Cyber Pornography (Exm.MMS),Cyber-Stalking 2


INFORMATION TECHNOLOGY

Reference Books

1. Guide to Cyber Laws by Rodney D. Ryder; Wadhwa and Company, Nagpur.

2. Charles P. Pfleeger Security in computing, 4th edition, Prentice Hall, 2006.

3. Thomas R. Peltier, Information Security policies and procedures: A


Practitioner’s Reference, 2nd Edition Prentice Hall, 2004.

4. K. Kumar,” Cyber Laws: Intellectual property &E-Commerce, Security”,1st


Edition, DominantPublisher,2011.

5. Information Security Policy& Implementation Issues, NIIT, PHI


INFORMATION TECHNOLOGY

222EIT004 DESIGN
ESIGN AND ANALYSIS CATEGORY L T P CREDIT
OF NETWORKS PROGRAMME 3 0 0 3
ELECTIVE 3

Preamble:

This course helps the learner to inspire the students to learn the subject of
theoretical foundations in computer networking and understand the
fundamental concepts in design of networking also introduce the purpose of
analysing different concept of network and routing protocols

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Analyse
nalyse user requi
requirement, Application Analyse
Requirement, Device requirement and Network
Requirement
CO 2 Analyse flows through a given Network Analyse
Architecture
CO 3 Identify the architecture for network Apply
management
CO 4 Choose performance, security and privacy Apply
architecture
CO 5 Applying Interconnection Mechanism to the Apply
pply
design.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7
CO 1
CO 2
CO 3
CO 4
CO 5
Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 20%
Apply 60%
Analyse 20%
Evaluate 0%
Create 0%
INFORMATION TECHNOLOGY

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-


based, or design-based questions (for both internal and end-semester
examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be
referred)/Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module,
having five marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students shall answer all
questions. Part B shall contain seven questions (such questions shall be
useful in the testing of overall achievement and maturity of the students in a
course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem-solving and quantitative evaluation), with a
minimum one question from each module of which student shall answer any
five. Each question shall carry seven marks.
INFORMATION TECHNOLOGY

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly. For
example if the average end semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. Assume your institute is selected for a centre of broadcasting lecture


videos in realtime by APJ Abdul Kalam Technological University. For
that you need to conduct acapacity requirement analysis for the
proposed network. How can you perform theAnalysis? Explain.

2. Which flow models apply to each set of flows described below? Justify.

a. Forty workstations processing batch jobs overnight, managed by a


centralmainframe

b. A transaction-processing application, authorizing credit card


transactionsbetween a company’s retail stores and its headquarters

3. Provide an account on Monitoring mechanisms for managing a


network

4. Describe the term Physical Security. With a neat diagram explain the
areas of anetwork where you can implement Physical Security

5. Describe the process of making technology choices for network design

PART B (Answer any five questions. Seven marks each)

6. a. Compare and contrast the Tactical and Strategic significance of


networking projects. (3)

b. With a diagram mention the components behind Network Analysis.

(4)

7. a. Suppose you are a network analyst in an MNC. Your organization


has 40 workstations processing batch jobs overnight, managed by a
centralmainframe. Which flow model you will suggest the organization
to follow? Explain why. (4)

b.Briefly explain the Monitoring Mechanisms available today for a


network (3)

8. Suppose your institution has the below shown departments and labs.
It has been given a Class B network of address 142.118.0.0. Perform
VLSM on it and provide one subnet to each labs. (7)
INFORMATION TECHNOLOGY

Department Labs Size

IT 4 900

CCF 1 2000

EE 3 200

ECE 6 90

ME 5 150

CE 10 400

9. a. An IP address of 16.0.0.0/8 is assigned to an organization that has


50 departments. The organization needs to distribute IP addresses
among these 50departments. Identify

i. The subnet mask used

ii. The number of subnets possible

iii. The first and last address of the first 10 subnets

(4)

b. What is NAT? (3)

10. a. Briefly explain the importance of SLA. (4)

b. Outline the functionality of Next Hop Resolution Protocol. (3)

11. List different Security and Privacy mechanisms available for a


network. (7)

12. Explain how security and privacy administration can be done.

(7)
INFORMATION TECHNOLOGY

SYLLABUS

MODULE-1 (8 hours)

INTRODUCTION, REQUIREMENT ANALYSIS - Overview of Analysis,


Architecture and Design Processes-Performance Characteristics.
Requirement analysis - User Requirement- Application Requirement-
Device Requirement- Network Requirement- Other Requirement.
Gathering and Listing Requirements- Developing RMA, Delay and
Capacity Requirements.

MODULE-2 (8 hours)

FLOW ANALYSIS - Flows-Individual and Composite flow -Critical Flow,


Flow models, Flow Specification. Network Architecture- Component
Architecture, Reference Architecture, Architectural Models.

MODULE-3 (8 hours)

NETWORK MANAGEMENT ARCHITECTURE - Addressing Mechanisms-


Classful Addressing – Subnetting - Variable length Subnetting –
Supernetting-Private Addressing and NAT, Routing Mechanisms,
Addressing Strategies, Routing Strategies, Architectural Consideration.
Network management, Network management Mechanisms, Architectural
Considerations.

MODULE-4 (8 hours)

PERFORMANCE ARCHITECTURE, SECURITY AND PRIVACY


ARCHITECTURE - Performance Mechanisms- Quality Services, Service
level Arrangements, Architectural Consideration, Evaluation of
Performance Mechanisms- Internal Relationship, External Relationship.

MODULE-5 (8 hours)

Interconnecting Technologies - Developing Criteria for Technology


Evaluation, Making Technology Choices for the Network Design. Shared
Medium, Switching, hybrid Mechanism-NHRP-MPOA, Applying
Interconnection Mechanisms to the Design.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
1 Introduction, Requirement Analysis
1.1 Overview of Analysis 1
1.2 Architecture and Design Processes-Performance 1
Characteristics.
1.3 Requirement analysis - User Requirement 1
Application Requirement- Device Requirement 1
Network Requirement- Other Requirement. 1
1.4 Gathering and Listing Requirements 1
Developing RMA, Delay and Capacity Requirements 2
2 Flow Analysis
2.1 Individual and Composite flow 1
Critical Flow 1
2.2 Flow models 1
Flow Specification 1
2.3 Network Architecture 1
Component Architecture 1
Reference Architecture, Architectural Models. 2
3 Network Management Architecture
3.1 Addressing Mechanisms- Classful Addressing – 1
Subnetting 1
Variable length Subnetting – Supernetting 1
Private Addressing and NAT
3.2 Routing Mechanisms, Addressing Strategies 1
Routing Strategies, Architectural Consideration. 1
3.3 Network management 1
Network management Mechanisms 1
Architectural Considerations. 1
4 Performance Architecture, Security and Privacy Architecture
4.1 Performance Mechanisms 1
Quality Services, Service level Arrangements 1
Architectural Consideration 1
4.2 Evaluation of Performance Mechanisms 1
Internal Relationship 1
External Relationship. 1
4.3 Security and privacy Plan- Administration, Security 1
and privacy Mechanisms
Architectural considerations- Evaluation of Security 1
Mechanisms
INFORMATION TECHNOLOGY

5 Interconnecting Technologies
5.1 Developing Criteria for Technology Evaluation 2
Making Technology Choices for the Network Design. 2
5.2 Shared Medium, 1
Switching, hybrid Mechanism 1
5.3 NHRP-MPOA 1
Applying Interconnection Mechanisms to the Design. 1

Reference Books

1. 1.Network Analysis, Architecture and Design, 3rd Edition (The Morgan


Kaufmann Series in Networking) James D. McCabe, Elsevier Science
(USA), 2007.
2. 2.Network Architecture & Design, A Field Guide for IT Professionals,
Dimarzio, J.F. DiMarzio, SAMS Series
3. Top-Down Network Design Priscilla Oppenheimer from Cisco
Press.2004.
INFORMATION TECHNOLOGY

222EIT005 PERFORMANCE CATEGORY L T P CREDIT


EVALUATION OF PROGRAMME 3 0 0 3
COMPUTER SYSTEMS ELECTIVE 3
AND NETWORKS

Preamble: The objective of this course is to understand the fundamental


concepts of computer system performance evaluation. This will include an
introduction to mathematical modeling techniques (Markov Chains, Queuing
Theory, and Networks of Queues), discrete event simulation modeling,
experiment design, workload characterization, and measurement of
performance metrics, analysis, and presentation of results

Course Outcomes: After the completion of the course the student will be
able to:

CO 1 Identify the main parameters and metrics related to the


performance analysis of systems, particularly networks and
computer systems. (Cognitive Knowledge Level: Understand)
CO 2 Compare single and multiple queues systems, with or without
priority.
(Cognitive Knowledge Level: Understand)
CO 3 Explain different types of queueing networks (Cognitive Knowledge
Level: Understand)

CO 4 Use Queueing theory and Markov processes to model and measure


the performance of systems (Cognitive Knowledge Level: Apply)
CO 5 Explain the types and uses of Petri nets (Cognitive Knowledge
Level: Understand)

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7
CO 1 √ √ √ √ √ √
CO 2 √ √ √ √
CO 3 √ √ √ √
CO 4 √ √ √ √
CO 5 √ √ √ √ √

Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 80%
Apply 20%
Analyse
INFORMATION TECHNOLOGY

Evaluate
Create

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module,
having five marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students shall answer all
questions. Part B shall contain seven questions (such questions shall be
useful in the testing of overall achievement and maturity of the students in a
course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem-solving and quantitative evaluation), with a
minimum one question from each module of which student shall answer any
five. Each question shall carry seven marks.
INFORMATION TECHNOLOGY

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly. For
example, if the average end semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. What is meant by Queueing theory?

2. Distinguish between Discrete-Time versus Continuous-Time Markov


Chains?

3. What does Load really mean in an M/M/k?

4. What are the basic elements of Petri Net?

5. Compare Computer Time-Sharing and Multi-access Systems

PART B (Answer any five questions. Seven marks each)

6. Explain the Classification of Queueing Networks

7. Describe Little's Law for Open Systems and closed systems.

8. Explain the Umbrella Problem of Finite-State DTMCs

9. Describe Google's DTMC Algorithm.

10. State and prove Burke's Theorem.

11. Explain the procedure to compute the reach ability graph of


Petri net.

12. Discuss the firing rules of timed Petri nets.

13. Describe the flow control mechanism of computer networks in a


detailed way.
INFORMATION TECHNOLOGY

SYLLABUS

Module – 1 (8 hours)

Introduction to Queueing-Motivating Examples of the Power of Analytical


Modeling-Queueing Theory Terminology-Probability Review-Generating
Random Variables-Sample Paths, Convergence, and Averages-The Predictive
Power of Simple Operational Laws- Little's Law and Other Operational Laws-
Modification Analysis: What-if for Closed Systems

Module – 2 (8 hours)

From Markov Chains to Simple Queues-Discrete-Time Markov Chains-


Ergodicity Theory- Real-World Examples: Google, Aloha, and Harder Chains-
Exponential Distribution and the Poisson Process-Transition to Continuous-
Time Markov Chains-M/M/1 and PASTA.

MODULE: 3 (7 hours)

Server Farms and Networks: Multi-Server, Multi-Queue Systems-Server


Farms: M/M/k and M/M/k/k-Capacity Provisioning for Server Farms-Time-
Reversibility and Burke's Theorem-Networks of Queues and Jackson
Product Form-Classed Network of Queues-Closed Networks of Queues-
Transform Analysis-Power Optimization Application

MODULE: 4 (8 hours)

Computer Time-Sharing and Multi-access Systems- Computer-


Communication Networks: Analysis and Design -Computer-Communication
Networks: Measurement, Flow Control, and ARPANET Traps

MODULE: 5 (8 hours)

PETRI NETS, classical Petri Nets, Timed Petri Nets Priority–


based Petri Nets, Colored Petri Nets. Generalized Petri Nets – Tool Selection –
Validation of Results.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
(40)
Module – 1 (8 hours)

1.1 Introduction to Queueing-Motivating Examples of the


Power of Analytical Modeling-Queueing Theory Terminology 2

1.2 Probability Review-Generating Random Variables-Sample


Paths, Convergence, and Averages 2

1.3 The Predictive Power of Simple Operational Laws- Little's


Law and Other Operational Laws 2

1.4 Modification Analysis: What-if for Closed Systems


2

Module – 2 (8 hours)

2.1 From Markov Chains to Simple Queues-Discrete-Time


Markov Chains-Ergodicity Theory- 2

2.2 Real-World Examples: Google, Aloha, and Harder Chains-. 2


2.3 Exponential Distribution and the Poisson Process-
Transition to Continuous-Time Markov Chains 2

2.4 M/M/1 and PASTA.


2

MODULE: 3 (8 hours)

3.1 Server Farms and Networks: Multi-Server, Multi-Queue


2
Systems-Server Farms: M/M/k and M/M/k/k
3.2 Capacity Provisioning for Server Farms-Time-Reversibility
2
and Burke's Theorem
3.3 Networks of Queues and Jackson Product Form-Classed
2
Network of Queues-Closed Networks of Queues
3.4 Transform Analysis-Power Optimization Application 2
MODULE: 4 (8 hours)
INFORMATION TECHNOLOGY

4.1 Computer Time-Sharing Systems 2


4.2 Multi access systems 1
4.3 Computer-Communication Networks: Analysis and Design. 2
4.4 Computer-Communication Networks: Measurement, Flow
2
Control
4.5 ARPANET Traps
1

MODULE: 5 (8 hours)

5.1 PETRI NETS – Classical Petri Nets 2


5.2 Timed Petri Nets 1
5.3 Priority-based Petri Nets 1
5.4 Colored Petri Nets. 1
5.5 Generalized Petri Nets 1
5.6 Tool Selection – Validation of Results. 2

Reference Books

1. Mor Harchol-Balter, Performance Modeling and Design of Computer


Systems: Queueing Theory in Action. Cambridge University Press, 2013

2. L. Kleinrock, Queueing Systems vol I & II , John Wiley and Sons, 1975.

3. Averill, M. "Law. Simulation modeling and analysis." Tata McGraw-Hill


(2007).

4. Paul J. Fortier, Howard E. Michael, Computer Systems Performance


Evaluation and Prediction‖, Elsevier Science 2003.

5. Thomas G. Robertazzi, Computer Networks and Systems Queing theory


and Performance Evaluation‖, 3rd Edition, Springer, 2000.

6. JY Le Boudec, Performance Evaluation of Computer and Communication


Systems, EPFL

7. D. Menascé et al., Performance by Design, Prentice Hall .

8. Domenico Ferrari, Giuseppe Serazzi ,Alexandro Zeijher, Measurement &


Tuning of Computer Systems , Prentice Hall Inc, 1983.

9. Michael F. Mories and Paul F. Roth, Tools and techniques Computer


Performance
Evaluation‖, Van Nostrand, 1982.
INFORMATION TECHNOLOGY

PROGRAM
ELECTIVE IV
INFORMATION TECHNOLOGY

222EIT006 VIRTUALIZATION CATEGORY L T P CREDIT


TECHNIQUES PROGRAMME 3 0 0 3
ELECTIVE 4

Preamble:

The syllabus is designed with the view of preparing the students capable of
understanding the virtualization techniques. The students will learn about
network, server, and storage virtualization.

Course Outcomes:

After completion of the course, the student will be able to

CO 1 Explain the fundamentals and current practices in virtualization.


(Level: Understand)

CO 2 Discuss and Develop Virtual server platforms (Level: Apply)

CO 3 Apply Network virtualization and Application virtualization


concepts in real world scenario. (Level: Apply)

CO 4 Summarise various devices and technologies required for providing


virtual storage and discuss the concepts of Virtual Desktop (Level:
Understand)

CO 5 Apply the concepts of virtualization in computing, network and


storage, and recognize the major providers of such systems in the
market today(Level: Apply)

Program Outcomes (PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: An ability to communicate effectively, write and present technical


reports on complex engineering activities by interacting with the
engineering fraternity and with society at large.
INFORMATION TECHNOLOGY

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher
than the requirements in the appropriate bachelor program

PO4: An ability to apply stream knowledge to design or develop solutions for


real-world problems by following the standards

PO5: An ability to identify, select and apply appropriate techniques,


resources and state
state-of-the-art tools to model, analyze and solve
practical engineering problems.

PO6: An ability to engage in life


life-long
long learning for the design and
development related tto
o the stream related problems taking into
consideration sustainability, societal, ethical
ethical, and environmental
aspects

PO7: An ability to develop cognitive load management skills related to


project management and finance which focus on Entrepreneurship and
Industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7
CO 1
CO 2
CO 3
CO 4
CO 5

Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 50%
Apply 50%
Analyse
Evaluate
Create

Mark distribution
INFORMATION TECHNOLOGY

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module,
having five marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students shall answer all
questions. Part B shall contain seven questions (such questions shall be
useful in the testing of overall achievement and maturity of the students in a
course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem-solving and quantitative evaluation), with a
minimum one question from each module of which student shall answer any
five. Each question shall carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly.
INFORMATION TECHNOLOGY

For example, if the average end-semester mark % for a core course is 40,
then the maximum eligible mark % for an elective course is 40+20 = 60 %.

Course Level Assessment Questions

Course Outcome 1 (CO1):

1. Explain different types of virtualization architectures.

2 Give the taxonomy of virtual machines.

Course Outcome 2 (CO2)

1. Discuss the uses of Virtual server consolidation.

2. Describe virtual enterprise transport virtualization

3. What is the need for server virtualization?

Course Outcome 3(CO3):

1. Explain plane virtualization in detail

2. Explain VRF in detail.

3. Discuss how VLAN and VRF are different

4. Give examples for application virtualization.

Course Outcome 4 (CO4):

1. Explain the importance of Virtual tape libraries

2.Explain the different common RAID levels, with appropriate diagrams

3. Briefly explain different desktop virtualization scenarios with appropriate


diagrams.

Course Outcome 5 (CO5):

1. Apply the various virtualization technologies you studied to design an


effective IT infrastructure in your college.
2. What are the differences between SAN and NAS?
INFORMATION TECHNOLOGY

3. How virtualization technologies help an IT infrastructure manager in


managing resources? Describe with any case study.

MODEL QUESTION PAPER

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY


INFORMATION TECHNOLOGY

SECOND SEMESTER M. TECH DEGREE EXAMINATION, MONTH & YEAR

Course Code: 222EIT006

Course Name: VIRTUALIZATION TECHNIQUES

Max. Marks: 60
Duration: 2.5 Hours

PART A

Answer All Questions. Each Question Carries 5 Marks

1. Explain hardware partitioning and software partitioning, with their merits


and demerits.
2. Draw the figures, with a brief explanation, which show the difference
between High-level
language virtual machine and conventional systems.
3. Explain Zoning in the context of storage virtualization. How Zoning is done?
4. Compare two VMware products with their characteristic features.
5. Discuss the term DLL Hell. How Application Virtualization helps to
overcome such issues.

Part B
(Answer any five questions. Each question carries 7 marks)
6. Briefly explain different desktop virtualization scenarios with appropriate
diagrams.
7. Discuss in detail, storage, network, and desktop virtualization.
8. How is Virtualization architecture different from traditional architecture?
What are the different virtualization architectures? Explain with diagrams
and examples.
9. What are the business cases for server virtualization?Explain the list of
factors to be considered in choosing an appropriate server virtualization
platform
10. Define the following in the context of network device virtualization:
a. Virtual LAN (VLAN)
b. Virtual routing and forwarding (VRF)
c. Virtual forwarding instance (VFI)
d. Virtual firewall context
INFORMATION TECHNOLOGY

11. Assume an airport used by several airlines and having several common
facilities.

(i) Briefly describe the scenario.

(ii) List different roles that could be played by virtualization in this scenario.

(iii) List and describe the different virtualization technologies which will be
involved.

12. Explain about SNIA shared storage model.

SYLLABUS

Module 1
INTRODUCTION TO VIRTUALIZATION (8 hours)
System Architectures (Layers-interfaces-API-ABI-ISA) –Virtual Machine
INFORMATION TECHNOLOGY

Basics,Types of Virtualization Techniques, Process virtual machines,


System virtual Machines, Taxonomy of virtual machines, Emulation: Basic
Interpretation – Threaded Interpretation – Pre-coded & Direct Interpretation
– Binary translation, Full and Para Virtualization, Types of Hypervisor,
Types of Virtualization.
Module 2
HIGH LEVEL LANGUAGE VIRTUAL MACHINES AND SERVER
VIRTUALIZATION (8 hours)
HLL Virtual Machines: Object Oriented HLL VMs - Java VM architecture -
Java Native Interface - Common Language Infrastructure.
Server virtualization: Partitioning techniques – Physical and Logical
Partitioning, Virtual hardware, Virtual server Consolidation, Uses of
virtual servers, Server virtualization platforms, Merits and demerits
Module 3
NETWORK AND APPLICATION VIRTUALIZATION(8 hours)
Network Virtualization: Design of Scalable Enterprise Networks, Layer 2
Virtualization – VLAN - VFI, Layer 3 Virtualization – VRF - Virtual Firewall
Contexts, Network Device Virtualization, Data Path Virtualization- Generic
Routing Encapsulation – IPsec, L2TPv3 Label Switched Paths - Control
Plane Virtualization–Routing Protocols-Multi-TopologyRouting.
Application Virtualization: Concepts - Application Management Issues -
Redesign Application Management – Application Migration
Module 4 STORAGE AND DESKTOP VIRTUALIZATION(9 hours)
Storage Virtualization: SCSI- SCSI buses,FiberChannel – Fiber Channel
Cables – Fiber Channel Hardware Devices, iSCSIArchitecture – Securing
iSCSI, Backup and Recovery techniques,RAIDLevels (RAID 0, RAID 1,
RAID 5, RAID 0+1, RAID 1+0, RAID 5+0).SNIASharedStorageModel–
ClassicalStorageModel–SNIASharedStorageModel–Host-basedArchitecture–
Storagebasedarchitecture – Network based Architecture – Fault tolerance
to SAN –Performing Backups.
Desktop Virtualization: Concepts - Desktop Management Issues - Potential
Desktop Virtualization Scenarios - Desktop Virtualization Infrastructures
Module 5
INFORMATION TECHNOLOGY

APPLYING VIRTUALIZATION (7 hours)


Comparison of Virtualization Technologies: Guest OS, host OS, hypervisor,
emulation, kernel level, shared kernel – Enterprise Solution: VMware
Server, VMware Esxi, Citrix XenServer, Microsoft virtual PC, Microsoft
Hyper–V, Virtual box – Server Virtualization: configuring Server with server
virtualization, Adjusting & tuning virtual servers.VM backup & migration,
Desktop Virtualization:terminal services, hosted desktop, web based
solutions, localized virtualized desktop, Network & storage
virtualization:VPN,VLAN,SAN & VSAN,NAS.

COURSE PLAN

No Topic No. of
Lectures
(40)
INFORMATION TECHNOLOGY

1 Module 1 INTRODUCTION TO VIRTUALIZATION (8 hours)


1.1 System Architectures(Layers-interfaces-API-ABI-ISA) – 1
Virtual Machine Basics
1.2 Types of Virtualization Techniques 1
1.3 Process virtual machines – System virtual Machines 1
1.4 Taxonomy of virtual machines 1
1.5 Emulation: Basic Interpretation 1
1.6 Threaded Interpretation 1
1.7 Pre-coded & Direct Interpretation – Binary translation 1
1.8 Full and Para Virtualization, Types of Hypervisor, Types 1
of Virtualization
2 Module 2 HIGH LEVEL LANGUAGE VIRTUAL MACHINES AND
SERVER VIRTUALIZATION (8 hours)
2.1 HLL Virtual Machines: Object Oriented HLL VMs - Java 1
VM architecture
2.2 Java Native Interface - Common Language 1
Infrastructure.
2.3 Server virtualization: Partitioning techniques - 2
PhysicalandLogicalPartitioning
2.4 Virtual hardware, VirtualserverConsolidation 1
2.5 Uses of virtual servers 1
2.6 Server virtualization platforms 1
2.7 Merits and Demerits (contexts where server 1
virtualization can be and can’t be used)
3 Module 3 NETWORK AND APPLICATION VIRTUALIZATION(8
hours)
3.1 Network virtualization : Design of Scalable Enterprise 1
Networks
3.2 Layer2 Virtualization – VLAN - VFI 1
3.3 Layer 3 Virtualization – VRF - Virtual Firewall Contexts 1
3.4 Network Device Virtualization, Data Path Virtualization- 1
Generic Routing Encapsulation
3.5 IPsec, L2TPv3 Label Switched Paths 1
3.6 Control Plane Virtualization–Routing Protocols - Multi- 1
TopologyRouting
3.7 Application Virtualization:Concepts - Application 1
Management Issues
3.8 Redesign Application Management – Application 1
Migration
INFORMATION TECHNOLOGY

4 Module 4 STORAGE AND DESKTOP VIRTUALIZATION (9 Hours)


4.1 SCSI- SCSI buses – FiberChannel – Fiber Channel 1
Cables – Fiber Channel Hardware Devices,
iSCSIArchitecture – Securing iSCSI
4.2 SAN backup and recovery techniques 1
4.3 RAID – RAID 0, RAID 1, RAID 5, RAID 0+1, RAID 1+0, 2
RAID 5+0
4.4 SNIASharedStorageModel - ClassicalStorageModel 1
4.5 SNIASharedStorageModel 1
4.6 HostbasedArchitecture–Storagebasedarchitecture – 1
Network based Architecture, Fault tolerance to SAN –
Performing Backups
4.7 Desktop Virtualization:Concepts - Desktop 1
Management Issues -
Potential Desktop Virtualization Scenarios - Desktop 1
Virtualization Infrastructures
5 Module 5 APPLYING VIRTUALIZATION (7 hours)
5.1 Comparison of Virtualization Technologies: Guest OS, 1
Host OS, hypervisor, emulation, kernel level, shared
kernel
5.2 Enterprise Solution: VMware Server, VMware Esxi, 1
Citrix XenServer, Microsoft virtual PC, Microsoft Hyper–
V
5.3 Virtual box – Server Virtualization: configuring Server 1
with server virtualization
5.4 Adjusting & tuning virtual servers 1
5.5 VM backup & migration 1
5.6 Desktop Virtualization:terminal services, hosted 1
desktop, web based solutions, localized virtualized
desktop
5.7 Network & storage virtualization: VPN,VLAN,SAN 1
&VSAN,NAS
Reference Books
INFORMATION TECHNOLOGY

1. James E. Smith, Ravi Nair, Virtual Machines: Versatile Platforms


for Systems and Processes,Elsevier/MorganKaufmann, 2005.
2. Williamvon Hagen,Professional Xen Virtualization, WroxPublications,
January,2008.
3. ChrisWolf,ErickM.Halter,Virtualization:FromtheDesktoptotheEnterprise,
APress2005.
4. KumarReddy,VictorMoreno,Networkvirtualization,CiscoPress,July,2006.
5. David Marshall, Wade A. Reynolds, Advanced Server
Virtualization: VMware and MicrosoftPlatformin theVirtualData
Center, AuerbachPublications,2006
6. Danielle Ruest, Nelson Ruest - Virtualization: A Beginner‟s Guide, TMH,
2009
7. Kenneth Hess , Amy Newman: Practical Virtualization Solutions:
Virtualization from the Trenches Prentice Hall 2010
INFORMATION TECHNOLOGY

222EIT007 BLOCKCHAIN CATEGORY L T P CREDIT


TECHNOLOGY
PROGRAMME 3 0 0 3
ELECTIVE 4

Preamble: This course is intended for students to have a deeper knowledge of


the Blockchain Framework, Blockchain Architecture, Future systems,
Blockchain in business, and its applications.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Describe the history, types, and applications of Blockchain. (Level:


Understand)

CO 2 Explain Blockchain Architecture and Consensus mechanisms.


(Level: Understand)

CO 3 Develop projects using Web3J. (Level: Apply)

CO 4 Build an ICO on Ethereum with Blockchain in business. (Level:


Apply)

CO 5 Construct blockchain-based application with Swarm. (Level: Apply)

Program Outcomes ( PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.
PO1:An ability to independently carry out research/investigation and
development work in engineering and allied streams
PO2:An ability to communicate effectively, write and present technical reports
on complex engineering activities by interacting with the engineering
fraternity and with society at large.
INFORMATION TECHNOLOGY

PO3:An
An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher than
the requirements in the appropriate bachelor program
PO4:An
An ability to apply stream knowledge to design or develop solutions for
real world problems by following the standards
PO5:An
An ability to identify, select and apply appropriate techniques, resources
art tool to model, analyse and solve practical engineering
and state-of-the-art
problems.
PO6:An
An ability to engage in life-long
life learning for the design and development
related to the stream related problems taking into consideration
sustainability, societal, ethical and environmental aspects
PO7:An
An ability to develop cognitive load management skills related to project
focus on Entrepreneurship and Industry
management and finance which focus
relevance.
Mapping of course outcomes with program outcomes
PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1

CO 2

CO 3

CO 4

CO 5

Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 40%
Apply 60%
INFORMATION TECHNOLOGY

Analyse
Evaluate
Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation Pattern:

Evaluation shall only be based on application, analysis or design based


questions (for both internal and end semester examinations).

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
INFORMATION TECHNOLOGY

numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded to
a student for each elective course shall be normalized accordingly.
INFORMATION TECHNOLOGY

Model Question Paper


QP CODE:
Reg No: _______________
Name: _________________ PAGES :
4
APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY
SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH & YEAR
Course Code: .............
Course Name: BLOCKCHAIN TECHNOLOGY
Max. Marks : 60
Duration: 2.5 Hours
PART A
Answer All Questions. Each Question Carries 5 Marks
1. Discuss the various attacks of vectors and vulnerabilities 5
that may be present in blockchain.
2. Explain the shortcomings of current transaction systems. 5
3. Describe the concept of a block and its components. 5
4. Define a Merkle hash tree, describe its role in blockchain, 5
and explain the meaning of a Merkle root in the block
header.
5. Justify whether a public blockchain requires issuing its
own native cryptocurrency to provide incentives to its 5
validator network?
Part B
(Answer any five questions. Each question carries 7 marks)
6. (a) Differentiate between a public/permissionless and a (7)
private/permissioned blockchain.

7. (a) Explain how consumer privacy is relevant to CBDCs. (7)

8. (a) Discuss whether the SHA-256 hash is appropriate for (7)


most blockchains
INFORMATION TECHNOLOGY

9. (a) Define a utility token and indicate how it differs from a (7)
SoV/MoE token

10. (a) Provide three reasons why blockchain is an (7)


improvement to the current system of data security and
data transfer
11. (a) Identify the two branches of AI research and the branch (7)
more relevant to blockchain

12. (a) Discuss how cryptocurrencies are classified by the (7)


various government entities described in the reading
INFORMATION TECHNOLOGY

SYLLABUS

Module 1: Introduction to blockchain : (8 hours) History, Definition,


Distributed Ledger, Blockchain Categories – Public, Private, Consortium,
Blockchain Network and Nodes, Peer-to-Peer Network, Mining Mechanism,
Generic elements of Blockchain, Features of Blockchain, and Types of
Blockchain.

Module 2: Blockchain architecture : (8 hours)Operation of Bitcoin


Blockchain, Blockchain Architecture – Block, Hash, Distributer P2P, Structure
of Blockchain-Consensus mechanism: Proof of Work (PoW), Proof of Stake (PoS),
Byzantine Fault Tolerance (BFT),Proof of Authority (PoA) and Proof of Elapsed
Time (PoET)

Module 3: Blockchain-based future system : ( 8 hours) Project presentation-


Futures smart contract: Blockchain oracles-Web3j: Setting up the Web3J-
Installing web3J- Wallet creation, Java client: The wrapper generator-
Initializing web3j- Setting up Ethereum accounts- Deploying the contract.

Module 4: Blockchains in business and creating ico: ( 8 hours) Public


versus private and permissioned versus permission less blockchains- Privacy
and anonymity in Ethereum, Why are privacy and anonymity important? - The
Ethereum Enterprise Alliance- Blockchain- as-a-Service, Initial Coin Offering
(ICO): Project setup for ICO implementation- Token contracts- Token sale
contracts-Contract security and testing the code.

Module 5: Distributed storage ipfs and swarm: (8 hours)Ethereum Virtual


Machine- Swarm and IPFS: Installing IPFS, Hosting our frontend: Serving your
frontend using IFPS, Serving your frontend using Swarm, IPFS file uploader
project: Project setup - the web page.
INFORMATION TECHNOLOGY

COURSE PLAN (For 3-credit courses, the content can be for 40 hours, and for
2-credit courses, the content can be for 26 hours. The audit course in the third
semester can have content for 30 hours).

No Topic No. of
Lectures

1 INTRODUCTION TO BLOCK CHAIN(8 hours)

1.1 History, Definition, Distributed Ledger 1

1.2 Blockchain Categories – Public, Private 1

1.3 Consortium, Blockchain Network and Nodes 1

1.4 Peer-to-Peer Network 1

1.5 , Mining Mechanism 1

1.6 Generic elements of Blockchain 1

1.7 Features of Blockchain 1

1.8 Types of Blockchain 1

2 BLOCKCHAIN ARCHITECTURE(8 hours)

2.1 Operation of Bitcoin Blockchain, 1

2.2 Blockchain Architecture – Block hash 1

2.3 Distributer P2P 1

2.4 Structure of Blockchain-Consensus mechanism: 1


INFORMATION TECHNOLOGY

2.5 Proof of Work (PoW) 1

2.6 Proof of Stake (PoS) 1

2.7 Byzantine Fault Tolerance (BFT) 1

2.8 Proof of Authority (PoA) and Proof of Elapsed Time 1


(PoET)

3 BLOCKCHAIN-BASED FUTURES SYSTEM(8 hours)

3.1 Project presentation- Futures smart contract: 1

3.2 Blockchain oracles 1

3.3 Web3j: Setting up the Web3J 1

3.4 Installing web3J- Wallet creation 1

3.5 Java client: The wrapper generator 1

3.6 Initializing web3j 1

3.7 Setting up Ethereum accounts 1

3.8 Deploying the contract 1

4 BLOCKCHAINS IN BUSINESS AND CREATING ICO(8 hours)

4.1 Public versus private blockchains 1

4.2 Permissioned versus permission less blockchains 1

4.3 Privacy and anonymity in Ethereum 1


INFORMATION TECHNOLOGY

4.4 Why are privacy and anonymity important? The 1


Ethereum Enterprise Alliance

4.5 Blockchain- as-a-Service 1

4.6 Initial Coin Offering (ICO): Project setup for ICO 1


implementation

4.7 Token contracts- Token sale contracts 1

4.8 Contract security and testing the code 1

5 DISTRIBUTED STORAGE IPFS AND SWARM(8 hours)

5.1 Ethereum Virtual Machine 1

5.2 Swarm and IPFS: 1

5.3 Installing IPFS 1

5.4 Hosting our frontend 1

5.5 Serving your frontend using IFPS 1

5.6 Serving your frontend using Swarm 1

5.7 IPFS file uploader project 1

5.8 Project setup - the web page 1

Sample Mini Project work questions:

* Develop a frontend using Swarm, IPFS file uploader

* Project setup - the web page creation

Reference Books
INFORMATION TECHNOLOGY

1. Imran Bashir, “Mastering Blockchain: Distributed Ledger Technology,


decentralization, and smart contracts explained”, 2nd Edition, Packt
Publishing Ltd, March 2018.
2. Bellaj Badr, Richard Horrocks, Xun (Brian) Wu, “Blockchain By Example:
A developer's guide to creating decentralized applications using Bitcoin,
Ethereum, and Hyperledger”, Packt Publishing Limited, 2018.
3. Andreas M. Antonopoulos , “Mastering Bitcoin: Unlocking Digital
Cryptocurrencies”, O’Reilly Media Inc, 2015
4. Arvind Narayanan, Joseph Bonneau, Edward Felten, Andrew Miller and
Steven Goldfeder, “Bitcoin and Cryptocurrency Technologies: A
Comprehensive Introduction”, Princeton University Press, 2016.
INFORMATION TECHNOLOGY

222EIT008 SOCIAL CATEGORY L T P CREDIT


NETWORK
ANALYSIS PROGRAMME 3 0 0 3
ELECTIVE 4

Preamble: This course is intended for students to have a deeper knowledge of


selected topics in Social Network Analysis including semantic web, modeling,
aggregating and knowledge representation, predicting human behavior and
privacy issues, and analyzing social networks.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Apply network concepts in social network analysis (Level: Apply)

CO 2 Make use of ontological representation of social relationships to


reason with social network data. (Level: Apply)

CO 3 Explain how network analysis can contribute to increasing


knowledge about diverse aspects of society (Level: Understand)

CO 4 Describe human behavior and privacy issues. (Level: Understand)

CO 5 Experiment with social network data using various techniques.


(Level: Apply)

Program Outcomes (PO)


Outcomes are the attributes that are to be demonstrated by a graduate after
completing the course.
PO1:An ability to independently carry out research/investigation and
developmentwork in engineering and allied streams
PO2:An ability to communicate effectively, write and present technical reports
on complex engineering activities by interacting with the engineering
fraternity and with society at large.
INFORMATION TECHNOLOGY

PO3:An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher than
the requirements in the appropriate bachelor program
PO4:An
An ability to apply stream knowledge to design or develop solutions
solution for
real world problems by following the standards
PO5:An
An ability to identify, select and apply appropriate techniques, resources
art tool to model, analyse and solve practical engineering
and state-of-the-art
problems.
PO6:An life-long learning for the design and development
An ability to engage in life
related to the stream related problems taking into consideration
sustainability, societal, ethical and environmental aspects
PO7:An
An ability to develop cognitive load management skills related to project
d finance which focus on Entrepreneurship and Industry
management and
relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1

CO 2

CO 3

CO 4

CO 5

Assessment Pattern

Bloom’s Category End Semester Examination


INFORMATION TECHNOLOGY

Understand 40%

Apply 60%

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

Continuous Internal Evaluation Pattern:

Evaluation shall only be based on application, analysis or design based


questions (for both internal and end semester examinations).

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:


INFORMATION TECHNOLOGY

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded to
a student for each elective course shall be normalized accordingly.
For example, if the average end-semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER


QP CODE:
Reg No: _______________
Name: _________________ PAGES : 4
APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY
SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH & YEAR
Course Code: .............
Course Name: SOCIAL NETWORK ANALYSIS

Max. Marks : 60
Duration: 2.5 Hours
PART A
Answer All Questions. Each Question Carries 5 Marks (5x5=25)
1. What are the limitations of the current Web? Explain the (5)
development of the Semantic Web and the emergence of the Social
Web
2. Illustrate Ontological representation of social relationships (5)
3. Enumerate the different dimensions of social capital and their (5)
related concepts and measures.

4. Discuss the Global structure of networks with an example. (5)

5. How will you compute the entity similarity matrix? (5)

Part B
(Answer any five questions. Each question carries 7 marks)
6. (a) Briefly explain the following: (7)
i) Electronic discussion networks
ii) Blogs and online communities
iii)Web-based Networks
iv) Personal Networks

(b) How will you extract the evolution of the Web Community from
a series of Web Archives?
INFORMATION TECHNOLOGY

7. (a) Explain how communities evolve into the learning process as (7)
smoothly evolving constellations of interacting entities.

(b) Discuss the four dimensions that are associated with


knowledge discovery in social networks and elaborate on their
interplay in the context of evolution.

8. (a) Explain how to visualize social networks with matrix-based (7)


representation. Also, discuss the pros and cons of matrix-
based representation

9. (a) Discuss the various approaches to scale node-link diagrams to (7)


large networks with several thousand or millions of nodes.

10. (a) Explain the importance of detecting and evaluating (7)


communities in social networks

11. (a) Explain how to apply node classification to large social (7)
networks.

12. (a) Categorize the Twitter messages in TASS Corpus (7)


INFORMATION TECHNOLOGY

SYLLABUS

Module 1: Introduction to semantic web: (7 hours)


Limitations of current Web - Development of Semantic Web, Emergence of the
Social Web, Social Network Analysis: Development of Social Network Analysis,
Key concepts and measures in network analysis, Electronic sources for network
analysis, Electronic discussion networks, Blogs and online communities, Web-
based networks, Applications of Social Network Analysis.

Module 2: Modelling, aggregating, and knowledge representation(8 hours)


Ontology and their role in the Semantic Web, Ontology-based knowledge
Representation, Ontology languages for the Semantic Web: Resource
Description Framework, Web Ontology Language - Modelling and aggregating
social network data, State-of-the-art in network data representation, Ontological
representation of social individuals, Ontological representation of social
relationships, Aggregating and reasoning with social network data, Advanced
representations.
Module 3: Extraction and mining communities in web social networks(7
hours) Extracting evolution of Web Community from a Series of Web Archive,
Detecting communities in social networks, Definition of community - Evaluating
communities, Methods for community detection and mining, Applications of
community mining algorithms, Tools for detecting communities social network
infrastructures and communities, Decentralized online social networks - Multi-
Relational characterization of dynamic social network communities.
Module 4:Predicting human behavior and privacy issues :(9 hours)
Understanding and predicting human behavior in social communities, User
data management - Inference and Distribution, Enabling new human
experiences - Reality mining, Context - Awareness - Privacy in online social
networks, Trust in the online environment - Trust models based on subjective
logic, Trust network analysis - Trust transitivity analysis, Combining trust and
INFORMATION TECHNOLOGY

reputation, Trust derivation based on trust comparisons. Attack spectrum and


countermeasures.
Module 5:Visualization and applications of social networks:(9 hours)
Graph theory - Centrality – Clustering, Node-Edge Diagrams, Matrix
representation, Visualizing online social networks, Visualizing social networks
with matrix-based representations, FB/V Kontakte and Twitter analysis:
Natural language processing, sentiment mining, Properties of large social
networks: friends, connections, likes, re-tweets, Cover networks - Community
welfare, Collaboration networks - Co-Citation networks.
INFORMATION TECHNOLOGY

COURSE PLAN

No. of
No Topic
Lectures

1 MODULE 1: INTRODUCTION TO SEMANTIC WEB (7 hours)

Limitations of current Web - Development of Semantic


1.1 1
Web, Emergence of the Social Web

Social Network analysis: Development of Social Network


1.2 1
Analysis

1.3 Key concepts and measures in network analysis 1

1.4 Electronic sources for network analysis 1

Electronic discussion networks, Blogs and online


1.5 1
communities

1.6 Web-based networks 1

1.7 Applications of Social Network Analysis 1

MODULE 2: MODELLING, AGGREGATING AND KNOWLEDGE


2
REPRESENTATION (8 hours)

Ontology and their role in the Semantic Web, Ontology-


2.1 1
based Knowledge Representation

Ontology languages for the Semantic Web: Resource


2.2 1
Description Framework

Web Ontology Language - Modelling and aggregating


2.3 1
social network data

2.4 State-of-the-art in network data representation 1

2.5 Ontological representation of social individuals 1


INFORMATION TECHNOLOGY

2.6 Ontological representation of social relationships 1

2.7 Aggregating and reasoning with social network data 1

2.8 Advanced representations. 1

MODULE 3: EXTRACTION AND MINING COMMUNITIES IN WEB


3
SOCIAL NETWORKS (7 hours)

Extracting the evolution of Web Community from a Series


3.1 1
of Web Archive

3.2 Detecting communities in social networks 1

3.3 Definition of community - Evaluating communities 1

3.4 Methods for community detection and mining 1

3.5 Applications of community mining algorithms 1

Tools for detecting communities social network


3.6 1
infrastructures and communities

Decentralized online social networks -Multi-Relational


3.7 1
characterization of dynamic social network communities

MODULE 4: PREDICTING HUMAN BEHAVIOUR AND PRIVACY


4
ISSUES (9 hours)

Understanding and predicting human behavior for social


4.1 1
communities

4.2 User data management - Inference and Distribution 1

4.3 Enabling new human experiences - Reality mining 1

4.4 Context - Awareness - Privacy in online social networks 1


INFORMATION TECHNOLOGY

Trust in online environment - Trust models based on


4.5 1
subjective logic

4.6 Trust network analysis - Trust transitivity analysis 1

4.7 Combining trust and reputation 1

4.8 Trust derivation based on trust comparisons 1

4.9 Attack spectrum and countermeasures 1

MODULE 5: VISUALIZATION AND APPLICATIONS OF SOCIAL


5
NETWORKS (9 hours)

5.1 Graph theory - Centrality – Clustering 1

5.2 Node-Edge Diagrams, Matrix representation 1

5.3 Visualizing online social networks 1

Visualizing social networks with matrix-based


5.4 1
representations

Facebook/VKontakte and Twitter analysis: Natural


5.5 1
language processing

5.6 Sentiment mining 1

Properties of large social networks: friends, connections,


5.7 1
likes, re-tweets.

5.8 Cover networks - Community Welfare 1

5.9 Collaboration networks - Co-Citation networks. 1

Sample Mini Project work questions:

 How did Covid19 affect SoundCloud users’ listening?


INFORMATION TECHNOLOGY

 What are the pull/push factors that affects mobility of highly skilled
individuals (e.g., professionals on LinkedIn, researchers on MAG)?
 Is it possible to identify bots by the patterns of their online activities?
 What is an echo-chamber and how can we track it on Twitter?

Reference Books

1. Guandong Xu ,Yanchun Zhang and Lin Li, ―Web Mining and Social
Networking – Techniques and applications‖, First Edition, Springer, 2011.

2. Dion Goh and Schubert Foo, ―Social Information Retrieval Systems:


Emerging Technologies and Applications for Searching the Web Effectively‖, IGI
Global Snippet, 2008.

3. Max Chevalier, Christine Julien and Chantal Soulé-Dupuy, ―Collaborative


and Social Information Retrieval and Access: Techniques for Improved User
Modelling‖, IGI Global Snippet, 2009.

4. John G. Breslin, Alexander Passant and Stefan Decker, ―The Social


Semantic Web‖, Springer, 2009.

5.Mohammad Gouse Galety, Chiai Al Atroshi, Buni Balabantaray, Sachi


Nandan Mohanty-Social Network Analysis-Theory and Applications-2022 –
Scrivener Publishing LLC
INFORMATION TECHNOLOGY

222EIT009 NEXT GENERATION CATEGORY L T P CREDIT


NETWORKS PROGRAM 3 0 0 3
ELECTIVE 4

Preamble: The next generation network (NGN) is a single converged network


that supports all telecom requirements like voice, data, mobility, video etc.
and works on packet switching technology and is IP compatible. This course
aims to provide an insight into the evolving communication networks in
NGN such a 6G network that operates in untapped radio frequencies and
uses cognitive technologies like AI to enable high-speed, low-latency
communication at a pace multiple times faster than fifth-generation
networks.

Course Outcomes: After the completion of the course the student will be
able to

CO 1 Illustrate key enabling technologies and also discuss the Understand


new emerging use cases of 5G-IoT driven by the
advances in technology
CO 2 Interpret the technologies enabling the NGN Apply
CO 3 Demonstrate the applicability of machine learning Understand
techniques in NGNs
CO 4 Apply AI in WiFi network to improve the QoS Apply
CO 5 Examine 6G enabling technology to show the possibility Understand
of a future of fully intelligent and autonomous systems

Program Outcomes (PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: An ability to communicate effectively, write and present technical


reports on complex engineering activities by interacting with the
engineering fraternity and with society at large.

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher
than the requirements in the appropriate bachelor program

PO4: An ability to apply stream knowledge to design or develop solutions for


real world problems by following the standards
INFORMATION TECHNOLOGY

PO5: An ability to identify, select and apply appropriate techniques,


resources and state--of-the-artart tool to model, analyse and solve practical
engineering problems.

PO6: An ability to engage in life


life-long learning for
or the design and
development related to the stream related problems taking into
consideration sustainability, societal, ethical and environmental aspects

PO7: An ability to develop cognitive load management skills related to


project management and finance which focus on Entrepreneurship and
Industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7
CO 1
CO 2
CO 3
CO 4
CO 5

Assessment Pattern

Bloom’s Category End Semester


Examination
Understand 60%
Apply 40%
Analyse
Evaluate
Create

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation Pattern:

Evaluation shall only be based on application, analysis or design-based


questions (for both internal and end semester examinations).

Continuous Internal Evaluation (CIE) Pattern:


INFORMATION TECHNOLOGY

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module,
having five marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students shall answer all
questions. Part B shall contain seven questions (such questions shall be
useful in the testing of overall achievement and maturity of the students in a
course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem-solving and quantitative evaluation), with a
minimum one question from each module of which student shall answer any
five. Each question shall carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly.
For example, if the average end-semester mark % for a core course is 40,
then the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER


QP Code: PAGES : 2
Register No.:_____________________ Name:____________________
APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY
SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH &
YEAR
Course Code: 222EIT009
Course Name: NEXT GENERATION NETWORKS
Max. Marks : 60
Duration: 2.5 Hours
Part A
Answer All Questions. Each Question Carries 5 Marks (5x5=25 Marks)
1. Explain the spectrum requirements of 5G-IoT. Examine the
possibility of mmWaves.
2. Describe the different segments of IoT. What are their
characteristics?
3. Explain how Swarm Intelligence can be a key for power control
and channel allocation?
4. Give any one key problem of 802.11ad/ay networks, which are
solved using ML. Explain
5. What are the key requirements of 6G- IoT network?

Part B

(Answer any five questions. Each question carries 7 marks)


6. Construct a multi-tier architecture showing the front-haul,
back-haul and core network highlighting the peer-to-peer
communication, macro- and
femto-cells. Explain.
7. Describe an IoT application that can be implemented over an
IoT networks over unlicensed spectrum. Also, explain why your
application is not best suited for IoT communications over
licensed spectrum.
8. Compare the state-of-the-art channel coding techniques for
INFORMATION TECHNOLOGY

IoT. Suggests IoT applications that are can make use of these
channel coding techniques and why?
9. Using a suitable example, show the use of Reinforced learning
technique can be applied in wireless networks.
10. Illustrate the concept of federated learning for privacy
preservation in edge networks.
11. a. Why channel access mechanisms are considered the most
often addressed topic concerning the improvement of Wi-Fi
performance with ML?
b. What Wi-Fi channel access parameters should be optimized
to improvement of Wi-Fi performance with ML?
12. How does 6G provides massive ultra-reliable and low-latency
communications? Suggest technologies that can support
URLLC supporting future IoT services through low-latency and
reliable connectivity
INFORMATION TECHNOLOGY

SYLLABUS

Module 1: Internet of Things (IoT) for Next-Generation Smart Systems


(7 Hours)
Introduction, Background, Motivation and Overview, Vision and
Development of 5G-Enabled IoT From 5G Cellular Technologies, Artificial
Intelligence Driven Use Cases for 5G-IoT Networks, Challenges and Issues.

Module 2: Cellular, Wide-Area, and Non-Terrestrial IoT (8


Hours)
Introduction, Key Performance Indicators, Enabling Access Solutions,
Channel Code Design, Massive Connectivity, IoT Security, Deep Learning for
IoT, NTN Integration into IoT Networks, Remaining Challenges and Future
Directions

Module 3: Machine Learning Techniques for Next-Generation Networks


(9 Hours)
Applying machine learning techniques for caching in next-generation edge
networks – Introduction, Fundamentals of edge networks and 5G
technologies, Taxonomy of ML based edge caching, State-of-the-art: machine
learning based caching, Comparison of ML based edge caching techniques,
Research challenges and future directions.
Swarm intelligence for next-generation networks – Introduction, Swarm
intelligence: An overview, SI for spectrum management and resource
allocation, SI for wireless caching and edge computing, SI for network
security, SI for miscellaneous issues, Research challenges and future
directions.

Module 4: WiFi Meets AI (7


Hours)
Introduction, Related Surveys, Core Wi-Fi Features, Recent Wi-Fi Features,
Connectivity Management, Coexistence Scenarios, Multi-Hop Wi-Fi
Networks, Available Tools and Datasets, Future Research Directions.

Module 5: Towards 6G (9 Hours)


Towards 6G - Introduction, Key Driving Trends Towards 6G, 6G
Applications, 6G Requirements/Vision, 6G Enabling Technologies, 6G
Projects and Research Activities, 6G Standardization Efforts, Future
Research Directions and General Challenges in 6G.
6G Internet of Things – Introduction, 6G and Internet of Things: Vision and
Requirements, Fundamental Technologies for 6G-IoT, 6G for IoT
Applications, Research Challenges and Future Directions.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
40
Hours
1 Internet of Things (IoT) for Next-Generation Smart Systems
1.1 Introduction, Background 1 Hour
1.2 Motivation and Overview 1 Hour
1.3 Vision and Development of 5G-Enabled IoT From 5G 2 Hours
Cellular Technologies
1.4 Artificial Intelligence Driven Use Cases for 5G-IoT 2 Hours
Networks
1.5 Challenges and Issues. 1 Hour
2 Cellular, Wide-Area, and Non-Terrestrial IoT
2.1 Introduction, Key Performance Indicators. 1 Hour
2.2 Enabling Access Solutions, Channel Code Design 2 Hours
2.3 Massive Connectivity, IoT Security, Deep Learning for IoT 2 Hours
2.4 NTN Integration into IoT Networks 2 Hour
2.5 Remaining Challenges and Future Directions 1 Hour
3 Machine Learning Techniques for Next-Generation Networks
3.1 Applying machine learning techniques for caching in 2 Hours
next-generation edge networks – Introduction,
Fundamentals of edge networks and 5G technologies
3.2 Taxonomy of ML based edge caching, State-of-the-art: 2 Hours
machine learning based caching
3.3 Comparison of ML based edge caching techniques, 1 Hours
Research challenges and future directions.
3.4 Swarm intelligence for next-generation networks – 2 Hours
Introduction, Swarm intelligence: An overview, SI for
spectrum management and resource allocation
3.5 SI for wireless caching and edge computing, SI for 1 Hours
network security
INFORMATION TECHNOLOGY

3.6 SI for miscellaneous issues, Research challenges and 1 Hour


future directions.
4 WiFi Meets AI
4.1 Introduction, Related Surveys 1 Hour
4.2 Core Wi-Fi Features, Recent Wi-Fi Features, 2 Hours
4.3 Connectivity Management 1 Hours
4.4 Coexistence Scenarios 1 Hour
4.5 Multi-Hop Wi-Fi Networks, Available Tools and Datasets, 2 Hours
Future Research Directions
5 Towards 6G
5.1 Towards 6G - Introduction, Key Driving Trends Towards 1 Hour
6G
5.2 6G Applications 1 Hour
5.3 6G Requirements/Vision, 6G Enabling Technologies, 6G 2 Hours
Projects and Research Activities
5.4 6G Standardization Efforts, Future Research Directions 2 Hours
and General Challenges in 6G
5.5 6G Internet of Things – Introduction, 6G and Internet of 1 Hours
Things: Vision and Requirements.
5.6 Fundamental Technologies for 6G-IoT, 6G for IoT 2 Hours
Applications, Research Challenges and Future Directions

References:
1. K. Shafique, B. A. Khawaja, F. Sabir, S. Qazi and M. Mustaqim, "Internet
of Things (IoT) for Next-Generation Smart Systems: A Review of Current
Challenges, Future Trends and Prospects for Emerging 5G-IoT
Scenarios," in IEEE Access, vol. 8, pp. 23022-23040, 2020, doi:
10.1109/ACCESS.2020.2970118.
2. M. Vaezi et al., "Cellular, Wide-Area, and Non-Terrestrial IoT: A Survey on
5G Advances and the Road Toward 6G," in IEEE Communications Surveys
& Tutorials, vol. 24, no. 2, pp. 1117-1174, Secondquarter 2022, doi:
10.1109/COMST.2022.3151028.
3. Junaid Shuja, Kashif Bilal, Waleed Alasmary, Hassan Sinky, Eisa
Alanazi, “Applying machine learning techniques for caching in next-
generation edge networks: A comprehensive survey”, in Journal of
INFORMATION TECHNOLOGY

Network and Computer Applications,Volume 181,2021,103005,ISSN


1084-8045,https://doi.org/10.1016/j.jnca.2021.103005.
4. Quoc-Viet Pham, Dinh C. Nguyen, Seyedali Mirjalili, Dinh Thai Hoang,
Diep N. Nguyen, Pubudu N. Pathirana, Won-Joo Hwang, “Swarm
intelligence for next-generation networks: Recent advances and
applications”, Journal of Network and Computer Applications, Volume
191, pp. 103-141, 2021, ISSN 1084-8045,
https://doi.org/10.1016/j.jnca.2021.
5. S. Szott et al., "Wi-Fi Meets ML: A Survey on Improving IEEE 802.11
Performance with Machine Learning," in IEEE Communications Surveys &
Tutorials, vol. 24, no. 3, pp. 1843-1893, thirdquarter 2022, doi:
10.1109/COMST.2022.3179242.
6. C. D. Alwis et al., "Survey on 6G Frontiers: Trends, Applications,
Requirements, Technologies and Future Research," in IEEE Open Journal
of the Communications Society, vol. 2, pp. 836-886, 2021, doi:
10.1109/OJCOMS.2021.3071496.
7. D. C. Nguyen et al., "6G Internet of Things: A Comprehensive Survey," in
IEEE Internet of Things Journal, vol. 9, no. 1, pp. 359-383, 1 Jan.1, 2022,
doi: 10.1109/JIOT.2021.3103320.
INFORMATION TECHNOLOGY

222EIT010 SECURE CATEGORY L T P CREDIT


HARDWARE
DESIGN PROGRAMME 3 0 0 3
ELECTIVE 4

Preamble: This course is intended for students to understand the importance


of addressing different security threats in modern hardware design,
installation, and operating practices.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Explain the mathematical foundation and basics of the techniques


to provide hardware security. (Cognitive Level : Understand)

CO 2 Examine the implementation quality of cryptographic hardware.


(Cognitive Level : Understand)

CO 3 Identify side-channel attacks and choose appropriate techniques to


mitigate them. (Cognitive Level : Understand)

CO 4 Describe the security measures employed in modern IC design and


manufacturing. (Cognitive Level : Understand)

CO 5 Employ established and novel techniques to identify hardware


trojans. (Cognitive Level : Apply)

Program Outcomes:

PO 1 An ability to independently carry out research/ investigation and


development work in engineering and allied streams.

PO 2 An ability to communicate effectively, and write and present


technical reports on complex engineering activities by interacting
with the engineering fraternity and with society at large.

PO 3 An ability to demonstrate a degree of mastery over the area as per


the specialization of the program. The mastery should be at a level
higher than the requirements in the appropriate bachelor’s
program.
INFORMATION TECHNOLOGY

PO 4 An ability to apply stream knowledge to design or develop solutions


for real-world problems by following the standards.

PO 5 An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art tools to model, analyze and solve
practical engineering problems.

PO 6 An ability to engage in lifelong learning for the design and


development of stream-related problems taking into consideration,
sustainability societal, ethical, and environmental aspects.

PO 7 An ability to develop cognitive load management skills related to


project management and finance which focus on entrepreneurship
and industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √

CO 2 √ √ √ √

CO 3 √ √ √

CO 4 √ √ √

CO 5 √ √ √

Assessment Pattern

Bloom’s Category End Semester Examination

Understand 80%
INFORMATION TECHNOLOGY

Apply 20%

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
INFORMATION TECHNOLOGY

five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded to
a student for each elective course shall be normalized accordingly.

MODEL QUESTIONS:

For assessing CO 1:

1.IoT devices are especially risky. Justify/ contradictthe statementwith respect


to hardware-based security.

2. Prove that 2 2 + 1 is divisible by 641. using the concept of modular


reductions.

For assessing CO 2:

1. With a neat diagram explain the Secret Key Cryptosystem Model

2. Compare Montgomery’s Algorithm and LSB first algorithm., used for the
Scalar Multiplication.

For assessing CO 3:

1. State the Difference of Side Channel Analysis and Conventional


Cryptanalysis

2. Explain the working principle of time-driven side channel attacks

For assessing CO 4:
INFORMATION TECHNOLOGY

1. Explain the hardware obfuscation design flow and the application of iterative
ranking algorithm in the design flow.

2. Analyze how hardware obfuscation challenges Structural Analysis-based


Attacks

For assessing CO 5:

1. Discuss various triggering mechanismsof hardware Trojans.

2. Analyze the effects of Hardware Trojan on Circuit Reliability


INFORMATION TECHNOLOGY

MODEL QUESTION PAPER

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY


FIRST SEMESTER M. TECH DEGREE EXAMINATION, MONTH & YEAR
Course Code: 222EIT010
Course Name: Secure Hardware Design
Max. Marks : 60
Duration: 2.5 Hours

PART A (Answer all questions. Five marks each)

1. What is the implication of the expression a ≡ b mod m where a, b and m


are integers?What are the properties of this relation?
2. Explain the constraints provided by the designer while transforming HDL
to actual hardware through CAD tools and the significanceof the
constraints.
3. How is a differential timing attack performed?
4. Define obfuscation and compare hardware and software obfuscation
techniques.
5. Explain the two most important security parameters of PUF.

PART B (Answer any five questions. Seven marks each)

6. Explain the Block cipher technique, clearly indicating the inner structure
of a blockcipher with a diagram.
7. Explain FPGA island-style architecture and the logic block with a neat
sketch.
8. Show how Theoretical Cache Trace Attack is possible on a DES
implementation.
9. Explain the concept of CDFG Obfuscation Methodology
10. Explain about the designer-embedded Trojan in the hardware
implementation of the AES cryptographic hardware.
11. Explain how PUFs can be used in Cryptographic Key Generation
hardware.
12. Analyse the effect of hardware Trojans on circuit reliability.
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Preliminaries: (8 Hours)

Overview of Different Issues of Hardware Security, Algebra of Finite Fields,


Mathematical Theory of Public Key Cryptography, Basics of Digital Design on
Field-programmable Gate Array (FPGA). Mapping an Algorithm to Hardware:
Components of a Hardware Architecture

Module II: Hardware Security Primitives: (8 Hours)

Cryptographic Hardware and their Implementation, Optimization of


Cryptographic Hardware on FPGA, Physically Unclonable Functions (PUFs) –
PUF implementations and quality evaluation, Design Techniques to Increase
PUF Response Quality. Attacks Models against PUFs- Model-building Attack on
PUFs

Module III: Side-channel Attacks: (8 Hours)

The basic idea of side-channel attacks, Current-measurement-based side-


channel attacks, DES, Case Study: Kocher’s Attack on DES, Design
Techniques to Prevent Side-channel Attacks, Improved Side-channel Attack
Algorithms - Template Attack, Cache Attacks.

Module IV: Modern IC Design and Manufacturing – Security aspects: (8


Hours)

Hardware Intellectual Property (IP) Piracy and IC Piracy, Design Techniques to


Prevent IP and IC Piracy, Hardware Intellectual Property Protection through
Obfuscation. Measure of Obfuscation Level Obfuscation through Control and
Dataflow Graph (CDFG).

Module V: Hardware Trojans: (8 Hours)

Hardware Trojan Nomenclature and Operating Modes, Countermeasures -


Design and Manufacturing Techniques to Prevent/Detect Hardware Trojans,
Logic Testing and Side-channel Analysis based Techniques for Trojan
Detection, Techniques to Increase Testing Sensitivity.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures

1 Preliminaries(8 Hours)

1.1 Overview of Different Issues of Hardware Security 1

1.2 Algebra of Finite Fields 2

1.3 Mathematical Theory of Public Key Cryptography 2

1.4 FPGA Architecture and Design Flow 1

1.5 Basics of Digital Design on Field-programmable 1


Gate Array (FPGA)

1.6 Mapping an Algorithm to Hardware: Components 1


of a Hardware Architecture

2 Hardware Security Primitives(8 Hours)

2.1 Cryptographic Hardware and their Implementation 1

2.2 Optimization of Cryptographic Hardware on FPGA 2

2.3 Physically Unclonable Functions (PUFs) – 1

2.4 PUF implementations and quality evaluation 1

2.5 Design Techniques to Increase PUF Response 1


Quality.

2.6 Attack models against PUFs 1

2.7 Model building attack on PUFs 1

3 Side-channel Attacks(8 Hours)

3.1 The basic idea of side-channel attacks 1

3.2 Current-measurement-based side-channel attacks 1

3.3 DES 1
INFORMATION TECHNOLOGY

3.4 Case Study: Kocher’s Attack on DES. 1

3.5 Design Techniques to Prevent Side-channel 1


Attacks

3.6 Improved Side-channel Attack Algorithms - 2


Template Attack

3.7 Cache Attacks 1

4 Modern IC Design and Manufacturing – Security aspects(8


Hours)

4.1 Hardware Intellectual Property (IP) Piracy and IC 2


Piracy

4.2 Design Techniques to Prevent IP and IC Piracy 1

4.3 Hardware Intellectual Property Protection Through 2


Obfuscation

4.4 Measure of Obfuscation Level 1

4.4 Obfuscation through Control and Dataflow Graph 2


(CDFG).

5 Hardware Trojans(8 Hours)

5.1 Hardware Trojan Nomenclature and Operating 2


Modes

5.2 Countermeasures - Design and Manufacturing 2


Techniques to Prevent/Detect Hardware Trojans.

5.3 Logic Testing and Side-channel Analysis based 2


Techniques for Trojan Detection

5.4 Techniques to Increase Testing Sensitivity 2

Reference Books

1. Hardware Security: Design, Threats, and Safeguards, Debdeep


Mukhopadhyay and Rajat Subhra Chakraborty, CRC Press, 2014.
INFORMATION TECHNOLOGY

2. Towards Hardware-intrinsic Security: Theory and Practice, Ahmad-Reza


Sadeghi and David Naccache, Springer.

3. Handbook of FPGA Design Security, Ted Huffmire, et al., Springer.

4. Power analysis attacks - revealing the secrets of smart cards, Stefan


Mangard, Elisabeth Oswald, Thomas Popp, Springer.
INFORMATION TECHNOLOGY

222EIT011 OPTIMIZATION CATEGORY L T P CREDIT


TECHNIQUES PROGRAM 3 0 0 3
ELECTIVE 4

Preamble: The area of optimization plays a critical role designing and


implementations of modern computer networks and security. Many issues
can be formulated into an optimization problem and can be solved using of
analytical and computational approach to different optimization techniques.

Course Outcomes: After the completion of the course the student will be
able to

CO 1 Identify appropriate optimization method to solve complex


problems involved in various industries.(Level: Apply)

CO 2 Demonstrate the optimized material distribution schedule using


transportation model to minimize total distribution cost.(Level:
Apply)

CO 3 Find the appropriate algorithm to find shortest path for given


network.(Level: Apply)

CO 4 Determine the optimal value of the objective function in two ways


using the primal and dual problems with realistic bounds on the
variables.(Level: Analyse)

CO 5 Identify appropriate equipment replacement technique to be


adopted to minimize maintenance cost by eliminating equipment
break-down.(Level: Apply)

CO 6 Apply the knowledge of game theory concepts to articulate real-


world competitive situations to identify strategic decisions to
counter the consequences.(Level: Apply)

Program Outcomes ( PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams

PO2: An ability to communicate effectively, write and present technical


reports on complex engineering activities by interacting with the
engineering fraternity and with society at large.
INFORMATION TECHNOLOGY

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher
than the requirements in the appropriate bachelor program

PO4: An ability to apply stream knowledge to design or develop solutions for


real world problems by following the standards

PO5: An ability to identify, select and apply appropriate techniques,


resources and state--of-the-art
art tool to model, analyse and solve practical
engineering problems.

PO6: An ability to engage in life


life-long
long learning for the design and
development related to the stream related problems taking into
consideration sustainability, societal, ethical, and environmental
aspects

PO7: An ability to develop cognitive load management skills related to


project management and finance which focus on Entrepreneurship and
Industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7
CO 1
CO 2
CO 3
CO 4
CO 5
CO 6

Assessment Pattern

Bloom’s Category End Semester


Examination
Apply 80%
Analyse 20%
Evaluate
Create

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours


INFORMATION TECHNOLOGY

Continuous Internal Evaluation Pattern:

Evaluation shall only be based on application, analysis or design-based


questions (for both internal and end semester examinations).

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module,
having five marks for each question (such questions shall be useful in the
testing of knowledge, skills, comprehension, application, analysis, synthesis,
evaluation and understanding of the students). Students shall answer all
questions. Part B shall contain seven questions (such questions shall be
useful in the testing of overall achievement and maturity of the students in a
course, through long answer questions relating to theoretical/practical
knowledge, derivations, problem-solving and quantitative evaluation), with a
minimum one question from each module of which student shall answer any
five. Each question shall carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded
to a student for each elective course shall be normalized accordingly.
For example, if the average end-semester mark % for a core course is 40,
then the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

Course Level Assessment Questions

Course Outcome 1 (CO1):

1. Consider the following LP:


Maximize 𝑧 = 2𝑥 + 3𝑥
subject to
𝑥 + 3𝑥 ≤ 12
3𝑥 + 2𝑥 ≤ 12
𝑥 ,𝑥 ≥ 0
(a) Express the problem in equation form.
(b) Determine all the basic solutions of the problem and classify them as
feasible and infeasible.

2. Three types of coal, C1, C2, and C3, are pulverized and mixed to produce
50 tons per hour needed to power a plant for generating electricity. The
burning of coal emits sulfur oxide (in parts per million) which must meet
the EPA specifications of no more than 2000 parts per million. The
following table summarizes the data of the situation:

Determine the optimal mix of the coals.

Course Outcome 2 (CO2)

1. Four factories are engaged in the production of four types of toys. The
following table lists the toys that can be produced by each factory.
INFORMATION TECHNOLOGY

All toys require approximately the same per-unit labor and material. The
daily capacities of the four factories are 250, 180, 300, and 200 toys,
respectively. The daily demands for the four toys are 200, 150, 350, and
100 units, respectively. Determine the factories’ production schedules
that will most satisfy the demands for the four toys.

2. In intermodal transportation, loaded truck trailers are shipped between


railroad terminals on special flatbed carts. Figure below shows the
location of the main railroad terminals in the United States and the
existing railroad tracks. The objective is to decide which tracks should be
“revitalized” to handle the intermodal traffic. In particular, the Los Angeles
(LA) terminal must be linked directly to Chicago (CH) to accommodate
expected heavy traffic. Other than that, all the remaining terminals can be
linked, directly or indirectly, such that the total length (in miles) of the
selected tracks is minimized. Determine the segments of the railroad
tracks that must be included in the revitalization program.

Course Outcome 3(CO3):

1. Consider the implementation of the feasibility condition of the simplex


method. Specify the mathematical conditions for encountering a
degenerate solution (at least one basic variable = 0) for the first time, for
continuing to obtain a degenerate solution in the next iteration, and for
removing degeneracy in the next iteration.

2. Consider the LP
Maximize 𝒛 = 𝑪𝑿 subject to 𝑨𝑿 ≤ 𝒃, 𝑿 ≥ 𝟎, where 𝒃 ≥ 𝟎
INFORMATION TECHNOLOGY

After obtaining the optimum solution, it is suggested that a non-basic


variable 𝒙𝒋 can bemade basic (profitable) by reducing the resource

requirements per unit of 𝒙𝒋 to of theiroriginal values, 𝑎 > 1. Since the

requirements per unit are reduced, it is expected that the profit per unit of
𝒙𝒋 will also be reduced to of its original value. Will these changes make𝒙𝒋 a

profitable variable? Explain mathematically.

Course Outcome 4 (CO4):

1. The height of a cylindrical water tank must be at least twice as much as


its base diameter. Neither the diameter nor the height can exceed 10 ft.
The volume of the tank must be at least 300 ft3. The cost of the elevated
structure on which the tank is installed is proportional to the area of the
base. The sheet metal cost is $8/ft2, and the cost of the supporting
structure is $15/ft2. Formulate the problem as a mathematical model,
and develop a random-walk heuristic to estimate the diameter and height
of the tank.

2. A tourist in New York City uses local transportation to visit 8 sites. The
start and end and the order in which the sites are visited are
unimportant. What is important is to spend the least amount of money on
transportation. Matrix 𝐶 below provides the fares in dollars between
the different locations.

The tourist is budgeting $120 for cab cost to all eight sites. Is this a
realistic expectation?
INFORMATION TECHNOLOGY

Course Outcome 5 (CO5):

1. A school district is in dire need to reduce expenses to meet new budgetary


restrictions at its elementary schools. Two options are available: delete the
physical education program (E), or delete the music program (M). The
superintendent has formed a committee with equal-vote representation
from the school board (S) and the parent–teacher association (P) to study
the situation and make a recommendation. The committee has decided to
study the issue from the standpoint of budget restriction (B) and students
needs (N). The analysis produced the following comparison matrices:

Analyze the decision problem, and make a recommendation.


2. You are the author of what promises to be a successful novel. You have
the option to either publish the novel yourself or through a publisher. The
publisher is offering you $20,000 for signing the contract. If the novel is
successful, it will sell 200,000 copies. Else, it will sell 10,000 copies only.
The publisher pays a $1 royalty per copy. A market survey indicates that
there is a 70% chance that the novel will be successful. If you undertake
publishing, you will incur an initial cost of $90,000 for printing and
marketing, but each copy sold will net you $2. Based on the given
information, would you accept the publisher’s offer or publish the novel
yourself?
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER


QP CODE:
Reg No: _______________
Name: _________________ PAGES :
3
APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY
SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH & YEAR
Course Code: 222EIT011
Course Name: OPTIMIZATION TECHNIQUES
Max. Marks : 60
Duration: 2.5 Hours
PART A
Answer All Questions. Each Question Carries 5 Marks (5x5=25 Marks)
1. A large department store operates 7 days a week. The manager
estimates that the minimum number of salespersons required to
provide prompt service is 12 for Monday, 18 for Tuesday, 20 for
Wednesday, 28 for Thursday, 32 for Friday, and 40 for each of
Saturday and Sunday. Each salesperson works 5 days a week,
with the two consecutive off-days staggered throughout the week.
For example, if 10 salespersons start on Monday, 2 can take their
off days on Tuesday and Wednesday, 5 on Wednesday and
Thursday, and 3 on Saturday and Sunday. Develop the LP model.
2. Three refineries with daily capacities of 6, 5, and 8 million gallons,
respectively, supply three distribution areas with daily demands of
4, 8, and 7 million gallons, respectively. Gasoline is transported to
the three distribution areas through a network of pipelines. The
transportation cost is 10 cents per 1000 gallons per pipeline mile.
Table 1 gives the mileage between the refineries and the
distribution areas. Refinery 1 is not connected to distribution area
3. Construct the associated transportation model.

Table 1: Mileage Chart

Distribution Area

1 2 3

Refinery 1 180 180 --

Refinery 2 300 800 900


INFORMATION TECHNOLOGY

Refinery 3 220 200 120

3. Show that the set 𝑄 = {𝑥 , 𝑥 |𝑥 + 𝑥 ≤ 3, 𝑥 ≥ 0, 𝑥_2 ≥ 0} is convex.


Is the nonnegativity condition essential for the proof?

4. Apply the uniform sampling heuristic to estimate the minimum


solution of the following two-variable function:

𝑓(𝑥) = 3𝑥 + 2𝑦 − 4𝑥𝑦 − 2𝑥 − 3𝑦, 0 ≤ 𝑥 ≤ 5, 0 ≤ 𝑦 ≤ 5.

5. Using an example, explain the decision tree analysis.

Part B
(Answer any five questions. Each question carries 7 marks)
6. Determine the optimum solution for each of the following LPs by (7)
enumerating all the basic solutions.

Maximize 𝑧 = 2𝑥 − 4𝑥 + 5𝑥 − 6𝑥

Subject to

𝑥 + 4𝑥 − 2𝑥 + 8𝑥 ≤2

−𝑥 + 2𝑥 + 3𝑥 + 4𝑥 ≤ 1

𝑥 ,𝑥 ,𝑥 ,𝑥 ≥ 0

7. For the network in figure below, find the shortest routes between (7)
every two nodes. The distances (in miles) are given on the arcs. Arc
(3, 5) is directional—no traffic is allowed from node 5 to node 3. All
the other arcs allow two-way traffic. Use Floyd’s algorithm to
determine the shortest route between any two nodes in the
network.

8. Explain the mathematical model for the travelling salesman (7)


problem. Evaluate the model.

9. In the following LP, compute the entire simplex tableau associated (7)
with 𝑋 = (𝑥 , 𝑥 , 𝑥 ) .
INFORMATION TECHNOLOGY

Minimize 𝑧 = 2𝑥 + 𝑥
subject to
3𝑥 + 𝑥 − 𝑥 = 2
4𝑥 + 3𝑥 − 𝑥 = 4
𝑥 + 2𝑥 + 𝑥 = 2
𝑥 ,𝑥 ,𝑥 ,𝑥 ,𝑥 ≥ 0

10. Three orchards supply crates of oranges to four retailers. The daily (7)
demand amounts at the four retailers are 150, 150, 400, and 100
crates, respectively. Supplies at the three orchards are dictated by
available regular labour and are estimated at 150, 200, and 250
crates daily. The transportation costs per crate from the orchards
to the retailers are given in Table 2. Formulate the problem as a
transportation model. Solve the problem.

Table 2: Transportation Cost/Crate

Retailer

1 2 3 4

Orchard ₹100 ₹200 ₹300 ₹200


1

Orchard ₹200 ₹400 ₹100 ₹200


2

Orchard ₹100 ₹300 ₹500 ₹300


3

11. A book salesperson who lives in Basin must call once a month on (7)
four customers located in Wald, Bon, Mena, and Kiln before
returning home to Basin. The following table gives the distances in
miles among the different cities. The objective is to minimize the
total distance travelled by the salesperson. Write down the LP for
computing a lower-bound estimate on the optimum tour length.

Table 3: Miles between cities

Basin Wald Bon Mena Kiln

Basin ₹0 ₹1250 ₹225 ₹155 ₹215


0 0 0
INFORMATION TECHNOLOGY

Wald ₹1250 ₹0 ₹850 ₹115 ₹135


0 0

Bon ₹2250 ₹850 ₹0 ₹165 ₹190


0 0

Mena ₹1550 ₹1150 ₹165 ₹0 ₹195


0 0

Kiln ₹2150 ₹1350 ₹190 ₹195 ₹0


0 0

12. Consider the following two-person, zero-sum game: (7)


B1 B2 B3

A1 5 50 50

A2 1 1 1

A3 10 1 10

Verify that the strategies ( , 0, ) for A and ( , , 0) for B are


optimal and determine the value of the game.
INFORMATION TECHNOLOGY

SYLLABUS

Module 1: Modelling with Linear Programming

Two-Variable LP Model, Graphical LP Solution, LP Model in Equation Form,


Transition from Graphical to Algebraic Solution. The Simplex Method -
Iterative Nature of the Simplex Method, Computational Details of the
Simplex Algorithm. Artificial Starting Solution - M-Method, Two-Phase
Method. Special Cases in the Simplex Method – Degeneracy, Alternative
Optima, Unbounded Solution, Infeasible Solution. Sensitivity Analysis -
Algebraic Sensitivity Analysis—Changes in the Right-Hand Side, Objective
Function. Definition of the Dual Problem. Primal–Dual Relationships -
Simplex Tableau Layout, Optimal Dual Solution.

Module 2: Transportation and Network Model


Definition of the Transportation Model, Non-traditional Transportation
Models. The Transportation Algorithm - Determination of the Starting
Solution, Iterative Computations of the Transportation Algorithm, Simplex
Method Explanation of the Method of Multipliers. The Assignment Model -
The Hungarian Method. Scope and Definition of Network Models, Minimal
Spanning Tree Algorithm, Shortest-Route Problem - Examples of the
Shortest-Route Applications, Shortest-Route Algorithms, Linear
Programming Formulation of the Shortest-Route Problem. Maximal Flow
Model - Enumeration of Cuts, Maximal Flow Algorithm, Linear Programming
Formulation of Maximal Flow Mode.

Module 3: Advanced Linear Programming


Simplex Method Fundamentals - From Extreme Points to Basic Solutions,
Generalized Simplex Tableau in Matrix Form. Revised Simplex Method -
Development of the Optimality and Feasibility Conditions, Revised Simplex
Algorithm, Computational Issues in the Revised Simplex Method. Bounded-
Variables Algorithm. Duality - Matrix Definition of the Dual Problem,
Optimal Dual Solution. Parametric Linear Programming - Parametric
Changes in C, Parametric Changes in b.
INFORMATION TECHNOLOGY

Module 4: Heuristic Programming


Heuristic Programming – Introduction, Greedy (Local Search) Heuristics -
Discrete Variable Heuristic, Continuous Variable Heuristic. Metaheuristic -
Tabu Search Algorithm, Simulated Annealing Algorithm, Genetic Algorithm.
Scope of the TSP, TSP Mathematical Model. Exact TSP Algorithms - B&B
Algorithm, Cutting-Plane Algorithm. Local Search Heuristics - Nearest-
Neighbor Heuristic, Reversal Heuristic.

Module 5: Decision Analysis and Games


Decision Making Under Certainty—Analytic Hierarchy Process (AHP).
Decision Making Under Risk - Decision Tree–Based Expected Value
Criterion, Variants of the Expected Value Criterion. Decision Under
Uncertainty. Game Theory - Optimal Solution of Two-Person Zero-Sum
Games, Solution of Mixed Strategy Games
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures 40
Hours
1 Modelling with Linear Programming
1.1 Two-Variable LP Model, Graphical LP Solution, LP 2 Hours
Model in Equation Form, Transition from Graphical
to Algebraic Solution. The Simplex Method - Iterative
Nature of the Simplex Method, Computational
Details of the Simplex Algorithm.
1.2 Artificial Starting Solution - M-Method, Two-Phase 2 Hours
Method. Special Cases in the Simplex Method –
Degeneracy, Alternative Optima, Unbounded
Solution, Infeasible Solution.
1.3 Sensitivity Analysis - Algebraic Sensitivity Analysis— 1 Hours
Changes in the Right-Hand Side, Objective Function.
1.4 Definition of the Dual Problem. Primal–Dual 2 Hours
Relationships - Simplex Tableau Layout, Optimal
Dual Solution.
2 Transportation and Network Model
2.1 Definition of the Transportation Model, Non- 1Hour
traditional Transportation Models.
2.2 The Transportation Algorithm - Determination of the 2Hours
Starting Solution, Iterative Computations of the
Transportation Algorithm,
2.3 Simplex Method Explanation of the Method of 1Hour
Multipliers.
2.4 The Assignment Model - The Hungarian Method. 1Hour
2.5 Scope and Definition of Network Models, Minimal 2 Hours
Spanning Tree Algorithm, Shortest-Route Problem -
Examples of the Shortest-Route Applications.
INFORMATION TECHNOLOGY

2.6 Shortest-Route Algorithms, Linear Programming 1Hour


Formulation of the Shortest-Route Problem.
2.7 Maximal Flow Model - Enumeration of Cuts, 2 Hours
Maximal Flow Algorithm, Linear Programming
Formulation of Maximal Flow Mode.
3 Advanced Linear Programming
3.1 Simplex Method Fundamentals - From Extreme 2 Hours
Points to Basic Solutions, Generalized Simplex
Tableau in Matrix Form.
3.2 Revised Simplex Method - Development of the 2 Hours
Optimality and Feasibility Conditions, Revised
Simplex Algorithm, Computational Issues in the
Revised Simplex Method.
3.3 Bounded-Variables Algorithm. 2 Hours
Duality - Matrix Definition of the Dual Problem,
Optimal Dual Solution.
3.4 Parametric Linear Programming - Parametric 1 Hours
Changes in C, Parametric Changes in b.
4 Heuristic Programming
4.1 Heuristic Programming – Introduction, Greedy (Local 2 Hours
Search) Heuristics - Discrete Variable Heuristic,
Continuous Variable Heuristic.
4.2 Metaheuristic - Tabu Search Algorithm, Simulated 2 Hours
Annealing Algorithm.
4.3 Genetic Algorithm. 1 Hour
4.4 Scope of the TSP, TSP Mathematical Model. 2 Hours
Exact TSP Algorithms - B&B Algorithm, Cutting-
Plane Algorithm.
4.5 Local Search Heuristics - Nearest-Neighbor 2 Hours
Heuristic, Reversal Heuristic.
5 Decision Analysis and Games
5.1 Decision Making Under Certainty—Analytic 2 Hours
INFORMATION TECHNOLOGY

Hierarchy Process (AHP).


5.2 Decision Making Under Risk - Decision Tree–Based 2 Hours
Expected Value Criterion, Variants of the Expected
Value Criterion.
5.3 Decision Under Uncertainty 1 Hours
5.4 Game Theory - Optimal Solution of Two-Person Zero- 2 Hours
Sum
Games, Solution of Mixed Strategy Games

Reference Books

1. H. A. Taha, “Operations Research: An Introduction" 10th Edition,


Pearson Education Limited 2017.

2. S.S.Rao, “Engineering optimization: Theory and practice”, New Age


International (P) Limited.

3. Bertsimas and J. Tsitsiklis, Introduction to Linear Optimization, Athena


Scientific, 1997.

4. Nocedal J and Wright S, Numerical Optimization, 2nd Edition, Springer


(2006).

5. Winston W L, Operations Research: Applications and Algorithms, 4th


Edition, Thomson Learning (2004).
INFORMATION TECHNOLOGY

INTERDISCIPLINARY
ELECTIVE
INFORMATION TECHNOLOGY

CATEGORY L T P CREDIT
IOT BASED
SMART 3 0 0 3
222EIT012 INTERDISCIP
SYSTEMS
LINARY
ELECTIVE
reamble:
This course is aimed at providing an introduction to the field of IoT and
IoT-based smart systems. The course provides a detailed discussion on the types
and uses of sensors used in IoT. The protocols and standards used in IoT is also
discussed along with potential IoT applications.
CourseOutcomes:
After the completion of the course, the student will be able to

Explain IoT architecture and functional blocks of IoT ecosystem.


CO 1 (Knowledge Level: Understand)

CO 2 Discuss advanced techniques and tools of sensing and


computation to solve multi- disciplinary challenges in industry and
society.
(Knowledge Level: Understand)
Explain the protocols used in various layers to support IoT
CO 3 (Knowledge Level: Understand)

CO 4 Apply IoT in real-world applications


(Knowledge Level: Apply)

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 ✔ ✔ ✔ ✔

CO 2 ✔ ✔ ✔ ✔ ✔ ✔

CO 3 ✔ ✔ ✔ ✔

CO 4 ✔ ✔ ✔ ✔ ✔ ✔ ✔

Assessment Pattern

Bloom’s Category End Semester


Examination
INFORMATION TECHNOLOGY

Understand 80%

Apply 20%

Analyse

Evaluate

Create

Mark distribution

Total CIE ESE ESE


Marks Duration

100 40 60 2.5 hours

Continuous Internal Evaluation Pattern:


Evaluation shall only be based on application, analysis or design-based questions
(for both internal and end semester examinations).

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part B
INFORMATION TECHNOLOGY

shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question from
each module of which student shall answer any five. Each question shall carry
seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed 20%
over the average ESE mark % for the core courses. ESE marks awarded to a
student for each elective course shall be normalized accordingly.
For example, if the average end-semester mark % for a core course is 40, then the
maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER

QPCODE: RegNo:

Name:

APJ ABDUL KALAM TECHNOLOGICAL UNIVERSITY

SECOND SEMESTER M.TECH DEGREE EXAMINATION, MONTH & YEAR

222EIT012

IoT BASED SMART SYSTEMS


Max.Marks:60 Duration:2.5hrs

PART A

(Answer all questions. Each Question Carries 5 Marks)

1. What is M2Mcommunication?

2. List the different types of data which are generated at loT devices.

3. Briefly mention the various design steps in ‘Tracking of Customers


Carrying Internet Connected Digital Devices’ (TCCICDD) for loT
applications.
4. Compare Internet, Intranet andExtranet.

5. Consider a scenario where you’re working on a smart home project.


Which OS will you prefer to use on your project andwhy?

PART B

(Answer any FIVE Questions. Each Question Carries 7


Marks)

6. With the help of a neat diagram explain loT reference model.

7. What is network topology? Which topology will you prefer to develop a


smart city? Justify youranswer.
8. Briefly explain the various sensor data communicationprotocols.

9. Briefly discuss the various tasks of a smart irrigation monitoring service


and list out the tasks of an air-pollution monitoringservice.
INFORMATION TECHNOLOGY

10. Explain the CoAP andMQTT.

11. Explain the cloud service model indetail.

12. Using an example application, compare and contrast Web of Things and
Internet of Things.
INFORMATION TECHNOLOGY

SYLLABUS

Module I (7 Hours)
Fundamentals of IoT : Evaluation of Internet of Things – Enabling Technologies,
IoT Architecture: oneM2M, IoT World Forum (IoTWF), Alternative IoT Models -
Simplified IoT Architecture and Core loT Functional Stack – Fog, Edge and Cloud
in IoT, Functional Block of IoT Ecosystem –Sensors, Actuators, and Smart
Objectives – Open Hardware Platforms for loT.
Module II (8 Hours)
Sensors Classification, Performance and Types, Error Analysis: Characteristics
Optical Sources and Detectors, Electronic and Optical properties of
semiconductor as sensors, LED, Semiconductor lasers, Fiber optic sensors,
Thermal detectors, Photo multipliers, Photoconductivedetectors, Photodiodes,
Avalanche photodiodes, CCDs, Acoustic sensors – Microphones –
Resistive, Capacitive, Piezoelectric, Fiber optic, solid state – Electrect
microphone.
Module III (9 Hours)
Electromagnetic velocity sensor, Doppler with sound, light Accelerometer
characteristics, capacitive, piezo –resistive, piezoelectric accelerometer, thermal
accelerometer, rotor, monolithic and optical gyroscope. Flow sensors: Pressure
gradient technique, Thermal transport, Ultrasonic, Electromagnetic and Laser
anemometer. Microflow sensor, Coriolis mass flow and Drag flow sensor.
Temperature sensors –Thermoresistive, Thermoelectric,
Semiconductor and Optical. Piezoelectric temperature sensor.
Module IV (8 Hours)
IoT Protocols and Standards : Application Layer Protocols: CoAP, MQTT,
Service discovery – mDNS.Service layer and Security protocols : M2M, OMA,
IPSec, Secure DNS Routing over Low Power and Lossy Network (RPL). Data
Link Layer Protocols - WiFi, Bluetooth Low Energy, Zigbee Smart Energy.
Module V (8 Hours)

IoT Applications : Smart and Connected Cities: Street Layer, City Layer, Data
Center Layer and Services Layer, Street Lighting, Smart Parking Architecture
and Smart Traffic Control – Smart Transportation – connected car.Case studies:
IoT for health care, agriculture, smart meters, M2M, Web of things, Cellular IoT,
Industrial IoT, Industry 4.0
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures
Fundamentals of IoT (7 Hours)
1

1 Evaluation of Internet of Things – Enabling 1


Technologies.
1.1 IoT Architecture: oneM2M, IoT World Forum 2
(IoTWF)
1.2 Alternative IoT Models -Simplified IoT 2
Architecture and Core loT Functional Stack – Fog,
Edge and Cloud in IoT
1.3 Functional Block of IoT Ecosystem –Sensors, 2
Actuators, and SmartObjectives – Open Hardware
Platforms for loT.
Introduction to sensors (8 Hours)
2

Sensors Classification, Performance and Types, 2


2.1
Error Analysis
Characteristics Optical Sources and Detectors. 1
2.2

2.3 Electronic and Optical properties of 2


semiconductor as sensors, LED, Semiconductor
lasers, Fiber optic sensors

2.4 Thermal detectors, Photomultipliers, 1


Photoconductivedetectors,Photodiodes, Avalanche
photodiodes, CCDs.
Acoustic sensors – Microphones – 2
2.5
Resistive, Capacitive,
Piezoelectric, Fiber optic, solid state – Electrect
microphone.
3 Introduction to sensors (9 Hours)

3.1 Electromagnetic velocity sensor, Doppler with 2


sound, light Accelerometer characteristics,
capacitive, piezo –resistive, piezoelectric 1
accelerometer, thermal accelerometer, rotor,
monolithic and optical gyroscope.
Flow sensors: Pressure gradient technique, 2
3.2
Thermal transport,
Ultrasonic, Electromagnetic and Laser
anemometer.
3.3 Microflow sensor, Coriolis mass flow, and Drag 1
INFORMATION TECHNOLOGY

flow sensor.
Temperature sensors – Thermo- 2
3.4
resistive, Thermoelectric,
Semiconductor and Optical.
3.5 Piezoelectric temperature sensor. 1
IoT Protocols and Standards (8 Hours)
4

Application Layer Protocols: CoAP, MQTT, Service 2


4.1 discovery –mDNS.

4.2 Service layer and Security protocols: M2M, OMA, 2


IPSec, Secure DNS
4.3 Routing over Low Power and Lossy Network (RPL). 2

4.4 Data Link Layer Protocols - WiFi, Bluetooth Low 2


Energy, Zigbee Smart Energy
5 IoT Applications (8 Hours)

5.1 Smart and Connected Cities: Street Layer, City 2


Layer, Data Center Layer and Services Layer,
Street Lighting
5.2 Smart Parking Architecture and Smart Traffic 2
Control – Smart Transportation – connected car

5.3 Smart Parking Architecture and Smart Traffic 2


Control – Smart Transportation – connected car

5.4 M2M, Web of things, Cellular IoT, 1

5.5 Industrial IoT, Industry4.0 2

Reference Books

1. David Hanes, GonzolaSalgueiro, Patrick Grossetete, Rob Barton, Jerome


Henry, “loT Fundametals: Network Technologies, Protocols and Use Cases
for Internet of Things”, CISCO Press,2017.
2. Perry Lea, “Internet of things for architects”, Packt,2018.
3. Jan Ho”ller, VlasiosTsiatsis, Catherin Mulligan, Stamatic, Karnouskos,
Stefan Avesand, David Boyle, “From Machine-to-Machine to the Internet of
Things – Introduction to a New Age of Intelligence”, Elsevier,2014.
INFORMATION TECHNOLOGY

222EIT013 SECURITY IN CATEGORY L T P CREDIT


COMPUTING
INTERDISCIPLI 3 0 0 3
NARY ELECTIVE

Preamble: The syllabus aims to make the students capable of understanding


the basic principles and concepts of computer and network security. At the end
of the course, the students should be able to explain whatit means for a system
to be secure. Furthermore, the students will get to know about computing
systems vulnerabilities, threats, and security controls.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Outline the basic concepts and techniques of computer security


(Level: Understand)

CO 2 Summarize the methods for achieving security atcomputer


program level. (Level: Understand)

CO 3 Model security schemes for secure and trusted operating systems


(Level: Apply)

CO 4 Summarize the requirements and features of schemes for database


security. (Level: Understand)

CO 5 Identify the security issues in a network and suggest appropriate


security measures (Level: Apply)

Program Outcomes:

PO 1 An ability to independently carry out research/ investigation and


development work in engineering and allied streams.

PO 2 An ability to communicate effectively, and write and present


technical reports on complex engineering activities by interacting
with the engineering fraternity and with society at large.

PO 3 An ability to demonstrate a degree of mastery over the area as per


the specialization of the program. The mastery should be at a level
INFORMATION TECHNOLOGY

higher than the requirements in the appropriate bachelor’s


program.

PO 4 An ability to apply stream knowledge to design or develop solutions


for real-world problems by following the standards.

PO 5 An ability to identify, select and apply appropriate techniques,


resources and state-of-the-art tools to model, analyze and solve
practical engineering problems.

PO 6 An ability to engage in lifelong learning for the design and


development of stream-related problems taking into consideration,
sustainability societal, ethical, and environmental aspects.

PO 7 An ability to develop cognitive load management skills related to


project management and finance which focus on entrepreneurship
and industry relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √ √ √ √

CO 2 √ √ √ √ √

CO 3 √ √ √ √ √

CO 4 √ √ √ √ √

CO 5 √ √ √ √ √

Assessment Pattern

Bloom’s Category End Semester Examination


INFORMATION TECHNOLOGY

Understand 60%

Apply 40%

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
INFORMATION TECHNOLOGY

five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded to
a student for each elective course shall be normalized accordingly.

For example, if the average end-semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. What do you mean when you say that a system is secure? Explain.
2. Explain with an example, how non-malicious program errors become a
threat to security.
3. Differentiate between the types of program security flaws.
4. Explain the two-phase database update with an example.
5. Explain the different types of Intrusion Detection Systems.

PART B(Answer any five questions. Seven marks each)

6. Explain the internals of the AES algorithm.


7. What do you mean by non-malicious program errors? Outline the various
methods to control different program threats.
8. Give an outline of the Bell La-Padula model. Compare the Simple
Security Condition Preliminary version and Star PropertyPreliminary
version in the Bell-La-Padula model.
9. Explain the models for designing a multilevel secure database.
Summarize the disadvantages of partitioning as means of implementing
multilevelsecurity for databases.
10. What are firewalls for? Explain the working of any three kinds of
firewalls in detail.
11. Give an outline of the techniques behind Secure Electronic
Transactions. What is the significance of dual signature in secure
electronic transactions?
12. According to Bell-La Padula Model, identify the restrictions placed
on two active subjects that need to send and receive signals to and from
each other. Justify your identification.
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Introduction to Security in Computing (8 Hours)

Introduction: Security Problem in Computing, Elementary Cryptography-


Terminology and Background, Substitution Ciphers, Transposition Ciphers,
Encryption Algorithms, AES, Introduction to Public Key Encryption, Uses of
Encryption.

Module II: Program Security (8 Hours)

Secure Programs, Non-malicious Program Errors, Viruses and other Malicious


Code, TargetedMalicious Code, Controls against Program Threats.

Module III: Operating System Security (8 Hours)

Protected Objects and Methods of Protection, Memory Address Protection,


Control of Access to General Objects, File Protection Mechanisms, User
Authentication, Designing Trusted Operating Systems- Security Policies,
Models of Security, Trusted Operating System Design.

Module IV: Database Security (8 Hours)

Introduction to Databases, Security Requirements, Reliability and Integrity,


Sensitive Data, Inference, Multilevel Databases, Proposals for Multilevel
Security.

Module V: Network Security (8 Hours)

Security in Networks- Threats in Networks, Network Security Controls, Secure


ElectronicTransactions, Firewalls, Intrusion Detection Systems
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures

1 Introduction to Security in Computing (8 Hours)

1.1 Introduction: Security Problem in Computing 1

1.2 Elementary Cryptography- Terminology 1


andBackground

1.3 Substitution Ciphers, Transposition Ciphers 2

1.4 Encryption Algorithms, AES 2

1.5 Introduction to Public Key Encryption, Uses of 2


Encryption.

2 Program Security (8 Hours)

2.1 Secure Programs 1

2.2 Non-malicious Program Errors 1

2.3 Viruses and other Malicious Code 2

2.4 TargetedMalicious Code 2

2.5 Controls against Program Threats 2

3 Operating System Security (8 Hours)

3.1 Protected Objects and Methods of Protection 1

3.2 Memory Address Protection 1

3.3 Control of Access to General Objects 1

3.4 File Protection Mechanisms 1

3.5 User Authentication 1

3.6 Designing Trusted Operating Systems- Security 2


Policies, Models ofSecurity
INFORMATION TECHNOLOGY

3.7 Trusted Operating System Design 1

4 Database Security (8 Hours)

4.1 Introduction to Databases 1

4.2 Security Requirements 1

4.3 Reliability and Integrity 1

4.4 Sensitive Data, Inference 2

4.5 Multilevel Databases 1

4.6 Proposals for Multilevel Security 2

5 Network Security (8 Hours)

5.1 Introduction to Computer Networks and the 1


Internet

5.2 Threats in Networks 1

5.3 Network Security Controls 2

5.4 Secure Electronic Transactions 1

5.5 Firewalls 1

5.6 Intrusion Detection Systems 2

Reference Books:

1. Charles P. Pfleeger, Shari Lawrence Pfleeger and Deven N. Shah, Security


in Computing, 4th Edition
2. William Stallings, Cryptography and Network Security: Principles and
Practice, Pearson Education, 7th Edition.
3. William Stallings, Network Security Essentials, Applications and
Standards, Pearson Education.
4. Michael E. Whitman and Herbert J Mattord, Principles of Information
Security, 4th Edition
5. Kurose and Ross, Computer Networking: A top-down approach, 8th
Edition, Pearson
INFORMATION TECHNOLOGY

222EIT014 CLOUD CATEGORY L T P CREDIT


COMPUTING
INTERDISCIPLINARY 3 0 0 3
ELECTIVE

Preamble: This course helps learners to understand cloud computing


concepts. This course includes an analysis of cloud computing models and
services, cloud security, cloud computing enabling technologies, and popular
industry cloud computing platforms. This course enables the learners to
suggest cloud-based solutions to real-world problems.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Explain the various cloud computing models and services.


(Cognitive Knowledge Level: Understand)

CO 2 Illustrate the different cloud-enabling technologies(Cognitive


Knowledge Level: Understand)

CO 3 Discuss the need for security mechanisms in the cloud(Cognitive


Knowledge Level: Understand)

CO 4 Illustrate various load-balancing methods in the cloud. (Cognitive


Knowledge Level: Apply)

CO 5 Contrast the different popular cloud computing


platforms(Cognitive Knowledge Level: Understand)

Program Outcomes (PO)

Outcomes are the attributes that are to be demonstrated by a graduate after


completing the course.

PO1: An ability to independently carry out research/investigation and


development work in engineering and allied streams.
INFORMATION TECHNOLOGY

PO2: An ability to communicate effectively, write and present technical reports


on complex engineering activities by interacting with the engineering fraternity
and with society at large.

PO3: An ability to demonstrate a degree of mastery over the area as per the
specialization of the program. The mastery should be at a level higher than the
requirements in the appropriate bachelor program.

PO4: An ability to apply stream knowledge to design or develop solutions for


real world problems by following the standards.

PO5: An ability to identify, select and apply appropriate techniques, resources


and state-of-the-art tool to model, analyze and solve practical engineering
problems.

PO6: An ability to engage in life-long learning for the design and development
related to the stream related problems taking into consideration sustainability,
societal, ethical and environmental aspects.

PO7: An ability to develop cognitive load management skills related to project


management and finance which focus on Entrepreneurship and Industry
relevance.

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 √ √ √ √ √

CO 2 √ √ √ √ √

CO 3 √ √ √ √ √

CO 4 √ √ √ √ √

CO 5 √ √ √ √ √
INFORMATION TECHNOLOGY

Assessment Pattern

Bloom’s Category End Semester Examination

Understand 80%

Apply 20%

Analyze

Evaluate

Create

Mark distribution

Total Marks CIE ESE ESE Duration

100 40 60 2.5 hours

The evaluation shall only be by employing application-based, analysis-based,


or design-based questions (for both internal and end-semester examinations)

Continuous Internal Evaluation (CIE) Pattern:

Preparing a review article based on peer-reviewed original 10 Marks


publications (minimum 10 Publications shall be referred)/
Assignment:

Course-based task/Seminar/Data Collection and 20 Marks


interpretation:
INFORMATION TECHNOLOGY

Test paper (one only, and shall include a minimum of 80% 10 Marks
of the syllabus):

End Semester Examination (ESE) Pattern:

The end-semester examination shall be conducted by the respective College.


There shall be two parts; Part A and Part B. Part A shall contain five
numerical/short answer questions with one question from each module, having
five marks for each question (such questions shall be useful in the testing of
knowledge, skills, comprehension, application, analysis, synthesis, evaluation
and understanding of the students). Students shall answer all questions. Part
B shall contain seven questions (such questions shall be useful in the testing of
overall achievement and maturity of the students in a course, through long
answer questions relating to theoretical/practical knowledge, derivations,
problem-solving and quantitative evaluation), with a minimum one question
from each module of which student shall answer any five. Each question shall
carry seven marks.

Note: The marks obtained for the ESE for an elective course shall not exceed
20% over the average ESE mark % for the core courses. ESE marks awarded to
a student for each elective course shall be normalized accordingly.
For example, if the average end-semester mark % for a core course is 40, then
the maximum eligible mark % for an elective course is 40+20 = 60 %.
INFORMATION TECHNOLOGY

MODEL QUESTION PAPER FOR END-SEMESTER EXAMINATION

Time: 2½ Hours, Maximum marks: 60

PART A (Answer all questions. Five marks each)

1. “A hybrid cloud is a combination of two or more other cloud deployment


models”. Justify the statement with an example.
2. What are the characteristics of multi-tenant technology?
3. Why is it harder to establish security in the cloud?
4. What is an auto-scaling feature in cloud computing? How has it been
achieved based on three pillars?
5. Differentiate between amazon SimpleDB and Amazon RDS.

PART B (Answer any five questions. Seven marks each)

6. What are the basic components of an IaaS-based solution for cloud


computing? Also provide some examples of IaaS implementations.
7. Explain the broadband networks and internet architecture.
8. Explain common threats and vulnerabilities in cloud-based
environments with suitable examples.
9. Auto-scaling implementation requires a mixture of both reactive and
proactive scaling approaches. Justify this statement.
10. Explain the architecture of Windows Azure.
11. Differentiate between vertical and horizontal scaling
12. “Integration of cloud computing in mobile computing provides
advantages by overcoming the limitations of mobile computing”. Justify
this statement.
INFORMATION TECHNOLOGY

SYLLABUS

Module I: Introduction to Cloud Computing (7 Hours)

Traditional computing: Limitations, Overview of Computing Paradigms: Grid


Computing, Cluster Computing, Distributed Computing, Utility Computing,
Cloud Computing, NIST reference Model, Basic terminology and concepts,
Cloud characteristics, benefits and challenges, Cloud delivery (service) models:
Infrastructure-as-a-Service (IaaS), Platform-as-a-Service (PaaS), Software-as-a-
Service (SaaS), XaaS (Anything-as-a-service),Cloud deployment models: Public
cloud, Community cloud, Private cloud, Hybrid cloud, Open Cloud Services.

Module II: Cloud-Enabling Technology (9 Hours)

Broadband Networks and Internet Architecture: Internet Service Providers


(ISPs), Router-Based Interconnectivity, Technical and Business Considerations,
Data Center Technology, Virtualization Technology, Web Technology,
Multitenant Technology, Service Technology.

Module III: Fundamental Cloud Security (8 Hours)

Basic Terms and Concepts in Security, Threat Agents, Cloud Security Threats,
Identity Management and access Control, Cloud Security Working Groups,
Elements of Cloud Security Model, Cloud Security Reference Model, Examining
Cloud Security against Traditional Computing.

Module IV: Cloud Mechanisms (7 Hours)

Scaling, Foundation of Cloud Scaling, Scaling Strategies in Cloud, Auto Scaling


in Cloud, Cloud Bursting, Types of Scaling, Capacity Planning, Capacity
Planning at Different Service Levels, Load Balancer, Two Levels of Balancing,
Goals of Load Balancing, Categories of Load Balancing, Exploring Dynamic
Load Balancing.
INFORMATION TECHNOLOGY

Module V: Popular Cloud Platforms, Mobile Cloud Computing and IoT (9


Hours)

Amazon web services (AWS):- Amazon Elastic Compute Cloud, Amazon Storage
Systems, Database Services of AWS, Amazon CDN Service: CloudFront, Google
Cloud:- Google’s IaaS Offerings, Google’s PaaS Offering, Google’s SaaS
Offerings, Microsoft Azure:- Azure Virtual Machine, Azure Storage, Azure
Database Services, Azure Content Delivery Network, Mobile Cloud Computing:-
Introduction, Limitations, Offloading of Tasks, Integration of Cloud Computing
into Mobile Computing, Benefits, IoT:- Smart Objects, Fog Computing, Benefits
of IoT.
INFORMATION TECHNOLOGY

COURSE PLAN

No Topic No. of
Lectures

1 Introduction to Cloud Computing 7 Hours

1.1 Traditional computing: Limitations, Overview of 1


Computing Paradigms: Grid Computing, Cluster
Computing.

1.2 Distributed Computing, Utility Computing, Cloud 1


Computing.

1.3 NIST reference Model, Basic terminology and 1


concepts,

1.4 Cloud characteristics, benefits and challenges 1

1.5 Cloud delivery (service) models: Infrastructure-as- 1


a-Service (IaaS), Platform-as-a-Service (PaaS),
Software-as-a-Service (SaaS), XaaS (Anything-as-a-
service),

1.6 Cloud deployment models: Public cloud, 1


Community cloud, Private cloud, Hybrid cloud.

1.7 Open Cloud Services. 1

2 Cloud-Enabling Technology 9 Hours

2.1 Broadband Networks and Internet Architecture: 1


Internet Service Providers (ISPs), Router-Based
Interconnectivity,

2.2 Technical and Business Considerations. 1

2.3 Data Center Technology. 2

2.4 Virtualization Technology. 2


INFORMATION TECHNOLOGY

2.5 Web Technology 1

2.6 Multitenant Technology 1

2.7 Service Technology 1

3 Fundamental Cloud Security 8 Hours

3.1 Basic Terms and Concepts in Security. 1

3.2 Threat Agents 1

3.3 Cloud Security Threats. 1

3.4 Identity Management and access Control 1

3.5 Cloud Security Working Groups, Elements of 1


Cloud Security Model.

3.6 Cloud Security Reference Model. 2

3.7 Examining Cloud Security against Traditional 1


Computing.

4 Cloud Mechanisms 7 Hours

4.1 Scaling, Foundation of Cloud Scaling, Scaling 1


Strategies in Cloud.

4.2 Auto Scaling in Cloud, Cloud Bursting. 1

4.3 Types of Scaling. 1

4.4 Capacity Planning, Capacity Planning at Different 1


Service Levels.

4.5 Load Balancer, Two Levels of Balancing, Goals of 1


Load Balancing.

4.6 Categories of Load Balancing, Exploring Dynamic 2


Load Balancing
INFORMATION TECHNOLOGY

5 Popular Cloud Platforms, Mobile Cloud 9 Hours


Computing and IoT

5.1 Amazon web services (AWS):- Amazon Elastic 1


Compute Cloud, Amazon Storage Systems.

5.2 Database Services of AWS, Amazon CDN Service: 2


CloudFront.

5.3 Google Cloud:- Google’s IaaS Offerings, Google’s 1


PaaS Offering, Google’s SaaS Offerings.

5.4 Microsoft Azure:- Azure Virtual Machine, Azure 2


Storage, Azure Database Services, Azure Content
Delivery Network.

5.5 Mobile Cloud Computing:- Introduction, 1


Limitations.

5.6 Offloading of Tasks, Integration of Cloud 1


Computing into Mobile Computing, Benefits.

5.7 IoT:- Smart Objects, Fog Computing, Benefits of 1


IoT.

Reference Books

1. Cloud computing. Bhowmik, S., 2017. Cambridge University Press.


2. 2.Cloud Computing Concepts, Technology & Architecture.Thomas, E.,
Zaigham, M., & Ricardo, P. (2013). Prentice Hall.
3. “Mastering cloud computing: foundations and applications programming”,
Buyya, R., Vecchiola, C., & Selvi, S. T. (2017 Edition)., Morgan
Kaufmann.
4. “Distributed and Cloud Computing fromParallel Processing to the Internet
of Things” K.Hwang, G.C Fox, J.J Dongarra., ( 2012 Edition ), Morgan
Kaufmann.
INFORMATION TECHNOLOGY

MINIPROJECT
INFORMATION TECHNOLOGY

222PIT100 MINI CATEGORY L T P CREDIT


PROJECT
PROJECT 0 0 4 2

Mini project can help to strengthen the understanding of student’s


fundamentals through application of theoretical concepts and to boost their
skills and widen the horizon of their thinking. The ultimate aim of an
engineering student is to resolve a problem by applying theoretical
knowledge. Exposure to more projects enhances problem solving skills.

The introduction of mini projects ensures preparedness of students to


undertake dissertation. Students should identify a topic of interest in
consultation with PG Programme Coordinator that should lead to their
dissertation/research project. Demonstrate the novelty of the project through
the results and outputs.

The progress of the mini project is evaluated based on three reviews, two
interim reviews and a final review. A report is required at the end of the
semester.

Evaluation Committee - Programme Coordinator, One Senior Professor and


Guide.

Sl. Type of evaluations Mark Evaluation criteria


No
1 Interim evaluation 1 20
2 Interim evaluation 2 20
INFORMATION TECHNOLOGY

3 Final evaluation 35 Will be evaluating the level of


by a Committee completion and
demonstration of
functionality/
specifications, clarity of
presentation, oral
examination, work
knowledge and
involvement
4 Report 15 the committee will be
evaluating for the technical
content, adequacy of
references, templates
Followed and permitted
plagiarism level( not more
than
25% )
5 Supervisor/Guide 10
Total Marks 100
INFORMATION TECHNOLOGY

LABORATORY
INFORMATION TECHNOLOGY

222L1T100 SECURE CATEGORY L T P CREDIT


COMPUTING LAB
LABORATORY 0 0 2 1

Preamble: This course enables the learners to perform experimentsin computer


security and experience various tools for network monitoring and security.

Course Outcomes:

After the completion of the course, the student will be able to

CO 1 Implement various cryptographic algorithms (Level: Apply)

CO 2 Evaluate the performance of various cryptographic algorithms


(Level: Analyze)

CO 3 Employ and experiment with tools for monitoring network traffic


(Level: Analyze)

CO 4 Demonstrate the use of various tools for network security (Level:


Apply)

Mapping of course outcomes with program outcomes

PO 1 PO 2 PO 3 PO 4 PO 5 PO 6 PO 7

CO 1 ✓ ✓ ✓

CO 2 ✓ ✓ ✓

CO 3 ✓ ✓ ✓
INFORMATION TECHNOLOGY

CO 4 ✓ ✓ ✓

Continuous Internal Evaluation Pattern:

CIE: 100%

Attendance: 10%

Preparation and completion of experiments by the student: 60%

Final Assessment: 30%

SYLLABUS AND COURSE PLAN

No Topic No. of Hrs

1 Implement a program to calculate MD5 and SHA hash values


2 Hrs

2 Using a given private key, generate a public key in 2 Hrs


an elliptic curve algorithm.

3 Implement digital signature using RSA algorithm 2 Hrs

4 Implement a protocol for authenticated delivery of 2 Hrs


data by considering encryption and decryption
using AES 128-bit key.

5 Implementation of web-browser communication using SSL by


ensuring strong encryption, authentication and data integrity.
2 Hrs
INFORMATION TECHNOLOGY

6 Program to sign messages which conform to the 2 Hrs


S/MIME standard and verify its digital signatures
based on certificates containing RSA keys.

7 Implementation of a sniffer for monitoring network 2 Hrs


communication.

8 Program to send an encrypted string via Bluetooth 2 Hrs


from a PC as a client to a mobile as a server.

9 Implement a program for secure password storage


2 Hrs

10 Implement a program for distributed Denial of 2 Hrs


service

11 Implement a technique to extract the database 2 Hrs


information through a web application(SQL
Injection)

12 Performance Evaluation of Cryptographic 2 Hrs


Algorithms: AES and DES

13 Use NMAP for port monitoring


1 Hr

14 Use IPTABLES/NETFILTER on Linux for Firewalls 1 Hr


to configure the IP packet filter rules

References

1. https://www.suse.com/documentation/sles11/book_sle_admin/data/sec_a
pache2_ssl.html
2. http://linuxconfig.org/apache-web-server-ssl-authentication
INFORMATION TECHNOLOGY

3. http://www.tomcatexpert.com/knowledge-base/using-openssl-onfigure-ssl-
certificates- tomcat
4. http://linuxcommand.org/man_pages/openssl1.html
5. https://www.owasp.org/index.php/Digital_Signature_Implementation_in_J
ava
6. https://www.openssl.org/docs/apps/smime.html
7. http://fedoraproject.org/wiki/How_to_edit_iptables_rules
8. https://www.frozentux.net/iptables-tutorial/iptables-tutorial.html
9. https://www.frozentux.net/iptables-tutorial/iptables-tutorial.html
10. http://nmap.org/bennieston-tutorial/

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy