0% found this document useful (0 votes)
59 views

LTI2

Uploaded by

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

LTI2

Uploaded by

BALAKUMAR C
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 25

MASTER OF COMPUTER APPLICATIONS 2024-2025

Semester II
24CAP201B DEEP LEARNING APPLICATIONS 5H-3C
Instruction Hours / Week: L:5 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Probability and Statistics, Machine Learning Concepts
COURSE OBJECTIVES (CO):
 To Identify and define complex problems that can benefit from deep learning solutions, such as
image recognition, natural language processing, or sequential data analysis.
 To Gather and preprocess large-scale datasets suitable for deep learning tasks.
 To Validate models using appropriate metrics and techniques (e.g., cross-validation, holdout
validation) to ensure generalizability and reliability.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Understand the fundamentals of deep learning and its applications in Understanding
computer vision, time series analysis and natural language processing.
CO2 Build a facial recognition system, weather forecasting system and a Applying
chatbot
CO3 Enhance operational efficiency through predictive analytics and Evaluating
proactive maintenance strategies.
CO4 Achieve accurate and reliable predictions in challenging environments Applying
or with noisy data.
CO5 Achieve state-of-the-art or competitive performance on benchmark Analyzing
datasets or real-world problems.

UNIT I BUILDING A FACIAL RECOGNITION SYSTEM - PART 1 12 HOURS


Convolutional Neural Network (CNN): Transfer learning - Data Augmentation - Image segmentation -
Object detection - Video classification - Text and natural language processing - Structured data - Model
optimization
UNIT II BUILDING A FACIAL RECOGNITION SYSTEM - PART 2 12 HOURS
Facial recognition model: Writing the code - Deploying the API as container - Consuming the API from
Frontend and display- Preparing the image dataset - Creating and training the Model; Build and deploy
Flask REST API on Docker: steps to dockerize your flask app; Docker: Docker Installation – Architecture
– Working of Docker; Kubernetes: Overview – Architecture – Kubernetes Setup – Advanced Kubernetes ;
Flask : Overview – Environment - Application
UNIT III BUILDING A FACIAL RECOGNITION SYSTEM - PART 3 12 HOURS
Facial Recognition system: Create Endpoints and UI to retrain the system with new data (faces) -
Feedback system for face labels - Transfer Learning - Reusing the knowledge with additional learning;
Technology: Flask, streamlit and Tensorflow - Create a multipage app - API reference - Advanced
features - Components - Roadmap - Changelog - Cheat sheet -Streamlit community cloud.
UNIT IV BUILDING A WEATHER FORECASTING SYSTEM WITH 12 HOURS
CHATBOT - PART 1
Recurrent Neural Network: Architecture - Technology and libraries - Application of RNN - Limitations of
RNN - Improvement LSTM - RNN in time series - Build an RNN to predict time series in TensorFlow -
Text generation with an RNN ; Chatbot : Working of chatbot - Types of Chatbot - Use cases of chatbots -
Objective - End goal - constraints - How to build a chatbot - A ten - minute introduction to sequence to
sequence learning in keras - Chatbot using seq2seq LSTM models - Architecture of seq2seq model
UNIT V BUILDING A WEATHER FORECASTING SYSTEM WITH 12 HOURS
CHATBOT - PART 2
Intelligent Chatbox: Using LSTM - Using NLP - LSTM Time series Analysis - LSTM weather - Create an
Intelligent chatbot in Python using the spaCy NLP Library - Prerequisites - Setting up the environment -
creating the city weather program - Creating the chatbot.
TOTAL: 60 HOURS

TEXT BOOKS:

1 Hamilton, J. D. (2012). Time Series Analysis. Levant Books.

2 Ayyadevara, V. K., & Reddy, Y. (2020). Modern Computer Vision with PyTorch. Packt
Publishing.

REFERENCE BOOKS:

1 Verdhan, V. (2021). Computer Vision Using Deep Learning Neural Network Architectures with
Python and Keras. Apress.

2 Davies, E. R. (2012). Computer & Machine Vision (4th ed.). Academic Press.

3 Szeliski, R. (2011). Computer Vision: Algorithms and Applications. Springer Verlag London
Limited.

WEBSITES:

1 https://builtin.com/artificial-intelligence/deep-learning-applications

2 https://www.mygreatlearning.com/blog/deep-learning-applications/

3 https://www.knowledgehut.com/blog/data-science/deep-learning-applications
CO,PO,PSO Mapping

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - 2 3 - - - - 2 - - - - - - - -
CO2 3 - 2 3 - - - - 2 - - - - - - - 2
CO3 3 - 3 3 3 1 - 1 - - - - - - - - -
CO4 3 - 2 3 2 - - - 1 - - - - - - - -
CO5 3 - 3 3 1 1 - - - - - - - - - 2 -
Average 3 0 2.4 3 2 1 0 1 1.7 0 0 0 0 0 0 2 2
1-Low, 2-Medium, 3-Strong; ’-’ - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP202B GENERATIVE AI WITH LARGE LANGUAGE MODELS 5H-3C
Instruction Hours / Week: L:5 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Automata Theory Concepts, Compiler Design Basics
COURSE OBJECTIVES (CO):
 To Integrate generative AI with other modalities such as images, audio, or video to create to
