0% found this document useful (0 votes)
30 views23 pages

Dhaapps Datascience With Gen AI-1

Not applicable

Uploaded by

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

Dhaapps Datascience With Gen AI-1

Not applicable

Uploaded by

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

Dhaapps Datascience With Generative AI

Duration : 4 Months Live Training Note : No Prerequisites


+
2 Months Internship

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

Data Types & Data Structures


➢ Variables, Data Types, and Strings
➢ Lists, Sets, Tuples and Dictionaries
Control Flow & Conditional Statements
➢ Conditional operators, Arithmetic Operators and
Logical Operators
➢ if, else and else statements
➢ range
➢ while loops and control flow
➢ for loops and nested loops
➢ pass, break and continue
➢ Nested loops and list and dictionary comprehension

Functions and Modules


➢ What is function and types of functions
➢ Code optimization and argument functions
➢ Lambda functions
➢ map, filter and reduce
➢ Manual higher order functions & nested functions
➢ Importing a module

File handling
➢ Introduction to files
➢ Opening file
➢ File modes
➢ Reading,writing,appending data
OOPS
➢ Create A Class And Objects
➢ init (), self parameter
➢ Class Properties, Instance Properties & Static
Properties
➢ Modifying Object Properties
➢ Delete Object
➢ Pass Statements
➢ 4 pillars of oops
➢ Inheritance, Encapsulation, Polymorphism, &
Abstraction
➢ Multiple dispatch & abc modules
Exception Handling
➢ Types of Errors
➢ What is Exception?
➢ Why exception handling?
➢ Syntax error v/s Runtime error
➢ Try with multi except Handling multiple
exceptions with single except block
➢ Finally block
➢ Try-except-finally
➢ Try with finally Raise keyword
➢ Custom exceptions / User defined exceptions
Module 2 : Data Analysis using Python
Numpy - Numerical Python
➢ Introduction To Array
➢ Creation & Printing Of An Array
➢ Basic Operations In Numpy
➢ Mathematical Functions Of Numpy
➢ Numpy With Images
➢ Advance Numpy Functions
➢ Numpy Vectorization, Vectorization Vs Loops
➢ Descriptive Stats Using Numpy

Data Manipulation with Pandas


➢ Series and DataFrames
➢ Data Importing and Exporting through Excel, CSV Files
➢ Data Understanding Operations
➢ Indexing and slicing and More filtering with Conditional Slicing
➢ Groupby, Pivot table and Cross Tab
➢ Concatenating and Merging Joining
➢ Descriptive Statistics
➢ Removing Duplicates
➢ String Manipulation
Data Visualization Using Matplotlib And Seaborn
➢ Introduction to Matplotlib
➢ Basic Plotting
➢ Properties of plotting
➢ About Subplots
➢ Line plots
➢ Pie Chart And Bar Graph
➢ Histograms
➢ Box and Violin Plots
➢ Scatterplot
➢ Joint Plot

Exploratory Data Analysis (EDA)


➢ What is EDA?
➢ Uni - Variate Analysis
➢ Bi - Variate Analysis
➢ More on Seaborn Based Plotting Including Pair
Plots, Heat Maps, Count plot along with
matplotlib plots.
Module 3 : Statistics
Introduction to Statistics and Data Types
➢ What is Statistics?
➢ How is Statistics used in Data Science?
➢ Population and Sample
➢ Parameter and Statistic
➢ Data Types
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
Data Gathering Techniques
➢ Data Collection Techniques
➢ Sampling Techniques:
➢ Convenience Sampling, Simple Random Sampling
➢ Stratified Sampling, Systematic Sampling and Cluster Sampling
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

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 : 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
Probability Based Approach - Naive Bayes
➢ Principle of Naive Bayes Classifier
➢ Bayes Theorem
➢ Terminology in Naive Bayes
➢ Posterior probability
➢ Prior probability of class
➢ Likelihood
➢ Types of Naive Bayes Classifier
➢ Multinomial Naive Bayes
➢ Bernoulli Naive Bayes and Gaussian Naive Bayes
➢ Categorical naive bayes
Linear Algebra
➢ Introduction to Matrices
➢ Vector spaces, including dimensions, Euclidean spaces,
closure properties and axioms
➢ Eigenvalues and Eigenvectors, including how to find
Eigenvalues and the corresponding Eigenvectors

K Nearest Neighbors
➢ K-Nearest Neighbor Algorithm
➢ Eager Vs Lazy learners
➢ How does the KNN algorithm work?
➢ How do you decide the number of neighbors in KNN?
➢ Weighted knn, ball tree, kd tree, lsh forest, cosine hashing
➢ Curse of Dimensionality
➢ Pros and Cons of KNN
➢ How to improve KNN performance
➢ Hyper parameters of knn

Linear Regression
➢ Simple Linear Regression:
➢ Estimating the Coefficients
➢ Assessing the Coefficient Estimates
Multiple Linear Regression
➢ Estimating the Regression Coefficients
➢ OLS Assumptions
➢ Multicollinearity
➢ Feature Selection
➢ Gradient descent

