Dhaapps Datascience With Gen AI-1
Dhaapps Datascience With Gen AI-1
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
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
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
Hierarchical Clustering
►Divisive and Agglomerative Clustering
►Dendrograms and their interpretation
►Applications of Clustering
►Practical Issues in Clustering
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
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