multimodal outputs.
 To Explore cross-modal generation tasks such as image captioning or audio-to-text synthesis.
 To Utilize generative AI to personalize content recommendations or user interfaces based on
individual preferences and behaviors.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Understand Fundamentals of Fine Tuning, Types of fine-tuning Understanding
Techniques.
CO2 Reinforcement learning and LLM-powered applications. Applying
CO3 Improve efficiency and scalability in producing large volumes of Creating
high-quality content.
CO4 Implement generative AI for tasks such as language translation, Analyzing
summarization, or paraphrasing.
CO5 Provide seamless interactions and maintain context over extended Applying
conversations.

UNIT I INTRODUCTION TO GENERATIVE AI 12 HOURS


Introduction Generative AI & LLMs - LLM use cases and tasks - Text generation before transformers -
Transformers architecture - Generating text with transformers - Prompting and prompt engineering (CoT)
– RAG Technique for retrival .
UNIT II Generative AI 12 HOURS
Generative configuration - Generative AI project lifecycle - Pre-training large language models -
Computational challenges of training LLMs.
UNIT III FINE TUNING AND EVALUATION 12 HOURS
Instruction fine-tuning - Fine-tuning on a single task - multi-task instruction fine-tuning - Model
evaluation – Benchmarks -Parameter efficient fine-tuning (PEFT) -PEFT techniques 1: LoRA - PEFT
techniques 2: Soft prompts.
UNIT IV REINFORCEMENT LEARNING 12 HOURS
Aligning models with human values - Reinforcement learning from human feedback (RLHF) - RLHF:
Obtaining feedback from humans - Reward model - Fine-tuning with reinforcement learning - Model
optimizations for deployment.
UNIT V LLM-POWERED APPLICATIONS 12 HOURS
Generative AI Project Lifecycle - Using the LLM in applications - Interacting with external applications -
Helping LLMs reason and plan with chain-of-thought - Program-aided language models (PAL) - ReAct:
Combining reasoning and action - LLM application architectures.
TOTAL: 60 HOURS
TEXT BOOKS:
1 Deforest, E. R. (2024). Prompt Engineering with Transformers and LLM. Kindle.
2 Rehmani, A. (2024). Generative AI for Everyone (1st ed.). Altaf Rehmani.

REFERENCE BOOKS:
1 Foster, D. (2024). Generative Deep Learning: Teaching Machines to Paint, Write, Compose, and
Play.
2 Gupta, D., & Srivastava, A. (2024). The Potential of Generative AI: Transforming Technology,
Business, and Art through Innovative AI Applications.

WEBSITES:
1 https://www.techtarget.com/searchenterpriseai/definition/generative-AI
2 https://ai.google/discover/generativeai/
3 https://generativeai.net/

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - - - - - - - 1 - 1 - - - - - -
CO2 3 - 3 2 3 1 - 1 2 1 - - - - - 1 -
CO3 3 - 3 - 3 1 - 1 2 1 - - - - - - -
CO4 3 - 3 1 3 1 - 1 2 1 1 - - - - - -
CO5 3 - 1 - - - - - 2 - - - - - - - 1
Average 3 0 2.5 1.5 3 1 0 1 1.8 1 1 0 0 0 0 1 1
CO, PO, PSO Mapping
1 - Low, 2 - Medium, 3 - High, ‘-' - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
SEMESTER II
23XXPOE201 OPEN ELECTIVE 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISTE:

COURSE OBJECTIVES (CO):

COURSE OUTCOMES (COs):


At the end of this course, students will be able to
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP203 ETHICS IN DATA SCIENCE 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Statistics Concepts, Research Fundamentals
COURSE OBJECTIVES (CO):
 To Establish guidelines for the ethical development and deployment of AI and machine learning
models.
 To Evaluate the potential social impact of data science projects and initiatives, considering
broader societal implications.
 To Develop and adopt ethical decision frameworks and guidelines specific to data science,
guiding ethical decision-making throughout the project lifecycle.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to
COs Course Outcomes Blooms Level
CO1 Understand Philosophical frameworks for assessing fairness. Understanding
CO2 Get knowledge on Data ownership, privacy and anonymity. Understanding
CO3 Identify sources of bias in data, algorithms, and models used in data Analyzing
science projects.
CO4 Articulate the importance of transparency in data science practices, Examining
including algorithmic transparency, model interpretability, and
explainability of decisions.
CO5 Demonstrate ethical leadership and responsibility in data science Creating
projects, advocating for ethical practices and policies within
organizations.

UNIT I INTRODUCTION AND PHILOSOPHICAL FRAMEWORKS FOR 9 HOURS


ASSESSING FAIRNESS
Foundations of ethics - early theories of fairness (Utilitarianism etc.) - contemporary theories of fairness -
significance of ethics in data science - ethics vs. law/compliance/public relations - cultural relativism -
“professional” ethics in data science - individuals vs. collectives.
UNIT II RESEARCH ETHICS 9 HOURS
Data driven research, methods of collection of data - different types of data: qualitative and quantitative -
overview of ethical issues in data-driven organizations - doing ethical data analysis - responsible use of
research data - plagiarism - fake data and fabrication of data - creation of data base.

UNIT III DATA OWNERSHIP, PRIVACY, ANONYMITY AND 10 HOURS