Decision Trees
➢ Basic Terminology in Decision Tree
➢ Root Node and Terminal Node
➢ Classification Tree
➢ Regression tree
➢ Trees Versus Linear Models
➢ Advantages and Disadvantages of Trees
➢ Gini Index
➢ Overfitting and Pruning
➢ Stopping Criteria
➢ Accuracy Estimation using Decision Trees
➢ Hyper parameter tuning using random search, grid search + cross validation, kfold cv
Evaluation Metrics for Regression Techniques
➢ Homoscedasticity and Heteroscedasticity of error terms
➢ Residual Analysis
➢ Q-Q Plot
➢ Identifying the line of best fit
➢ R Squared and Adjusted R Squared
➢ M SE and RMSE
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
Support Vector Machines
➢ The Maximal Margin Classifier
➢ HyperPlane
➢ Support Vector Classifiers and Support Vector Machines
➢ Hard and Soft Margin Classification
➢ Classification with Non-linear Decision Boundaries
➢ Kernel Trick
➢ Polynomial and Radial
➢ Tuning Hyper parameters for SVM
➢ Gamma, Cost and Epsilon
➢ SVMs with More than Two Classes

Ensemble Methods in Tree Based Models


➢ What is Ensemble Learning?
➢ What is Bootstrap Aggregation Classifiers and how does it work?
➢ Series vs parallel ensemblers

Random Forest
➢ What is it and how does it work?
➢ Variable selection using Random Forest
Boosting: Adaboost, Gradient Boosting, XG Boosting:
►What is it and how does it work?
►Hyper parameter and Pro's and Con's

Unsupervised Learning
➢ Why Unsupervised Learning
➢ How it Different from Supervised
Learning
➢ The Challenges of Unsupervised
Learning

Dimensionality Reduction Techniques - PCA & t-SNE


➢ Introduction to Dimensionality Reduction and it's necessity
➢ What Are Principal Components?
➢ Demonstration of 2D PCA and 3D PCA
➢ EigenValues, EigenVectors and Orthogonality
➢ Transforming Eigen values into a new data set
➢ Proportion of variance explained in PCA
➢ t-Distributed stochastic neighbor embedding (t-sne
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

Note : For every algorthim there will be case study


Module 5 : Deep Learning
Introduction to Deep Learning Neural Network Architecture and Activation Functions
➢ Intro To AI , ML AND DL ➢ Introducing Google Colab
➢ Difference between ML and DL ➢ Tensorflow basic syntax
➢ When to use ML and DL ➢ Tensorflow Graphs
➢ History Of Deep Learning ➢ Tensorboard
➢ Intro to Biological Neuron
Forward and Backward Propogation
➢ MLP Architecture
➢ Defining the Notation for MLP
➢ Working of MLP (Forward Propagation
➢ How To Train Single Neuron Model
➢ Backpropagation -1 (chain rule)
➢ Activation Function -3 (ReLU and ReLU Variants
➢ Backpropagation -2 (chain rule+ memorization)
Linear and Non Linear Variants) [Leaky ReLU,
➢ Hyperparameter In MLP
parametric ReLU, ELU, SELU]
➢ Bias and Variance Trade-off In MLP
➢ Why Deep Neural Network Failed ➢ Dropouts
➢ Activation Function -1 (Sigmoid) ➢ Weight Initialization Techniques (pros and cons)
➢ Activation Function -2 (Tanh) ➢ Batch Normalization
➢ Vanishing Gradient Problem ➢ Early Stopping
➢ Exploding Gradient Problem ➢ Tensor Board
CNN & Computer Vision
Intro to Images and Image Preprocessing with OpenCV
➢ Intro To Images
➢ How Images are formed and stored in machines
➢ Color Spaces
➢ Intro To OpenCv
➢ read, write, save image
➢ Converting to Different Color Spaces
➢ Building Histograms for Images

Intro to Convolutional Neural Network


➢ Intro To CNN
➢ Why CNN over MLP
➢ How does Convolution works on images
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]
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

NATURAL LANGUAGE PROCESSING


Introduction to text and Text Preprocessing with nltk and
spacy
➢ Intro to NLP
➢ Text Preprocessing Steps
➢ Tokenization
➢ Special Character
➢ Stop words
➢ Stemming & Lemmatization
Vectorization Techniques
➢ BOW
➢ TF-IDF
➢ Coding for BOW and TF-IDF using nltk
➢ Word2Vec
➢ How Word2Vec algorithm works (Skip-Gram & CBOW)
➢ Glove
➢ FastText
RNNs
➢ Intro to RNN
➢ Why RNN ?
➢ How RNN Works
➢ Training 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

Transformer and Attention


➢ Intro to Transformers and Attention Models
➢ How does Transformers works
➢ How does Attention works
➢ Coding For Transformers and Attention
Models

Module 6 : Generative 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
Prompt Engineering and Working with LLM
➢ 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

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.
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

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
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

Bonus Courses:
SQL
Power Bi
Tableau
Linux Operating system
Networking
Cloud Computing

You might also like