Data Science and Gen AI
Data Science and Gen AI
DATA SCIENCE
CURRICULUM
Online / Offline
5
Machine
4 Learning 6
SQL + Deep
Power BI Learning
3 7
Python Computer
Data Analysis Vision
2 8
Statistics NLP
1 9
Python
Programming GEN AI
Kukatpally Gachibowli
#205, 2nd Floor, Fortune Signature, 2nd Floor, Leeway, BP Raju Marg,
Near JNTU Metro Station, Kukatpally, Opp. Sarath City Capital Mall,
Hyderabad, Telangana 500085. Laxmi Cyber City, Whitefields, Kondapur,
Telangana 500081.
1
®
Table of
Contents
01 Our Awards & Collaborations Page no 3
09 Module 4 - Data Base (SQL) + Reporting Tool (Power BI) Page no 10-14
Instagram
www.innomatics.in Facebook
+91 9951666670
2 Linkedin
Youtube
Website
®
AUTHORIZED IN PARTNERSHIP
IBM PARTNER WITH
OUR AWARDS >>
>> ®
COLLABORATION
Python +
Statistics
Llama 3
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
3 Linkedin
Youtube
Website
®
COURSE OBJECTIVE
Instagram
www.innomatics.in Facebook
+91 9951666670
4 Linkedin
Youtube
Website
®
In this introductory section, we'll explore the fundamental concepts of data science, including
its origins, key principles, and the role it plays in solving real-world problems. We'll deliver into
the importance of data-driven decision-making and how data science contributes to
innovation across various domains.
MODULE 1
PYTHON PROGRAMMING
Introduction
► What is Python?
► Why does Data Science require Python?
► Installation of Anaconda
► Understanding Jupyter Notebook (IDE), Colab Notebook
► Basic commands in Jupyter Notebook
► Understanding Python Syntax
► Identifiers and Operators
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
5 Linkedin
Youtube
Website
®
File Handling
► Errors and Exception Handling
► Create, Read, Write files and Operations in File Handling
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
6 Linkedin
Youtube
Website
®
MODULE 2
DATA ANALYSIS USING PYTHON
Instagram
www.innomatics.in Facebook
+91 9951666670
7 Linkedin
Youtube
Website
®
DATA VISUALIZATION
Regular Expressions
► Structured Data and Unstructured Data
► Literals and Meta Characters
► How to Regular Expressions using Pandas?
► Inbuilt Methods
► Pattern Matching
► flags
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
8 Linkedin
Youtube
Website
®
► This project covers the main four steps of data science life cycle which involves
► Data Collection
► Data Mining
► Data Preprocessing
► Data Visualization
ex: text, csv, tsv, excel files, matrices, images
MODULE 3
ADVANCED STATISTICS
Descriptive Statistics
► What is Data, Its type and Data Measures.
► What is Univariate and BI Variate Analysis?
► Measures of Central Tendencies - Mean, Median, & Mode
► Measures of Dispersion - Variance, Standard Deviations, Range, & Interquartile Range
► Covariance and Correlation
► Box Plots and Outliers detection
► Skewness and Kurtosis
Probability Distribution
► Probability And Limitations
► Axioms Of Probability
► Conditional Probability
► Random Variable
► Discrete Probability Distributions - Probability Mass Functions
► Bernoulli, Binomial Distribution, Poisson Distribution
► Continuous Probability Distributions - Probability Density Functions
► Normal Distribution, Standard Normal Distribution
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
9 Linkedin
Youtube
Website
®
Inferential Statistics
► Sampling variability and Central Limit Theorem
► Confidence Intervals
► Hypothesis Testing, A/B testing
► parametric vs non-parametric tests
► test for normality
► Z -test, t-test
► Chi – Square Test
► F -Test and ANOVA
MODULE 4
DATA BASE (SQL) + REPORTING TOOL (POWER BI)
Introduction to SQL
► Data
► What is Database
► DBMS
► RDBMS
► SQL vs MYSQL
► SQL vs NoSQL
► CRUD operations
► Pandas vs SQL
Instagram
www.innomatics.in Facebook
+91 9951666670
10 Linkedin
Youtube
Website
®
Clauses
► GROUP BY(Aggregate Function)
► HAVING (corelating with get_group in pandas)
► ORDER BY
► CASE
► Order of execution
Case Study: A Case Study of Clauses
Multiple Tables
► Multiple Tables
Primary key
Composite key
Foreign key
► Types of relationships in SQL
► ER diagram
Temporary Tables
► Dervied table
► CTE
► Inbuilt Functions
► Window Functions
Instagram
www.innomatics.in Facebook
+91 9951666670
11 Linkedin
Youtube
Website
®
SQL Fundamentals
► Types of SQL Commands
► Data types
► Constrains(PRIMAY KEY/auto_increment, NOT NULL, UNIQUE, DEFAULT, CHECK)
► Creating table with constraints
► DDL(CREATE, ALTER, DROP, TRUNCATE)
► DML (Insert, Update, Delete)
Advance Topics
► Transaction Control Language
ACID properties
(COMMIT, ROLLBACK,Savepoint)
► Triggers
Introduction To Power BI
► What is Business Intelligence?
► Power BI Introduction
► Quadrant report
► Comparison with other BI tools
► Power BI Desktop overview
► Power BI workflow
Instagram
www.innomatics.in Facebook
+91 9951666670
12 Linkedin
Youtube
Website
®
Power Queries
► Power Query Introduction
► Data Transformation - its benefits
► Introducing ribbons
► Queries panel
► M Language briefing
► Power BI Datatypes
► Changing Datatypes of columns
► Filtering
► Inbuilt column Transformations
► Inbuilt row Transformations
► Combine Queries
► Merge Queries
Instagram
www.innomatics.in Facebook
+91 9951666670
13 Linkedin
Youtube
Website
®
Miscellaneous Topics
► Visual Interactions
► Drill Through
► Drilldown
► Conditional Formatting
► Creating buttons in Power BI reports
► Creating Python Script Visuals
MODULE 5
MACHINE LEARNING
Introduction
► What is Machine Learning?
► Supervised Versus Unsupervised Learning
► Approaches of machine learning algorithms
► Decision boundaries
► data pre-processing
tabular data pre-processing
text data pre-processing
image data pre-processing
► Under fit, optimal fit, over fit
► sklearn pipeline + model building
Validation Methods
► Cross-Validation
► The Validation Set Approach Leave-One-Out Cross-Validation
► k -Fold Cross-Validation
► Bias-Variance Trade-Off for k-Fold Cross-Validation
Instagram
www.innomatics.in Facebook
+91 9951666670
14 Linkedin
Youtube
Website
®
CLASSIFICATION TECHNIQUES
SUPERVISED LEARNING
Instagram
www.innomatics.in Facebook
+91 9951666670
15 Linkedin
Youtube
Website
®
Instagram
www.innomatics.in Facebook
+91 9951666670
16 Linkedin
Youtube
Website
®
Polynomial Regression
► Why Polynomial Regression
► Creating polynomial linear regression
► Evaluating the metrics
Regularization Techniques
► Lasso Regularization
► Ridge Regularization
► ElasticNet Regularization
Case Study on Linear, Multiple Linear Regression, Polynomial, Regression using Python.
Logistic regression
► An Overview of Classification
► Difference Between Regression and classification Models.
► Why Not Linear Regression?
► Logistic Regression:
► The Logistic Model
► Estimating the Regression Coefficients and Making Pr edictions
► Logit and Sigmoid functions
► Setting the threshold and understanding decision boundary
► Logistic Regression for >2 Response Classes
► Evaluation Metrics for Classification Models:
► Confusion Matrix
► Accuracy and Error rate
► TPR and FPR
► Precision and Recall, F1 Score
► AUC – ROC
Instagram
www.innomatics.in Facebook
+91 9951666670
17 Linkedin
Youtube
Website
®
PROJECT: A project on a use case will challenge the Data Understanding, EDA,
Data Processing and above Classification Techniques.
Random Forest
► What is it and how does it work?
► Variable selection using Random Forest
Instagram
www.innomatics.in Facebook
+91 9951666670
18 Linkedin
Youtube
Website
®
UN-SUPERVISED LEARNING
K-Means Clustering
► Centroids and Medoids
► Deciding optimal value of 'k' using Elbow Method
► Linkage Methods
► Clustering metrics - Silhouette score
Hierarchical Clustering
► Divisive and Agglomerative Clustering
► Dendrograms and their interpretation
► Applications of Clustering
► Practical Issues in Clustering
Case Study: A Case Study on clusterings using Python.
Instagram
www.innomatics.in Facebook
+91 9951666670
19 Linkedin
Youtube
Website
®
MODULE 6
DEEP LEARNING
Instagram
www.innomatics.in Facebook
+91 9951666670
20 Linkedin
Youtube
Website
®
Optimizers
► Convex Function And Non Convex Functions ,Saddle Point
► SGD with Momentum
► NAG
► Rmsprop
► Ada Delta
► Ada Grad
► ADAM
► NADAM
MODULE 7
CNN & COMPUTER VISION
Instagram
www.innomatics.in Facebook
+91 9951666670
21 Linkedin
Youtube
Website
®
CNN Architecture
► Padding, Stride, Pooling
► LeNet5
► Alex Net
► Vgg 16 and Vgg 19
► Inception Net
► ResNet
► Xception
► Mobile Net
► Efficient Net
► Pre trained Model Introduction
Transfer Learning
► Intro To Transfer Learning
► Transfer learning Concepts (When and Why)
► Transfer Learning Coding
► Hyper Parameter Tuning [Random Search, Hyperband, Bayesian optimization]
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
22 Linkedin
Youtube
Website
®
Object Detection
► Intro To object Detection
► R-CNN
► Fast R-CNN
► Faster R-CNN # Show why Faster R CNN is faster than R CNN ( no Need of Maths)
► Intro to Yolo
► Yolo Algorithm (How it works) - More Detail on YOLO
► Implementation of Yolo V7 / V8 using Ultralytics
MODULE 8
NATURAL LANGUAGE PROCESSING
Vectorization Techniques
► BOW
► TF-IDF
► Coding for BOW and TF-IDF using nltk
► Word2Vec
► How Word2Vec algorithm works (Skip-Gram & CBOW)
► Glove
► FastText
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
23 Linkedin
Youtube
Website
®
RNNs
► Intro to RNN
► Why RNN ?
► How RNN Works
► Trainning RNN
► Types of RNN
LSTMs
► Intro to LSTM
► Why LSTM
► LSTM algorthim
► Grus
► Bi-Directional RNN
► Understanding of working of Image captioning
Auto Encoders
► Encoder Decoder Architecture
► Introduction to autoencoders
► Types of autoencoders
Instagram
www.innomatics.in Facebook
+91 9951666670
24 Linkedin
Youtube
Website
®
BERT
► Intro to BERT
► How does BERT works
► Coding For Transformers and Attention Models
MODULE 9
GEN AI
Intro To Gen AI
► Introduction to Generative AI
► Overview of generative AI technologies.
► Applications and case studies across industries
Intro To LLM
► History of NLP
► Into to large language Models
► What is Large Language Model
► Types of Large Language Model
Open AI
► Intro To Open AI
► Utilizing OpenAI APIs
► Setting up and authenticating API usage.
► Practical exercises using GPT-3/GPT-4 for text generation.
► Understanding DALL-E and its capabilities in image generation.
► Hands-on project to generate images from textual descriptions.
Case study: Creating a project with Open AI
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
25 Linkedin
Youtube
Website
®
Gemini
► Getting Started with Gemini
► How to obtain an API key for Gemini.
► Overview of the Gemini API and accessing its features.
► Detailed exploration of different Gemini models.
► Selecting and initializing the right model for specific tasks.
► Step-by-step project to create an AI-powered chatbot using Gemini
Case study: Creating a project with Gemini
LLaMA
► Introduction of LLaMA .
► Comparison with other large language models like GPT-3 and GPT-4.
► Key features and capabilities of LLaMA
► Understanding the Model Architecture of LLaMA.
► Discussion on model sizes and capabilities.
► Environment setup: Installing necessary libraries and tools
► Accessing LLaMA models: Overview of the download process and setup on local
machines or cloud platforms (Meta LLaMa).
► Intro to the architecture of LLaMA models
► Understanding the differences between LLaMA model variants (8B, 13B, 30B, and 70B
parameters)
► Implementing text generation using LLaMA
Case study: Creating a project with LLaMA
LangChain
► Introduction to the LangChain framework
► Understanding the purpose and core components of LangChain Framework
► LangChain Setup and necessary dependencies
► Basic configuration and setup for development
► Step-by-step guide to creating a simple application using LangChain Framework
► Detailed walkthroughs of real-world applications built with LangChain
Instagram
www.innomatics.in Facebook
+91 9951666670
26 Linkedin
Youtube
Website
®
FOLLOW US ON
LINKEDIN
INSTAGRAM
WEBSITE
FACEBOOK
YOUTUBE
FOLLOW US ON
Instagram
www.innomatics.in Facebook
+91 9951666670
27 Linkedin
Youtube
Website