ALGORITHMIC FAIRNESS
Understanding the difference between data ownership - data privacy and data anonymity - under- standing
the idea behind data surveillance - data privacy vs. data security. Discrimination and algorithms- obscure
and unintentional bias displayed by the algorithms - ethics of data scraping and storage- Mosaic data-
found data- and designed data.
UNIT IV POLICIES ON DATA PROTECTION 10 HOURS
EU’s general data protection rules - GDPR - digital India policy - personal data protection bill - 2019 -
PDP Bill- ethical issues on data privacy in context with India - case studies.
UNIT V RESPONSIBLE AI AND RED TEAMING ON LLM & CASE STUDY 10 HOURS
Various dimensions of Responsible AI - Dimensions of Ethical AI - Bias Mitigation Techniques;
Constitutional AI: Rulesof Constitutional AI - How to create Constitutional AI complaint system - Model
fine tuning for Constitutional AI.What are the vulnerabilities - How to attack those problems by Red
Teaming.
TOTAL: 48 HOURS
TEXT BOOKS:
1 O'Keefe, K., & O'Brien, D. Ethical Data and Information Management: Concepts, Tools, and
Methods.
2 Loukides, M., Mason, H., & Patil, D. J. Data Science Ethics.
3 Boatman, A. A., & House, E. N. Ethics and Data Science.
REFERENCE BOOKS:
1 Priest, S., & Goodwin, J. (n.d.). Ethics and Practice in Science Communication.
2 Franks, B. (n.d.). The Ethical Data Scientist.
WEBSITES:
1 https://www.analyticsvidhya.com/blog/2022/02/ethics-in-data-science-and-proper-privacy-and-
usage-of-data/
2 https://online.maryville.edu/online-masters-degrees/data-science/careers/data-science-ethics-
issues-and-strategies/
CO, PO, PSO Mapping
PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - - - - - - 1 3 1 2 - - - - 1 -
CO2 3 - - - - - - - 2 - - - - - - - -
CO3 3 - - - 2 1 - 1 2 - - - - - - - 1
CO4 3 - 3 2 3 2 - 2 - - - - - - - - -
CO5 3 - 3 3 3 2 - 1 3 - - - - - - - -
Average 3 0 3 2.5 2.7 1.7 0 1.3 2.5 1 2 0 0 0 0 1 1
1 - Low, 2 - Medium, 3 - High, ‘-' - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP203 COMPUTER VISION 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Image Processing Techniques fundamentals

COURSE OBJECTIVES (CO):


 To Learn about basic image operations such as filtering, edge detection, and image enhancement
techniques.
 To Understand techniques for pixel-level classification to segment images into different regions
based on semantic meaning.
 To Explore methods for estimating depth from images and reconstructing 3D scenes using stereo
vision or depth sensors.
COURSE OUTCOMES (COS):
At the end of this course, students will be able to
COs Course Outcomes Blooms Level
CO1 Understand what techniques are available to process the image. Understanding
CO2 Analyze the image and extract required features. Analyzing
CO3 Evaluate computer vision solves real world problems. Evaluating
CO4 Learn principles and methods for estimating depth from images and Applying
reconstructing 3D scenes using stereo vision and depth sensors.
CO5 Develop a mindset for exploring new advancements and research Applying
directions in computer vision, contributing to innovation in the field.

UNIT I: IMAGE PROCESSING TECHNIQUES 10 HOURS


Introduction to image processing: What is image processing? - Understanding about types of image
processing-Visualization, Recognition, Sharpening & Restoration, Pattern Recognition, Retrieval; Image
Transformation: Image Enhancement Techniques: Histogram Equalization, Contrast Stretching, Adaptive
Enhancement - Image Restoration Methods: Deblurring, Denoising, Inpainting - Linear Filtering:
Convolution, Gaussian Filtering, Edge Detection - Independent Component Analysis (ICA) - Pixelation
and Its Applications; Image Generation Technique: Procedural Image Generation: Fractal Generation,
Noise-based Generation - Generative Adversarial Networks (GANs) for Image Generation: Introduction to
GANs- Understanding the architecture and training process of generative adversarial networks,
Implementing GANs for generating realistic images, including applications in image-to-image translation
and style transfer. - Applications of Image Generation Techniques: Data Augmentation, Creative
Applications.
UNIT II: FEATURE EXTRACTION AND IMAGE ANALYSIS 10 HOURS
Feature Detection: Introduction to feature detection - Object recognition techniques (key point detection,
edge detection) - Image segmentation algorithms (region growing, thresholding, etc.) - Frequency domain
processing (Fourier transform, frequency filtering) - Feature extraction methods (SIFT, SURF); Object
Description: Introduction to fundamentals of moving object detection - Moving object description
techniques (optical flow, background subtraction) - Camera geometry for object description (camera
calibration, pose estimation).
UNIT III: MACHINE LEARNING FOR COMPUTER VISION 9 HOURS
Image Classification: Introduction to machine learning for computer vision - Image classification models
(CNNs, transfer learning) - Object detection with machine learning (YOLO, SSD) - Labeling images for
machine learning (annotation tools, data augmentation).
UNIT IV: 3D COMPUTER VISION 9 HOURS
Depth Perception: Comparison of 2D and 3D computer vision - Real-world applications and trends in 3D
computer vision - Classification of 3D data (point clouds, meshes).
UNIT V: ADVANCED CV AND FUTURE TRENDS 10 HOURS
Advanced Computer Vision Applications: Brain Tumor Detection - Integrating Computer Vision in
Autonomous Driving Systems - Computer Vision Applications in the Food Industry;Object Detection and
Recognition: Visual Tracking - Semantic Segmentation - Human Recognition.
TOTAL: 48 HOURS

