AI DS Minor Courses
AI DS Minor Courses
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM1-ARTIFICIAL INTELLIGENCE 3 1 0 4
Course Educational Objective: The objective of the course is to present an overview of artificial
intelligence (AI) principles and approaches. Develop a basic understanding of the building blocks
of AI as presented in terms of intelligent agents: Search, Knowledge representation, inference,
logic, reasoning, and learning. Students will implement a small AI system in a team environment.
The knowledge of artificial intelligence plays a considerable role in some applications students
develop for courses in the program.
Course Outcomes: At the end of this course, the student will be able to
UNIT - I
Introduction:What Is AI?,The Foundations of Artificial Intelligence, The History of
Artificial Intelligence, The State of the Art, Agents and Environments, Good Behavior: The
Concept of Rationality, The Nature of Environments, The Structure of Agents.
UNIT II
Problem Solving: Problem-Solving Agents, Example Problems, searching for Solutions,
Uninformed Search Strategies, Informed (Heuristic) Search Strategies, Local Search
Algorithms and Optimization Problems, Searching with Nondeterministic Actions.
UNIT III
Search Algorithms: Problem solving agents, search algorithms terminologies, properties
of search algorithms, types of search algorithms.
Uniformed/Blind Search Algorithms: Breadth-first Search, Depth-first Search,Depth-limited
Search, Iterative deepening depth-first search, Uniform cost search, Bidirectional
Search.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT IV
Adversarial Search/ Game Playing: Introduction, Minimax algorithm, Alpha-Beta
pruning. Knowledge Representation: Representations and mappings, approaches of
knowledge representation, issues in knowledge representation.
UNIT V
Knowledge Representation: Knowledge-Based Agents, Logic, Propositional Logic:
A Very Simple Logic, Ontological Engineering, Categories and Objects, Events, Mental
Events and Mental Objects, Reasoning Systems for Categories, The Internet Shopping
World.
TEXT BOOKS:
1. Stuart Russell, Peter Norvig, “Artificial Intelligence: A Modern Approach”, 3rd edition,
Prentice Hall, 2009. Can also use 2nd Ed., Pearson Education International, 2003.
2. Saroj Kaushik, “Artificial Intelligence”, Cengage Learning India, 2011
3. Rich & Knight, Artificial Intelligence, second edition, Tata McGraw Hill.
REFERENCE BOOKS:
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM2-FUNDAMENTALS OF DATA SCIENCE 3 1 0 4
Course outcomes:
UNIT II
What is Data science? Data Science life cycle, Datafication, Exploratory Data Analysis, The
Data science process, A datascientist role in this process.
UNIT-III
NumPy Basics: The NumPy ndarray: A Multidimensional Array Object, Creating ndarrays ,Data
Types for ndarrays, Operations between Arrays and Scalars, Basic Indexing and Slicing, Boolean
Indexing, Fancy Indexing, Data Processing Using Arrays, Expressing Conditional Logic as Array
Operations, Methods for Boolean Arrays , Sorting , Unique.
UNIT IV
Getting Started with pandas: Introduction to pandas, Library Architecture, Features,
Applications, Data Structures, Series, Data Frame, Index Objects, Essential Functionality
Reindexing, Dropping entries from an axis, Indexing, selection, and filtering, Sorting.
UNIT V
Data Preprocessing: Data Loading, Storage, and FileFormats - Reading and Writing data in text
format, binary data formats, interacting with html and web apis, interacting with databases; Data
Wrangling: Clean, Transform, Merge, Reshape - Combining and Merging Data Sets, Reshaping
and Pivoting, Data Transformation, String Manipulation; Data Aggregation and Group
Operations – Group by Mechanics, Data Aggregation, Groupby Operations and and
Transformations, Pivot Tables and Cross-Tabulation
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
TEXT BOOKS:
REFERENCE BOOKS:
1. Python: The Complete Reference, Martin C. Brown, McGraw Hill Education
Joel Grus, “Data Science from Scratch: First Principles with Python”, O’Reilly Media,
2015
2. Matt Harrison, “Learning the Pandas Library: Python Tools for Data Munging, Analysis,
and Visualization, O'Reilly, 2016.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
Course Educational Objective: The objective of the course provides the basic concepts
and techniques of Machine Learning and helps to use recent machine learning software for
solving practical problems. It enables students to gain experience by doing independent
study and research.
Course Outcomes: At the end of this course, the student will be able to
CO2: Summarize the Model building and evaluation approaches (Understand- L2)
CO3: Demonstrate Bayesian learning and regression algorithms for real-world Problems.
(Apply- L3)
CO5: Demonstrate unsupervised learning algorithms for the real world data. (Apply- L3)
UNIT-I
Introduction to Machine Learning and Preparing to Model
Introduction to Machine Learning- Introduction, What is Human Learning? Types of Human
Learning, What is Machine Learning? Types of Machine Learning, Problems Not To Be
Solved Using Machine Learning, Applications of Machine Learning.
Preparing to Model- Introduction, Machine Learning Activities, Basic Types of Data in
Machine Learning, Exploring Structure of Data, Data Quality and Remediation, Data Pre-
Processing
UNIT-II
Modelling & Evaluation, Basics of Feature Engineering
Modelling & Evaluation- Introduction, Selecting a Model, Training a Model (for Supervised
Learning), Model Representation and Interpretability, Evaluating Performance of a Model.
Basics of Feature Engineering- Introduction, Feature Transformation, Feature Subset
Selection
UNIT-III
Bayesian Concept Learning and Regression
Bayesian Concept Learning - Introduction, Why Bayesian Methods are Important?, Bayes’
Theorem, Bayes’ Theorem and Concept Learning, Bayesian Belief Network.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT-IV
Supervised Learning: Classification, Ensemble Learning Introduction, Example of
Supervised Learning, Classification Model, Classification Learning Steps, Common
Classification Algorithms - k-Nearest eighbour (kNN), Decision tree, Random forest model,
Support vector machines. Ensemble Learning- Boosting, Bagging.
UNIT-V:
Unsupervised Learning- Introduction, Unsupervised vs Supervised Learning, Application
of Unsupervised Learning, Clustering –Clustering as a Machine Learning task, Different
types of clustering techniques, Partitioning methods, Hierarchical clustering, Density-based
methods: DBSCAN. Finding Pattern using Association Rule - Definition of common terms,
Association rule, Apriori algorithm.
TEXT BOOKS:
REFERENCE BOOKS:
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
Course Outcomes: At the end of this course, the student will be able to
CO 4: Explain Feed forward, multi-layer feed forward networks and Back propagation
Algorithms
CO 5: Analyze Radial Basis Function Networks, The Regularization and RBF networks.
UNIT I
Characteristics of neural networks, Structure and working of biological neural networks,
artificial neural networks: Terminology, Models of neurons: McCulloch Pitts model, perception
model, Adeline model, topology, basic learning laws, Functional unit for ANN for pattern
recognition task.
UNIT-II
Mathematical Foundations and Learning mechanisms. Re-visiting vector and matrix algebra,
State-space concepts, Concepts of optimization, Error-correction learning. Memory based
learning, Hebbian learning. Competitive learning.
UNIT-III
Single layer perceptions, Structure and learning of perceptions, Pattern classifier, Introduction
and Bayes' classifiers, Preceptor as a pattern classifier, Perception convergence. Limitations of a
perceptions.
UNIT-IV
Feed forward ANN, Structures of Multi-layer feed forward networks. Back propagation
algorithm, Back propagation- training and convergence, Functional approximation with back
propagation. Practical and design issues of back propagation learning.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT-V
Radial Basis Function Networks, Pattern separability and interpolation, Regularization Theory
Regularization and RBF networks.RBF network design and training. Approximation properties
of RBF.
TEXT BOOKS:
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM5-INTRODUCTION TO DEEP LEANING 3 1 0 4
UNIT II
Machine Learning: Basics and Underfitting, Hyper parameters and Validation Sets,
Estimators, Bias and Variance, Maximum Likelihood, Bayesian Statistics, Supervised and
Unsupervised Learning, Stochastic Gradient Descent, Challenges Motivating Deep
Learning. Deep Feedforward Networks: Learning XOR, Gradient-Based Learning, Hidden
Units, Architecture Design, Back-Propagation and other Differentiation Algorithms.
UNIT III
Regularization for Deep Learning: Parameter Norm Penalties, Norm Penalties as
Constrained Optimization, Regularization and Under-Constrained Problems, Dataset
Augmentation, Noise Robustness, Semi-Supervised Learning, Multi-Task Learning, Early
Stopping, Parameter Tying and Parameter Sharing, Sparse Representations, Bagging and
Other Ensemble Methods, Dropout, Adversarial Training, Tangent Distance, Tangent Prop
and Manifold Tangent Classifier.
UNIT IV
Convolutional Networks: The Convolution Operation, Pooling, Convolution, Basic
Convolution Functions, Structured Outputs, Data Types, Efficient Convolution Algorithms,
Random or Unsupervised Features, Basis for Convolutional Networks.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT V
Sequence Modeling: Recurrent and Recursive Nets: Unfolding Computational Graphs,
Recurrent Neural Networks, Bidirectional RNNs, Encoder-Decoder Sequence-to-Sequence
Architectures, Deep Recurrent Networks, Recursive Neural Networks, Echo State
Networks, LSTM, Gated RNNs, Optimization for Long-Term Dependencies, Auto
encoders, Deep Generative Models.
TEXT BOOKS:
1) Ian Good fellow, Yoshin Bengio, Aaron Courville, “Deep Learning”, MIT Press,2016.
2) Josh Patterson and Adam Gibson, “Deep learning: A practitioner's approach”,
O'Reilly Media, First Edition, 2017.
REFERENCE BOOKS:
1) Fundamentals of Deep Learning, Designing next-generation machine intelligence
algorithms, Nikhil Buduma, O’Reilly, Shroff Publishers, 2019.
2) Deep learning Cook Book, Practical recipes to get started Quickly, Douwe Osinga,
O’Reilly, Shroff Publishers, 2019.
e-Resources:
1) https://keras.io/datasets/
2) http://deeplearning.net/tutorial/deeplearning.pdf
3) https://arxiv.org/pdf/1404.7828v4.pdf
4) https://github.com/lisa-lab/DeepLearningTutorials
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM6-COMPUTER VISION 3 1 0 4
Course Outcomes: At the end of this course, the student will be able to
CO3: Describe the feature extraction and motion estimation techniques. (Understand -
L2)
CO4: Illustrate segmentation algorithms for shape analysis. (Apply – L3)
CO5: Implement image classification Applications using object recognition methods.
(Apply – L3)
UNIT-I
Introduction: Image Processing, Computer Vision and Computer Graphics , What is Computer
Vision -Low-level, Mid-level, High-level , Overview of Diverse Computer Vision Applications:
Document Image Analysis, Biometrics, Object Recognition, Tracking, Medical Image Analysis,
Content-Based Image Retrieval, Video Data Processing, Multimedia, Virtual Reality and
Augmented Reality.
UNIT-II
Image Formation Models: Monocular imaging system , Radiosity: The ‘Physics’ of Image
Formation, Radiance, Irradiance, BRDF, color etc, Orthographic & Perspective Projection,•
Camera model and Camera calibration, Binocular imaging systems, Multiple views geometry,
Structure determination, shape from shading, Photometric Stereo, Depth from Defocus ,
Construction of 3D model from images.
UNIT-III
Image Processing and Feature Extraction: Image preprocessing, Image representations
(continuous and discrete) , Edge detection.
Motion Estimation: Regularization theory, Optical computation, Stereo Vision, Motion estimation,
Structure from motion.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT-IV
Shape Representation and Segmentation: Contour based representation, Region based
representation, Deformable curves and surfaces, Snakes and active contours, Level set
representations, Fourier and wavelet descriptors, Medial representations, and Multire solution
analysis.
UNIT-V
Object recognition: Hough transforms and other simple object recognition methods, Shape
correspondence and shape matching, Principal Component analysis, Shape priors for recognition.
TEXT BOOKS:
REFERENCE BOOKS:
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM7-DATA ANALYTICS 3 1 0 4
Course Outcomes:
At the end of the course, student will be able to
CO 3: Apply basic tools (plots, graphs, summary statistics) to carry out EDA
CO 4: Describe the Data Science Process and how its components interact
UNIT I
Introduction, The Ascendance of Data, Motivating Hypothetical: Data Sciencester, Finding
Key Connectors, The Zen of Python, Getting Python, Virtual Environments, Whitespace
Formatting, Modules, Functions, Strings, Exceptions, Lists, Tuples, Dictionaries default dict,
Counters, Sets, Control Flow, Truthiness, Sorting, List Comprehensions, Automated Testing
and assert, Object- Oriented Programming, Iterables and Generators, Randomness, Regular
Expressions, Functional Programming, zip and Argument Unpacking, args and kwargs, Type
Annotations, How to Write Type Annotations.
UNIT II
Visualizing Data: matplotlib, Bar Charts, Line Charts, Scatterplots. Linear Algebra:
Vectors, Matrices, Statistics: Describing a Single Set of Data, Correlation, Simpson’s
Paradox, Some Other Correlational Caveats, Correlation and Causation.
Gradient Descent: The Idea Behind Gradient Descent, Estimating the Gradient, Using the
Gradient, Choosing the Right Step Size, Using Gradient Descent to Fit Models, Minibatch
and Stochastic Gradient Descent.
UNIT III
Getting Data: stdin and stdout, Reading Files, Scraping the Web, Using APIs,Working with
Data: Exploring Your DataUsing NamedTuples, Dataclasses, Cleaning and Munging,
Manipulating Data, Rescaling, Dimensionality Reduction.
Probability: Dependence and Independence, Conditional Probability, Bayes’s Theorem,
Random Variables, Continuous Distributions, The Normal Distribution, The Central Limit
Theorem.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT IV
Machine Learning: Modeling, Overfitting and Underfitting, Correctness, The Bias-Variance
Tradeoff, Feature Extraction and Selection, k-Nearest Neighbors, Naive Bayes, Simple Linear
Regression, Multiple Regression, Digression, Logistic Regression
UNIT V
Clustering: The Idea, The Model, Choosing k, Bottom-Up Hierarchical Clustering.
Recommender Systems: Manual Curation, Recommending What’s Popular, User-Based
Collaborative Filtering, Item-Based Collaborative Filtering, Matrix Factorization Data Ethics,
Building Bad Data Products, Trading Off Accuracy and Fairness, Collaboration,
Interpretability, Recommendations, Biased Data, Data Protection IPython, Mathematics,
NumPy, pandas, scikit-learn, Visualization, R
TEXTBOOKS:
1) Joel Grus, “Data Science From Scratch”, OReilly.
2) Allen B.Downey, “Think Stats”, OReilly.
REFERENCE BOOKS:
1. Doing Data Science: Straight Talk From The Frontline, 1st Edition, Cathy O’Neil and
Rachel Schutt, O’Reilly, 2013
2. Mining of Massive Datasets, 2nd Edition, Jure Leskovek, Anand Rajaraman and
JeffreyUllman, v2.1, Cambridge University Press, 2014
3. “The Art of Data Science”, 1st Edition, Roger D. Peng and Elizabeth matsui, Lean
Publications, 2015
4. “Algorithms for Data Science”, 1st Edition, Steele, Brian, Chandler, John, Reddy,
Swarna, springers Publications, 2016
e-Resources:
1) https://github.com/joelgrus/data-science-from-scratch
2) https://github.com/donnemartin/data-science-ipython-notebooks
3) https://github.com/academic/awesome-datascience
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
L T P Cr.
B.Tech-AI&DS 20ADM8-STATISTICS WITH R PROGRAMMING 3 1 0 4
OUTCOMES:
CO 2: Access online resources for R and import new function packages into the R workspace
CO 4: Explore data-sets to create testable hypotheses and identify appropriate statistical tests
CO 5: Perform appropriate statistical tests using R Create and edit visualizations with
UNIT-I
Introduction, How to run R, R Sessions and Functions, Basic Math, Variables, Data Types,
Vectors, Conclusion, Advanced Data Structures, Data Frames, Lists, Matrices, Arrays, Classes.
UNIT-II
R Programming Structures, Control Statements, Loops, - Looping Over Nonvector Sets,- If-Else,
Arithmetic and Boolean Operators and values, Default Values for Argument, Return Values,
Deciding Whether to explicitly call return- Returning Complex Objects, Functions are Objective,
No Pointers in R, Recursion, A Quicksort Implementation-Extended Extended Example: A Binary
Search Tree.
UNIT-III
Doing Math and Simulation in R, Math Function, Extended Example Calculating Probability-
Cumulative Sums and Products-Minima and Maxima- Calculus, Functions Fir Statistical
Distribution, Sorting, Linear Algebra Operation on Vectors and Matrices, Extended Example:
Vector cross Product- Extended Example: Finding Stationary Distribution of Markov Chains, Set
Operation, Input /out put, Accessing the Keyboard and Monitor, Reading and writer Files.
UNIT-IV
Graphics, Creating Graphs, The Workhorse of R Base Graphics, the plot() Function –
Customizing Graphs, Saving Graphs to Files.Probability Distributions, Normal Distribution-
Binomial Distribution- Poisson Distributions Other Distribution, Basic Statistics, Correlation and
Covariance, T-Tests,-ANOVA.
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)
LAKIREDDY BALI REDDY COLLEGE OF ENGINEERING (AUTONOMOUS), MYLAVARAM
UNIT-V:
Linear Models, Simple Linear Regression, -Multiple Regression Generalized Linear Models,
Logistic Regression, - Poisson Regression- other Generalized Linear Models-Survival Analysis,
Nonlinear Models, Splines- Decision- Random Forests,
TEXT BOOKS:
REFERENCE BOOKS:
B.Tech. (Artificial Intelligence and Data Science) R20 Regulations (w.e.f. 2020-21)