TEXT BOOKS:
1 Ayyadevara, V. K., & Reddy, Y. (2020). Modern Computer Vision with PyTorch. Packt
Publishing.
2 Cyganek, B. (2009). An Introduction to 3D Computer Vision Techniques and Algorithms (1st ed.).
John Wiley & Sons Inc.

REFERENCE BOOKS:
1 Davies, E. R. Computer Vision: Principles, Algorithms, Applications, Learning.
2 Prince, S. J. D. Computer Vision: Models, Learning, and Inference.

WEBSITES:
1 https://www.ibm.com/topics/computer-vision
2 https://www.ibm.com/topics/computer-vision
CO, PO, PSO Mapping
PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 3 - - 3 - - - - - - - - - - - -
CO2 3 3 - - 2 2 - - - - - - - - - - -
CO3 3 3 - - - - - - - - - - - - - - -
CO4 3 3 3 3 2 - - - - - - - - - - - -
CO5 3 3 3 3 - - - - - 2 1 2 - - - - -
Average 3 3 3 3 2 2 0 0 0 2 1 2 0 0 0 0 0
1 - Low, 2 - Medium, 3 - High, ‘-' - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP203 NATURE LANGUAGE PROCESSING 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Machine learning fundamentals

COURSE OBJECTIVES (CO):


 To Understand the basic concepts, principles, and terminology of natural language processing.
 To Learn techniques for cleaning and preprocessing text data, including tokenization,
normalization, and stemming/lemmatization.
 To Explore the application of statistical models and machine learning algorithms to NLP tasks
such as text classification, named entity recognition, and sentiment analysis.
COURSE OUTCOMES (COS):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Understand the purpose of NLP and how to use it in real world Understanding
applications with example.
CO2 Solve a classification problem. Examining
CO3 Understand how deep learning is applied for NLP. Understanding
CO4 Transfer learning concepts for reusability of knowledge. Applying
CO5 Understand the applications of voice recognition system. Understanding

UNIT I NLP NEED & REAL-WORLD APPLICATIONS 10 HOURS


What is NLP and its components? - Phases of NLP - Challenges of natural language - Applications of
NLP - Industries using NLP - NLP programming languages - NLP libraries and Development
environments - Use of AI in NLP - Basic Text Processing and Linguistic Concepts: Tokenization -
Stemming - Lemmatization - Part-of-Speech Tagging.
UNIT II TEXT CLASSIFICATION 10 HOURS
Benefits of Text Classification - Types of Text classification - Challenges in text classification -
Applications of text classification
UNIT III DEEP LEARNING FOR NLP 9 HOURS
Convolutional Neural Networks (CNNs) for NLP - Recurrent Neural Networks (RNNs) for NLP -
Recursive Neural Networks - Hybrid Models for NLP
UNIT IV TRANSFER LEARNING FOR NLP 9 HOURS
Benefits of Transfer Learning for NLP - Fine Tuning techniques - Fine-Tune BERT for Spam
Classification
UNIT V VOICE RECOGNITION 10 HOURS
Basics of Voice Recognition: Difference between speech and voice recognition - Use of NLP in voice
recognition and transformation: Speech recognition using NLP models (HMM, DTW) - Acoustic
modelling - Error correction in voice recognition.
TOTAL: 48 HOURS
TEXT BOOKS:
1 Vajjala, S., Majumder, B., Gupta, A., & Surana, H. (2020). Practical Natural Language
Processing. Shroff/O'Reilly.
2 Kamath, U., Liu, J., & Whitaker, J. (2019). Deep Learning for NLP and Speech Recognition (1st
ed.). Springer.

REFERENCE BOOKS:
1 Allen, J. (n.d.). Natural Language Understanding.
2 Indurkhya, N., & Damerau, F. J. (Eds.). (n.d.). Handbook of Natural Language Processing.

WEBSITES:

1 https://www.ibm.com/topics/natural-language-processing

2 https://www.oracle.com/in/artificial-intelligence/what-is-natural-language-processing/

3 https://www.techtarget.com/searchenterpriseai/definition/natural-language-processing-NLP

CO, PO, PSO Mapping


PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 2 1 - - - - 1 - - - - - - - - - 1
CO2 3 2 1 - - - - - - - - - - - - - 1
CO3 2 1 - - - - 1 - - - - - - - - - 1
CO4 2 1 - - - - - - - - - - - - - - 1
CO5 3 2 1 - - - 1 - - - - - - - - - 1
Average 2.4 1.4 1 0 0 0 1 0 0 0 0 0 0 0 0 0 1
1 - Low, 2 - Medium, 3 - High, ‘-' - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP204 APPLICATION ARCHITECTURE AND DEPLOYMENT 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Machine learning fundamentals, Software engineering basics
COURSE OBJECTIVES (CO):
 To Design and document software architectures for complex systems.
 To Develop automated deployment pipelines for continuous integration and delivery.
 To Implement practices for maintaining system reliability, availability, and security in production
environments.
COURSE OUTCOMES (COS):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Understand the differences between monolithic and microservices Understanding
architecture and their respective advantages and disadvantages in AI
applications.
CO2 The Kubernetes and how it can be used to manage and deploy AI Analyzing
models in a production environment.
CO3 Understand application programming interfaces (APIs) and their role Understanding
in integrating AI models into larger systems.
CO4 MLOps and how it can be used to streamline the machine learning Applying
lifecycle, from data preparation to model deployment and monitoring.
CO5 Effectively communicate emerging technologies, tools, and Evaluating
methodologies in application architecture and deployment.

UNIT I MONOLITHIC VS MICROSERVICES 9 HOURS


Introduction to Software Architecture and its types - What is Monolithic Architecture and its Importance -
Characteristics of Monotithic Architecture - Limitations of Monolithic Architecture - What are
Microservices - Working of Microservices - Main Components of Microservices Architecture -
Advantages of Microservices - Monolithic vs Microservices - Real World Example of Microservices -
Challenges in Microservices.
UNIT II APPLICATION PROGRAMMING INTERFACE 10 HOURS
What is an API - How do an API Work - WEB APIs - LOCAL APIs - PROGRAM APIs - SOAP, REST
API - What are REST APIs - HTTP methods (GET, POST, PUT, DELETE) - Status Codes and URI
structure - SOAP vs REST - What is API testing - Types of Testing - Tools for API Testing -
Authentication Mechanisms - Authorization Mechanisms - Role Based Access Control (RBAC)
UNIT III CONTAINERS - AN INTRODUCTION 10 HOURS
What is Virtualization - Virtualization in Cloud Computing - Introduction to containerization - Container
Lifecycle - Virtualization vs Containerization - Container Security - Serverless Containers - Introduction
to Docker - Docker Architecture - Components of Docker - Concept of Docker Images - Docker
Commands - Advantages of Docker - Introduction to Orchestration tools
UNIT IV KUBERNETES - AN INTRODUCTION 10 HOURS
What is Kubernetes (K8s) - Why Kubernetes and not only docker - Kubernetes Components - Node -
Control Plane - Networking in Kubernetes - Kubernetes Resources - Pod, Deployment, Service, Volume,
Namespace, node, cluster - Storage - Security - Monitoring, Logging, Scaling - Writing YAML files.
UNIT V ML OPERATIONS 9 HOURS
Introduction to ML Operations - What is SDLC - Stages of SDLC - Waterfall Model - Agile Model -
Iterative Model - Importance of Each Models - Model Training - Model Deployment.
TOTAL: 48 HOURS
TEXT BOOKS:
1 Surovich, S., & Boorshtein, M. (2021). Kubernetes and Docker. Packt Publishing.
2 Treveil, M., Omont, N., & Stenac, C. (2020). Introducing MLOps: How to Scale Machine
Learning in the Enterprise. (Grayscale Indian Edition). Shroff/O'Reilly.
REFERENCE BOOKS:
1 Libutti, L. R. Systems Application Architecture (1st ed.).
2 Shaw, M., & Garlan, D. (1996). Software Architecture: Perspectives on an Emerging Discipline.
Prentice Hall.
WEBSITES:
1 https://www.ibm.com/blog/four-architecture-choices-for-application-development/
2 https://docs.oracle.com/cd/E19199-01/817-5759/dep_architect.html
CO, PO, PSO Mapping
PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - 3 2 - 2 - 1 2 1 - - - - - 1 -
CO2 3 - 3 - 3 2 - - 2 - - - - - - - -
CO3 3 - 3 3 2 2 - - 1 - 1 - - - - - 2
CO4 3 - 3 3 2 2 - - 2 - - - - - - - -
CO5 3 2 3 3 3 2 2 1 - - 1 - - - - - 2
Average 3 2 3 2.8 2.5 2 2 1 1.8 1 1 - - - - 1 2
1 - Low, 2 - Medium, 3 - High, ‘-' - No Correlation
MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP204 SECURITY FOR DATA SCIENCE 4H-3C
Instruction Hours / Week: L:4 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Network Security fundamentals
COURSE OBJECTIVES (CO):
 Design and implement secure data collection, storage, and processing workflows.
 Apply encryption and anonymization techniques to protect sensitive data.
 Conduct security risk assessments and implement mitigation strategies.

COURSE OUTCOMES (COs):


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

COs Course Outcomes Blooms Level


CO1 Understand the Fundamentals of Cyber Security. Understanding
CO2 Implement Secure Data Handling Practices Applying
CO3 Analyse Security Risks in Data Science Projects Analyzing
CO4 Develop Threat Detection and Response Strategies. Evaluating
CO5 Design Ethical and Privacy-Preserving Data Science Solutions. Evaluating

UNIT I INTRODUCTION TO CYBER SECURITY AND DATA SCIENCE 10 HOURS


Overview of Cyber Security and Data Science - Definitions and Concepts - Intersection of Cyber Security
and Data Science - Cyber Threat Landscape - Types of Cyber Threats - Attack Vectors and Techniques -
Impact of Cyber Attacks on Data Science Processes - Foundations of Data Science - Data Collection and
Sources - Data Storage and Management - Data Processing and Analysis Techniques.
UNIT II FOUNDATIONS OF CYBER SECURITY 9 HOURS
Principles of Cyber Security - Confidentiality, Integrity, and Availability (CIA) - Authentication and
Authorization - Encryption and Cryptography - Secure Data Handling - Data Classification and Sensitivity
- Data Masking and Anonymization - Secure Data Transfer and Sharing - Data Privacy and Compliance -
Privacy Regulations (GDPR, HIPAA) - Data Governance and Compliance Frameworks - Ethical
Considerations in Data Science and Cyber Security.
UNIT III DATA PRIVACY AND PROTECTION 9 HOURS
Data Privacy and Protection -Secure Data Sharing and Transfer - Secure File Transfer Protocols - Secure
Data Exchange Platforms - Securing Data Collection Systems - Best Practices for Secure Data Storage -
Cloud Security and Data Privacy - Secure Data Transfer and Backup Strategies - Data Retention Policies
and Compliance.
UNIT IV THREAT DETECTION AND INCIDENT RESPONSE 10 HOURS
Threat Detection and Incident Response - Security Information and Event Management (SIEM) - Log
Management and Analysis - Real-time Threat Detection - Incident Response Frameworks - Preparation,
Identification, Containment, Eradication, Recovery - Forensic Analysis Techniques - Machine Learning
for Cyber Security - Threat Prediction and Classification - Behavioural Analysis and User Profiling.
UNIT V ADVANCED TOPICS IN CYBER SECURITY FOR DATA SCIENCE 10 HOURS
Advanced Topics in Cyber Security for Data Science - Adversarial Machine Learning - Evasion Attacks -
Defence Mechanisms - Secure Machine Learning Models - Privacy-Preserving Machine Learning -
Federated Learning - Ethical and Legal Considerations - Bias and Fairness in Cyber Security - Ethical
Hacking and Responsible Disclosure.
TOTAL: 48 HOURS
TEXT BOOKS:

1 Stallings, W. (2019). Effective Cybersecurity: A Guide to Using Best Practices and Standards.
Addison-Wesley Professional.
2 Shabtai, A., Elovici, Y., & Rokach, L. (2012). A Survey of Data Leakage Detection and
Prevention Solutions. Springer.
3 Bishop, M. (2005). Introduction to Computer Security. Addison-Wesley.
REFERENCE BOOKS:

1 Foster, I., & Gawande, A. (2017). Big Data and Privacy: Understanding and Deploying Secure
Data Science Solutions. Chapman and Hall/CRC.
2 Zhang, N., & Ghorbani, A. A. (2013). Privacy and Security for Cloud Computing. Springer.
WEBSITES:

1 https://www.knowledgehut.com/blog/data-science/data-science-in-cyber-security

2 https://hdsr.mitpress.mit.edu/pub/koyzu1te/release/1

CO,PO,PSO Mapping

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - 3 3 2 2 - 1 2 - 2 - - - - 2 -
CO2 3 - 3 2 2 2 - 1 2 1 - - - - - - -
CO3 3 - 3 2 2 2 - 1 2 - - - - 1 - - 3
CO4 3 - 2 2 2 2 - 1 2 - - - - - - - -
CO5 3 - 3 3 2 2 - 1 2 - - - - - - - 3
Average 3 - 2.8 2.4 2 2 - 1 2 1 2 - - 1 - 2 3

1-Low, 2-Medium, 3-Strong; ’-’ - No Correlation


MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP205 PROFESSIONAL SOFT SKILLS - II 3H-1C
Instruction Hours / Week: L:3 T:0 P:0 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours

PREREQUISITE:
 Not Required
COURSE OBJECTIVES (CO):
 Improve clarity and conciseness in verbal and written communication.
 Enhance ability to adapt to changing circumstances and new challenges.
 Promote a respectful and supportive workplace environment.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Understand what is spoken without distortion and respond Understanding
appropriately.
CO2 Behave professionally. Applying
CO3 Participate productively in an official meeting keeping etiquette in Understanding
mind.
CO4 Communicate effectively through writing. Applying
CO5 Behave appropriately in an official environment. Analyzing

UNIT I ACCENT NEUTRALIZATION 7 HOURS


Identifying and dealing with Mother Tongue Influence (MTI) – Pronunciation - Vowel Sounds and
Consonant Sounds – Inflection – Pausing - Reducing rate of speech - Volume and tone – Pitch – Clarity -
and enunciation.
UNIT II CUSTOMER SERVICE 7 HOURS
Customer Service - Different types of customers - Difference between customer service and customer
experience - Telephone Etiquette - Handling difficult customers.
UNIT III PROBLEM SOLVING AND DECISION MAKING 7 HOURS
Define a Problem - Define Decision Making- Blocks in problem solving - Stereotyping and unconscious
biases - The process of Problem Solving and decision making - Problem Analysis- Decision Analysis -
Potential Problem / Opportunity Analysis - Creative Thinking - Problem Solving process - Implementation
of the solution.
UNIT IV BUSINESS EMAIL ETIQUETTE AND CHAT 7 HOURS
Emails Etiquette: Share format/ signature - Emails etiquette - dos and don’ts.
UNIT V BASICS OF FINANCE 7 HOURS
Accounting systems and how transactions are recorded - Financial statements: Profit &Loss account -
balance sheet - cash flow statement - Fixed assets - depreciation and the capitalization of software
development expense - Working capital and cash management - Using ratio analysis to assess corporate
health and performance - Funding the business: equity - debt and other aspects - Budgeting &Forecasting
– capex – apex - Designing a flexible budget - Capital expenditure appraisal and approval
TOTAL: 36 HOURS
TEXT BOOKS:
1 Dauer, R. M. (1993). Accurate English: A Complete Course in Pronunciation. Prentice Hall.
2 Timm, P. R. (2011). Customer Service: Career Success through Customer Loyalty (5th ed.).
Prentice Hall.
3 Kepner, C. H., & Tregoe, B. B. (1997). The New Rational Manager: An Updated Edition for a
New World. Princeton Research Press.
4 Flynn, N. P., & Flynn, T. P. (2003). Writing Effective E-Mail: Improving Your Electronic
Communication (2nd ed.). Cengage Learning.
5 Brigham, E. F., & Houston, J. F. (2019). Fundamentals of Financial Management (15th ed.).
Cengage Learning.

REFERENCE BOOKS:
1 Kenworthy, J. (1987). Teaching English Pronunciation. Longman.
2 Lucas, R. W. (2019). Customer Service Skills for Success (7th ed.). McGraw-Hill Education.
3 Robbins, S. P., & Judge, T. A. (2018). Organizational Behavior (18th ed.). Pearson.
4 Shipley, D., & Schwalbe, W. (2007). Send: Why People Email So Badly and How to Do It Better.
Knopf.
5 Horngren, C. T., Harrison, W. T., & Oliver, M. S. (2019). Accounting (11th ed.). Pearson.

WEBSITES:
1 https://www.speechactive.com/
2 https://www.thebalancemoney.com/career-planning-6265513
CO,PO,PSO Mapping

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - - - - - - - - - - - - - - - -
CO2 3 - - - - - - - - - - - - - - - -
CO3 3 - 3 2 3 2 2 1 2 - 1 - - - - 2 -
CO4 3 - 1 1 1 1 1 - 1 - - - - - - - 1
CO5 3 - - 1 - - - - - 1 - - - - - - -
Average 3 - 2 1.3 2 1.5 1.5 1 1.5 1 1 - - - - 2 1

1-Low, 2-Medium, 3-Strong; ’-’ - No Correlation


MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP211B BUILDING GEN AI BASED APPLICATIONS - LAB 4H-2C
Instruction Hours / Week: L:0 T:0 P:4 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Python libraries
COURSE OBJECTIVES (CO):
 To address ethical issues and practical considerations related to the deployment of generative AI
applications, including bias, copyright, and societal impact.
 To gain practical skills in designing, implementing, and fine-tuning generative AI models using
popular frameworks such as TensorFlow, PyTorch, and Keras.
 To explore various applications of generative AI in fields such as image synthesis, text
generation, music composition, and data augmentation.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Demonstrate a thorough understanding of the principles and Understanding
algorithms underlying generative AI models.
CO2 Design, implement, and fine-tune generative AI models using leading Applying
AI frameworks and libraries.
CO3 Develop and deploy generative AI-based applications across various Analyzing
domains, demonstrating creativity and technical acumen.
CO4 Implementing real-world projects that showcase the practical Applying
applications and benefits of generative AI.
CO5 Capable of evaluating and optimizing the performance of generative Evaluating
AI models, ensuring high-quality and reliable outputs.

LIST OF PROGRAMS 48 HOURS


1 Take any large language model (say GPT 3.5) and try to execute some query through it. Create a
small program where you can change the parameter values of Temperature, Top P and Max
Tokens. Please identify how you can make your answer more deterministic?
2 Please identify what are the basic metrices to evaluate your large language model response? (As
example, toxicity, biasness etc). Please write a short program where you can take model response
as input and calculate the score for the above metrices to understand output quality.
3 Please write a program where you can perform keyword-based search. Please take any text file as
input and provide "keyword" dynamically and see whether your algorithm can search it
effectively.
4 Please write a program where you take perform embedding based search. Please take any vector
database and use any embedding technique to search the answer of the query from the given input
text file where query and text files are the inputs of your program.
5 Please take 2/3 medical reports (may be blood reports) and store them in a place. Please write a
program which can read all the files dynamically from the given locations. Please try to
understand the metadata of the reports.
6 Create a set of questions for which you want to retrieve information from the medical reports
through large language models. Save it in some database and keep in the excel file.
7 Apply large language model and Implement the RAG based approach to search the answer of the
queries from the documents where two inputs will be taken: set of medical reports prepared in
Experiment 5 and questions prepared in Experiment 6.
8 Perform the evaluation based on RAG-triad (Context Relevance, Groundedness and Answer
Relevance). Show the importance of "context" towards getting the optimized output.
9 Use Palm 2 (or any other LLM) to perform automation of software development tasks which
includes code generation, code debugging and test case generation.
10 Use any diffusion model to generate images based on given prompt.
11 Apply zero shot, one shot and few shot prompting and show how performance is improved in few
shot prompting.
12 Apply chain-of-thought (CoT) in prompting and see how output accuracy increases. Do a
comparison between normal prompting and CoT based prompting from output performance
perspective.
13 Take a foundation model, create an instruction based fine tuning dataset, apply instruction fine
tuning on the base model.
14 Perform performance evaluation of the model response between foundation model and after fine
tuning it.
15 Explore various task specific benchmark datasets and try to create a new one.

TOTAL: 48 HOURS
TEXT BOOKS:
1 Deforest, E. R. (2024). Prompt Engineering with Transformers and LLM. Kindle.
2 Rehmani, A. (2024). Generative AI for Everyone (1st ed.). Altaf Rehmani.

REFERENCE BOOKS:
1 Foster, D. (2024). Generative Deep Learning: Teaching Machines to Paint, Write, Compose, and
Play.
2 Gupta, D., & Srivastava, A. (2024). The Potential of Generative AI: Transforming Technology,
Business, and Art through Innovative AI Applications.
WEBSITES:
1 https://www.techtarget.com/searchenterpriseai/definition/generative-AI
2 https://ai.google/discover/generativeai/
3 https://generativeai.net/

CO, PO, PSO Mapping

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - - - - 1 - - 2 1 - - - - - 2 -
CO2 3 - 2 1 3 2 - 2 3 - 2 - - - - - 2
CO3 3 - 2 1 3 2 - 2 3 - 2 - - - - - 3
CO4 3 - - - - 1 - - 2 - - - - - - - -
CO5 3 - - - - 1 - - 2 - - - - - - - -
Average 3 - 2 1 3 1.4 - 2 2.4 1 2 - - - - 2 2.5

1-Low, 2-Medium, 3-Strong; ’-’ - No Correlation


MASTER OF COMPUTER APPLICATIONS 2024-2025
Semester II
24CAP212B LARGE LANGUAGE MODEL - LAB 5H-2C
Instruction Hours / Week: L:0 T:0 P:5 Marks: Internal:40 External:60 Total:100
End Semester Exam:3Hours
PREREQUISITE:
 Basics of python libraries
COURSE OBJECTIVES (CO):
 To investigate various applications of LLMs in natural language processing tasks, including text
generation, summarization, translation, and conversational agents.
 To gain practical experience in fine-tuning LLMs for specific tasks and mastering prompt
engineering to elicit desired responses.
 To learn methods for evaluating and optimizing the performance of LLMs, focusing on metrics
such as accuracy, relevance, coherence, and ethical considerations.
COURSE OUTCOMES (COs):
At the end of this course, students will be able to

COs Course Outcomes Blooms Level


CO1 Demonstrate a thorough understanding of the principles, architecture, Applying
and training processes of large language models.
CO2 Capable of evaluating and optimizing the performance of LLMs, Evaluating
ensuring high-quality and reliable outputs.
CO3 Develop and deploy applications that utilize LLMs for tasks such as Examining
text generation, summarization, and conversational AI.
CO4 Understand and be able to address ethical and societal implications of Understanding
using LLMs, promoting responsible AI practices.
CO5 Implementing real-world projects that showcase the practical Applying
applications and benefits of large language models.

LIST OF PROGRAMS 60 HOURS


1 Present you POV on the evolution of Large Language Models. Articulate their growth,
architecture changes and application landscape
2 Present your POV on the different fine-tuning methodologies. Articulate the differences, the
advantages, and disadvantages of each approach.
3 Present your POV on the constitutional AI, how it’s different from RLHF.
4 Present your POV on the Quantization of LLMs, different techniques that are available,
performance of the Quantized Models in comparison to the Original Models
5 Present your POV on innovative architectures in transformer model that can lead to savings in
training or inference time. As an example, MoE from Mistral is one such unique architecture.
Articulate tne performance of new architectures compared to the original architectures and come
up with some new architecture that can lead to savings
6 Present your POV on the Sustainable AI, Ethical AI, Trustworthy AI
TOTAL: 60 HOURS
TEXT BOOKS:
1 Goodfellow, I., Bengio, Y., & Courville, A. (2016). Deep learning. MIT Press.
2 Rothman, D. (2021). Transformers for natural language processing: Build state-of-the-art NLP
systems with transformer models. Packt Publishing.

REFERENCE BOOKS:
1 Honnibal, M., & Montani, I. (2020). Advanced NLP with spaCy: A practical guide to building
real-world NLP systems. O'Reilly Media.
2 Clark, A., Fox, C., & Lappin, S. (Eds.). (2020). Handbook of natural language processing (2nd
ed.). CRC Press.
WEBSITES:
1 https://www.sri.inf.ethz.ch/research/llm
2 https://www.media.mit.edu/publications/latent-lab-large-language-models-for-knowledge-
exploration/
3 https://labs.iitgn.ac.in/lingo/large-language-models/

CO, PO, PSO Mapping

PO PO PO PO PO PO PO PO PO PO PO PO PO PO PO PSO PSO
CO
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 1 2
CO1 3 - 2 2 3 2 - 3 3 - 1 - - - - 3 2
CO2 3 - 1 1 3 2 - 2 3 - - - - - - 2 1
CO3 3 - 1 - - - - - - - 2 - - - - - -
CO4 3 - 2 - 3 3 - 1 2 - 1 - - - - - -
CO5 3 - - - - - - - - - 2 - - - - - -
Average 3 - 1.5 1.5 3 2.3 - 2 2.7 - 1.5 - - - - 2.5 1.5

1-Low, 2-Medium, 3-Strong; ’-’ - No Correlation

You might also like