Course Content
Course Curriculum
-
Course Curriculum walkthrough
Introduction
-
Sample Projects In The Course
-
The Big Picture
-
Data Science Overview
-
What is Data Science
-
DA vs DS vs AI vs ML
-
Industries That Use and Hire Data Scientist
-
Applications of Data Science
-
Data Science Lifecycle and the Maturity Framework
-
Who is a Data Scientist
-
Career Opportunities In Data Science
-
Typical Backgrounds of Data Scientists
-
The Ultimate Path To become a Data Scientist(Skills you need to develop)
-
Typical Salary of a Data Scientist
SQL BEGINNER LEVEL
-
Introduction To SQL for Data Science
-
Types of Databases
-
What is a Query
-
What is SQL
-
SQL Installation
-
SQL Installation Guide For MacOS
-
SQL Installation Guide For Windows
-
Extra Help in Installing SQL
-
Overview of SQL workbench
SQL COMMANDS
-
Introduction To SQL Commands
-
SQL CRUD Commands
UNDERSTANDING AND CREATING SQL DATABASES
-
SQL Schema
-
Inserting Comments in SQL
-
Creating Databases
UNDERSTANDING AND CREATING SQL TABLES
-
Overview of SQL Table
TYPES OF SQL KEYS
-
Keys in SQL
-
Primary Key
-
Foreign Key
-
Composite Key
-
Super Key
-
Alternate Key
DATA TYPES IN SQL
-
SQL Data Types
CREATE TABLE AND INSERT DATA INTO TABLE
-
CREATE Table
-
INSERT Data
SQL CONSTRAINTS
-
Understanding SQL Constraints
-
NOT NULL & UNIQUE Constraints
-
DEFAULT Constraints
-
PRIMAY KEY Constraint
-
Alter SQL Constraint
-
Adding and Dropping SQL Constraint
-
Foreign Key Constraint
WEEK 2 SQL INTERMEDIATE LEVEL
-
Creating Exiting Databases
SQL JOINS
-
Introduction To SQL JOINS
-
Exercise 10 and Solution
-
Joining Across Multiple Databases
-
Exercise 11 and Solution
-
Joining Table to Itself
-
Joining Across Multiple SQL Tables
-
LEFT and RIGHT JOIN
-
Exercise 12 and Solution
-
Exercise 13 and Solution
WORKING WITH EXISTING SQL TABLE
-
INSERTING Multiple Data Into Existing Table
-
Creating A Copy of a Table
-
Updating Existing Table
-
Updating Multiple Records In Existing Table
SQL VIEW
-
Create SQL VIEW
-
Using SQL VIEW
-
Alter SQL VIEW
-
Drop SQL View
SQL DATA SUMMARIZATION AGGREGATION FUNCTIONS
-
COUNT () Function
-
SUM() Function
-
AVG() Function
-
SQL Combined Functions
ADVANCE SQL FUNCTIONS
-
Count Function in Details
-
The HAVING() Function
-
LENGTH() Function
-
CONCAT() Function
-
INSERT() Function
-
LOCATE() Function
-
UCASE() & LCASE() Function
SQL STORED PROCEDURE
-
Create a Stored Procedure
-
Stored Procedure with Single Parameter
-
Stored Procedure with Multiple Parameter
-
Alter Stored Procedure
-
Drop Stored Procedure
TRIGGERS
-
Introduction to Triggers
-
BEFORE Insert Triggers
-
AFTER Insert Trigger
-
DROP Triggers
TRANSACTION
-
Creating Transactions
-
Rollback Transactions
-
Savepoint Transactions
FULL PYTHON FOR DATA SCIENCE COURSE
-
Python Course Curriculum
-
Install and Write Your First Python Code
-
Introduction To Jupyter Notebook & Jupyter Lab
-
Working with Code Vs Markdown
HANDS-ON WITH PYTHON
-
Python Hands-On Introduction
-
Hands-On With Python Keywords And Identifiers
-
Hands-On Coding Python Comments
-
Hands-On Coding Python Docstring
-
Hands-On Coding Python Variables
-
Hands-On Coding Rules and Naming Conventions for Python Variables
PYTHON OUTPUT(), INPUT() AND IMPORT() FUNCTIONS
-
Hands-On Coding Output() Function In Python
-
Hands-On Coding Input() Function In Python
-
Hands-On Coding Import() Function In Python
PYTHON OPERATORS
-
Hands-On Coding Arithmetic Operators
-
Hands-On Coding Comparison Operators
-
Hands-On Coding Logical Operators
-
Hands-On Coding Bitwise Operators
-
Hands-On Coding Assignment Operators
-
Python Hands-On Special Operators
-
Hands-On Coding Membership Operators
PYTHON FLOW CONTROL
-
If Statement
-
If…Else Statement
-
ELif Statement
-
For loop
-
While loop
-
Break Statement
-
Continue Statement
WEEK 2 PYTHON FUNCTIONS
-
User Define Functions
-
Arbitrary Arguments
-
Function With Loops
-
Lambda Function
-
Built-In Function
PYTHON GLOBAL AND LOCAL VARIABLES
-
Global Variable
-
Local Variable
WORKING WITH FILES IN PYTHON
-
Python Files
-
The Close Method
-
The With Statement
-
Writing To A File In Python
PYTHON MODULES
-
Python Modules
-
Renaming Modules
-
The from…import Statement
PYTHON PACKAGES AND LIBRARIES
-
Python Packages and Libraries
-
PIP Install Python Libraries
DATA TYPES IN PYTHON
-
Lesson 1 Integer & Floating Point Numbers
-
Lesson 2 Complex Numbers & Strings
-
Lesson 3 LIST
-
Lesson 4 Tuple & List Mutability
-
Lesson 5 Tuple Immutability
-
Lesson 6 Set
-
Lesson 7 Dictionary
EXTRA CONTENT
-
LIST
-
Working On List
-
Splitting Function
-
Range In Python
-
List Comprehension In Python
WEEK 3 NUMPY
-
Introduction To Numpy
-
Numpy Creating Multi-Dimensional Arrays
-
Numpy Arange Function
-
Numpy Zeros, Ones and Eye functions
-
Numpy Reshape Function
-
Numpy Linspace
-
Numpy Resize Function
-
NumpyGenerating Random Values With random.rand
-
NumpyGenerating Random Values With random.randn
-
Numpy Generating Random Values With random.randint
-
Numpy Indexing & Slicing
-
Numpy Broadcasting
-
Numpy How To Create A Copy Dataset
-
Numpy- DataFrame Introduction
WEEK 4 PANDAS
-
Pandas- Series 1
-
Pandas- Series 2
-
Pandas- Loc & iLoc
-
Pandas- DataFrame Introduction
-
Pandas- Operations On Pandas DataFrame
-
Pandas- Selection And Indexing On Pandas DataFrame
-
Pandas- Reading A Dataset Into Pandas DataFrame
-
Pandas- Adding A Column To Pandas DataFrame
-
Pandas- How To Drop Columns And Rows In Pandas DataFrame
-
Pandas- How To Reset Index In Pandas Dataframe
-
Pandas- How To Rename A Column In Pandas Dataframe
-
Pandas- Tail(), Column and Index
-
Pandas- How To Check For Missing Values or Null Values(isnull() Vs Isna())
-
Pandas- Pandas Describe Function
-
Pandas- Conditional Selection With Pandas
-
Pandas- How To Deal With Null Values
-
Pandas- How To Sort Values In Pandas
-
Pandas- Pandas Groupby
-
Pandas- Count() & Value_Count()
-
Pandas- Concatenate Function
-
Pandas- Join & Merge(Creating Dataset)
-
Pandas-Join
-
Pandas- Merge
DATA VISUALISATION MATPLOTIIB AND SEABORN
-
Matplotlib Subplots
-
Seborn Scatterplot Correlation Boxplot Heatmap
-
Univariate Bivariate Multivariate Data Visualisation
PYTHON PROJECTS
-
PROJECT 1 Analyse The Top Movie Streaming NETFLIX Amazon Prime Hulu Disney
-
PROJECT 2 Analysis of UBER Data
2ND MONTH FULL STATISTICS FOR DATA SCIENCE
-
Why Statistics Is Important For Data Science
-
How Much Maths Do I Need To Know
STATISTICAL METHODS DEEP DIVE
-
Statistical Methods Deep Dive
-
Types Of Statistics
-
Common Statistical Terms
DATA
-
What Is Data
-
Data Types
-
Data Attributes and Data Sources
FREQUENCY DISTRIBUTION
-
Frequency Distribution
CENTRAL TENDENCY
-
Mean,Median, Mode
-
Central Tendency
MEASURES OF DISPERSION
-
Measures of Dispersion
-
Variance and Standard Deviation
-
Example of Variance and Standard Deviation
-
Variance and Standard Deviation In Python
-
Coefficient of Variations
THE FIVE NUMBER SUMMARY & THE QUARTILES
-
The Five Number Summary
-
The Quartiles Q1 Q2 Q3 IQR
THE NORMAL DISTRIBUTION
-
Introduction To Normal Distribution
-
Skewed Distributions
-
Central Limit Theorem
CORRELATION
-
Introduction to Correlation
-
Scatterplot For Correlation
-
Correlation is NOT Causation
3RD MONTH WEEK 1 PROBABILITY
-
Why Probability In Data Science
-
Probability Key Concepts
-
Mutually Exclusive Events
-
Independent Events
HYPOTHESIS TESTING
-
Introduction To Hypothesis
-
Null Vs Alternative Hypothesis
-
Setting Up Null and Alternative Hypothesis
-
One-tailed Vs Two-tailed test
-
Key Points On Hypothesis Testing
-
Type 1 vs Type 2 Errors
-
Process Of Hypothesis testing
-
P-Value
-
Alpha-Value or Alpha Level
-
Confidence Level
GITHUB FOR DATA SCIENCE
-
Introduction to Github for Data Science
-
Setting up Github account for Data Science projects
-
Create Github Project Description for Data Science
WEEK 2 FULL MACHINE LEARNING COURSE
-
Introduction To Machine Learning
-
Overview of Machine Learning Curriculum
-
Practical Understanding Of Machine Learning (PART 1)
-
Practical Understanding Of Machine Learning (PART 2)
-
Applications of Machine Learning
-
Machine Learning Life Cycle
USE CASE
-
The Microsoft Data Science Project
MACHINE LEARNING ALGORITHMS
-
How Machine Learning Algorithms Learn
-
Supervised vs Unsupervised ML
-
Dependent vs Independent Variables
WORKING WITH MACHINE LEARNING DATA
-
Considerations When Loading Data
-
Loading Data from a CSV File
-
Loading Data from a URL
-
Loading Data from a Text File
-
Loading Data from an Excel File
-
Skipping Rows while Loading Data
-
Peek at your Data
-
Dimension of your Data
-
Checking Data Types of your Dataset
-
Descriptive Statistics of your Dataset
-
Class Distribution of your Dataset
-
Correlation of your Dataset
-
Skewness of your Dataset
-
Missing Values in your Dataset
-
Histogram of Dataset
-
Density Plot of Dataset
-
Box and Whisker Plot
-
Correlation Matrix
-
Scatter Matrix(Pairplot)
WEEK 3 SUPERVISED MACHINE LEARNING ALGORITHMS
-
What is Regression
-
Introduction to Linear Regression
-
Planes and Hyperplane
-
MSE vs RMSE
-
LAB SESSION Training Data vs Validation Data vs Testing Data
-
LAB SESSION Splitting Dataset into Training and Testing
-
Linear Regression LAB 1
-
Linear Regression LAB 2(PART 1)
-
Linear Regression LAB 2(PART 2)
LOGISTIC REGRESSION ALGORITHM
-
Regressor Algorithm Vs Classifier Algorithm
-
Introduction To Logistic Regression Algorithm
-
PART 2 Intuitive Understanding Of Logistic Regression
-
Limitations of Linear Regression
-
The Mathematics Behind Logistic Regression Algorithm
-
LAB SESSION 1 Practical Implementation of Logistic Regression Algorithm
-
LAB SESSION 2 Practical Implementation of Logistic Regression Algorithm
-
LAB SESSION 3 Practical Implementation of Logistic Regression Algorithm
NAIVE BAYES ALGORITHM
-
Introduction to Naive Bayes Algorithm
-
The Mathematics Behind Naive Bayes Algorithm
-
LAB SESSION Building Naive Bayes Model
K-NEAREST NEIGBHOR ALGORITHM (KNN)
-
Introduction To K-Nearest Neighbor Classification
-
K-Nearest Neighbor Classification-Distance Measures
-
Exploratory Data Analysis (EDA)
-
LAB SESSION Building K-Nearest Neighbor Model
-
K-Nearest Neighbor Classification-Choosing K
SUPPORT VECTOR MACHINE (SVM) ALGORITHM
-
Introduction to Support Vector Machine (SVM) algorithm
-
Mathematics of SVM and Intuitive Understanding of SVM Algorithm
-
Non-Linearly Separable Vectors
-
LAB SESSION PART 1 Support Vector Machine (SVM)
-
LAB SESSION PART 2 Support Vector Machine (SVM)
MACHINE LEARNING ALGORITHM PERFORMANCE METRICS
-
Overview
-
Confusion Matrix True Positive False Positive True Negative False Neg.
-
Accuracy
-
Overview Of Existing Databases
-
Precision
-
Recall
-
The Tug of War between Precision and Recall
-
The SELECT Statement in Details
-
F 1 Score
-
Classification Report
-
The ORDER BY Clause
-
LAB SESSION AUC and ROC
DECISION TREE ALGORITHM
-
Decision Tree Overview
-
The WHERE Clause
-
CART Introduction To Decision Tree
-
Purity Metrics Gini Impurity Gini Index
-
Calculating Gini Impurity (PART 1)
-
Operation with SELECT statement
-
Calculating Gini Impurity (PART 2)
-
Information Gain
-
Overfitting in Decision Trees
-
Aliasing in SQL
-
Prunning
WEEK 4 ENSEMBLE TECHNIQUES
-
Exercise 1 and solution
-
Introduction To Ensemble Techniques
-
Difference bn Random Forest & Decision Tree
-
The DISTINCT Keyword
-
Why Random Forest Algorithm
-
More on Random Forest Algorithm
-
Introduction to Bootstrap Sampling Bagging
-
WHERE Clause with SQL Comparison operators
-
Understanding Bootstrap Sampling
-
Diving Deeper into Bootstrap Sampling
-
Bootstrap Sampling summary
-
Exercise 2 and Solution
-
Bagging
-
Boosting
-
Adaboost Introduction
-
The AND, OR and NOT Operators
-
The Maths behind Adaboost algorithm
-
Gradient Boost Introduction
-
Gradient Boosting An Intuitive Understanding
-
Exercise 3 and Solution
-
The Mathematics behind Gradient Boosting Algorithm
-
XGBoost Introduction
-
Maths of XGBoost (PART 1)
-
The IN Operator
-
Maths of XGBoost (PART 2)
-
LAB SESSION 1 Ensemble Techniques
-
LAB SESSION 2 Ensemble Techniques
-
Exercise 4 and Solution
-
Stacking An Introduction
-
LAB SESSION Stacking
OVERFITTING AND UNDERFITTING
-
The BETWEEN Operator
-
Overfitting and Underfitting
-
LAB SESSION Preventing Overfitting (PART 1)
-
LAB SESSION Preventing Overfitting (PART 2)
-
Exercise 5 and Solution
-
Preventing Underfitting
BIAS VS VARIANCE
-
Introduction
-
The LIKE Operator
-
The Bias Variance Tradeoff
-
Summary
-
Exercise 6 and Solution
UNSUPERVISED MACHINE LEARNING ALGORITHMS
-
The REGEXP Operator
WEEK 3 K-MEANS CLUSTERING ALGORITHM
-
Difference Between KNN and KMeans Algorithms
-
Exercise 7 and Solution
-
What is K-Means Clustering
-
The Llyod’s Method-Shifting the Centroids
-
K-Means Algorithm-LAB SESSION
-
IS NULL & IS NOT NULL Operator
-
Choosing K in Kmeans-The Elbow Method
HIERARCHICAL CLUSTERING ALGORITHM
-
Introduction To Hierarchical clustering
-
Exercise 8 and Solution
-
Hierarchical Clustering Dendrograms(Cophenetic correlation)
-
Hierarchical Clustering-LAB
PRINCIPAL COMPONENT ANALYSIS (PCA)
-
The ORDER BY Clause in Details
FEATURE ENGINEERING MODEL SELECTION & OPTIMIZATION
-
KFold Cross Validation
-
LAB SESSION KFold Cross Validation
-
Bootstrap Sampling
-
Leave One Out Cross Validation(LOOCV)
-
LAB SECTION LOOCV
-
Hyper-parameter Tuning An Introduction
-
Hyper-parameter Tuning Continue
-
RandomSearchCV An Introduction
-
LAB SESSION 1 GridSearchCV
-
LAB SESSION 2 GridSearchCV
-
LAB SESSION RandomSearchCV
WEEK 3 WEB SCRAPING
-
Introduction To Web Scraping Libraries
-
Library- Requests
-
Library- BeautifulSoup
-
Library- Selenium
-
Library- Scrapy
PROJECT WIKIPEDIA WEB SCRAPING
-
Web Scraping On Wikipedia
PROJECT ONLINE BOOK STORE WEB SCRAPPING
-
Critical Analysis Of Web Pages
-
PART 1- Examining And Scraping Individual Entities From Source Page
-
PART 2- Examining And Scraping Individual Entities From Source Page
-
Data Preprocessing On Scraped Data
PROJECT (WEB SCRAPING) BUILDING AMAZON AUTO SCRAPER
-
Building Amazon Web Scraper
-
Installation of Libraries & Analysis of Amazon.com
-
Building Amazon Generic Auto Scraper
RECOMMENDATION SYSTEMS
-
Recommendation System An Overview
-
Where Recommender Systems came from
-
Applications of Recommendation Systems
-
Why Recommender Systems
-
Types of Recommender Systems
-
Popularity based Recommender Systems
-
Content-based Filtering An Overview
-
Cosine Similarity
-
Cosine Similarity with Python
-
Document Term Frequency Matrix
-
LAB SESSION Building Content-based Recommender Engine
-
Collaborative Filtering An Introduction
-
Evaluation Metrics for Recommender Systems
BANK NOTE ANALYSIS
-
Introduction
-
Exploratory Data Analysis
-
Data Preparation
-
PART 1 Model Building
-
PART 2 Model Building
BIG MART SALES PREDICTION
-
Introduction
-
Dataset Overview
-
Feature Engineering & Feature Transformation
-
Model Building
AMAZON.COM EMPLOYEE ACCESS CHALLENGE
-
Introduction
-
Exploratory Data Analysis
-
Model Building
BREAST CANCER DETECTION USING SVM AND KNN PART 1
-
Introduction
-
Dataset Summary
-
Exploratory Data Analysis
-
Building the Model
PREDICTING COMPRESSIVE STRENGTH OF CONCRETE
-
Introduction
-
Importing Dataset & Exploratory Data Analysis(EDA)
-
Feature Engineering And Model Building 1
-
Feature Engineering And Model Building 2
STOCK MARKET CLUSTERING
-
Introduction
-
Live Data Extraction From Yahoo Finance
-
Performing Clustering
STREAMLIT FOR BUILDING MACHINE LEARNING APPS
-
Demo
-
PART 1 Introduction to STREAMLIT
-
PART 1 Build Your First Machine Learning Web App
-
PART 2 Build Your First Machine Learning Web App
-
PART 3 Build Your First Machine Learning Web App
-
PART 4 Build Your First Machine Learning Web App
FLASK TUTORIAL
-
Introduction
-
Installation and Initializing Flask
-
Linking HTML files
-
Linking CSS files
WEEK 1 END-TO-END MACHINE LEARNING WITH DEPLOYMENT PREDICT RESTAURANT RATING
-
Predict Restaurant Rating
-
Dataset overview
-
Exploratory Data Analysis (EDA)
-
Model Building
-
Key Flask Concepts & Application Development Interface (API)
-
Creating Folders
-
Creating Folder Contents
-
Final Deployment
CLOUD HEROKU MACHINE LEARNING CLOUD DEPLOYMENT
-
Demo
-
Introduction
-
Dataset Preparation
-
Feature Engineering
-
Model Building & Hyper-parameter tuning 1
-
Model Building & Hyper-parameter tuning 2
-
Model Building & Hyper-parameter tuning 3
-
Model Building & Hyper-parameter tuning 4
CLOUD AMAZON WEB SERVICE (AWS) DEPLOYMENT
-
AWS Deployment Introduction
-
AWS Dataset Intro
-
AWS Creating App.py File For Deployment
-
PART 2 AWS Deployment
CLOUD MICROSOFT AZURE DEPLOYMENT
-
Azure Deployment
ML PROJECTS BUILDING A NETFLIX RECOMMENDATION SYSTEM
-
Building a Netflix Recommendation System
-
Data Preparation (PART 1)
-
Data Preparation (PART 2)
-
Data Preparation (PART 3&4)
-
Data Preparation (PART 3&4) Con’t
-
Data Preparation (PART 5)
-
Main.py (PART 1.1)
-
Main.py (PART 1.2)
-
Main.py (PART 2)
-
Preparing HTML Files 1.1
-
Preparing HTML Files 1.2
-
Preparing HTML Files 2.1
-
Preparing HTML Files 2.2
-
Final Heroku Cloud Deployment
-
Optional How to Fix Errors when deploying
ML PROJECTS BUILDING CRUD APP
-
1 ml_ CRUD Project Overview
-
CRUD Project Overview
ML PROJECT BUILDING COVID-19 REPORT DASHBOARD FOR BERLIN CITY
-
Project Overview
ML PROJECTS BUILDING IPL SCORE PREDICTOR APP
-
Dealing With Categorical Values
-
Model Building
-
App.py
-
Index.html and style.css
ML PROJECTS BUILDING A SALES FORCAST APP
-
Building A Sales Forecast App
-
Exploratory Data Analysis
-
Feature Creation
-
Feature Correlation and Multicollinearity
-
Dealing with Outliers
-
Building the ML Model
-
Deploy with Flask
ML PROJECTS BUILDING A BREAST CANCER PREDICTOR APP PART 2
-
ML Project Building A Breast Cancer Predictor App
-
Dataset Overview
-
Exploratory Data Analysis
-
EDA With Visualization
-
Building ML Model
-
Walkthrough Of App.py
-
Walkthrough Of Index.html and Static files
WEEK 4 SCIENTIFIC RESEARCH PAPER
-
Reading Scientific Paper An Overview
-
What you will learn
-
What is a Scientific Research Paper
-
Importance of Reading Research Papers
-
Components of a Research Paper
-
PART 1 How to Read Scientific Research Papers
-
Where to find Data Science research papers
-
Assignment
ARTIFICIAL INTELLIGENCE
-
Artificial Intelligence An Introduction
-
The Big Picture of AI
WEEK 1 DEEP LEARNING
-
Introduction To Deep Learning
-
What you will learn
-
What is Artificial Neural Network
-
Neurons and Perceptrons
-
Machine Learning vs Deep Learning
-
Why Deep Learning
-
Applications of Deep Learning
ARTIFICIAL NEURAL NETWORK
-
Neural Network An Overview
-
Architecture Components of the Perceptron
-
Fully Connected Neural Network
-
Types of Neural Networks
-
How Neural Networks work
-
Propagation Forward and Back Propagation
-
Hands-on of Forward and Back Propagation (PART 1)
-
Hands-on of Forward and Back Propagation (PART 2)
-
Chain Rule in Backpropagation
WEEK 2 ACTIVATION FUNCTIONS
-
Activation Functions An Introduction
-
Sigmoid Activation Function
-
Vanishing Gradient
-
TanH Activation Function
-
ReLU Activation Function
-
Leaky ReLU Activation Function
-
ELU Activation Function
-
SoftMax Activation Function
-
Activation functions summary
TENSORFLOW AND KERAS
-
Overview
-
Introduction to Tensorflow
-
Tensors and Dataflows in Tensorflow
-
Tensorflow Versions
-
Keras
LAB SESSION DEEP LEARNING(ANN)
-
LAB SESSION 1 Building your first Neural Network
-
LAB SESSION 2 Building your first Neural Network
-
Handling Overfitting in Neural Network
-
L2 Regularisation
-
Dropout for Overfitting in Neural Network
-
Early Stopping for overfitting in NN
-
ModelCheck pointing
-
Load best weight
-
Tensorflow Playground
-
1 Building Your Third Neural Network with MNIST
-
2 Building Your Third Neural Network with MNIST
COMPUTER VISION (CV) BEGINNER LEVEL
-
Working with Images
-
The concept of Pixels
-
Gray-Scale Image
-
Color Image
-
Different Image formats
-
Image Transformation Filtering
-
Affine and Projective Transformation
-
Image Feature Extraction
-
LAB SESSION working with images
CPU VS GPU VS TPU
-
Introduction to CPUs, GPUs and TPUs
-
Accessing GPUs for Deep Learning
-
CPU vs GPU speed
COMPUTER VISION INTERMEDIATE LEVEL
-
Understanding Convolution (PART 1)
-
Understanding Convolution (PART 2)
-
Convolution Operation
-
Understanding FilterKernel Feature Map Input Volume Receptive Field
-
Stride and Step Size
-
Padding
-
Pooling
-
Understanding CNN Architecture
-
LAB SESSION CNN Lab 1
-
LAB SESSION CNN Lab 2
CNN ARCHITECTURES
-
State-of-the-Art CNN architecture
-
LeNet Architecture
-
LAB SESSION LeNet LAB
-
AlexNet Architecture
-
LAB SESSION AlexNet LAB
-
VGG Architecture and LAB
-
GoogleNet or Inception Net
TRANSFER LEARNING
-
Understanding Transfer Learning
-
Steps to perform transfer learning
-
When to use Transfer learning and when NOT to use.
-
LAB SESSION Transfer Learning with VGG-16
OBJECT DETECTION
-
Overview and Agenda
-
Computer Vision Task
-
Datasets Powering Object Detection
-
Image Classification vs Image Localisation
-
Challenges of Object Detection
PERFORMANCE METRICS FOR OBJECT DETECTION
-
Intersection Over Union(IoU)
-
Precision and Recall
-
Mean Average Precision(mAP)
OBJECTION DETECTION TECHNIQUES
-
Overview
-
Brute Force Approach
-
Sliding Window
-
Region Proposal
-
R-CNN
-
Fast R-CNN
-
ROI Pooling
-
Faster R-CNN
-
State-of-the-Art Algorithms
-
YOLO
-
LAB SESSION 1 YOLO LAB Overview
-
LAB SESSION 2 YOLO
-
LAB SESSION 3.1 YOLO
-
LAB SESSION 3.2 YOLO
-
SSD
WEEK 1 OPENCV FULL TUTORIAL
-
Introduction To OpenCV
-
Opencv Installation
-
Opencv Setup
-
Reading Images
-
Reading Video
-
Stacking Images together
-
OpenCV Join
-
IMAGE Face Detection with OpenCV
-
VIDEO Face Detection with OpenCV
-
Live Streaming with OpenCV
-
OpenCV Functions
-
Image Detection Techniques
-
Edge Detection
-
Dilation and Erode
-
OpenCV Conventions
-
Adding Shapes
-
Creating Lines
-
Creating Shapes(Rectangle)
-
Warp Perspective
-
Adding Text
CV PROJECT CAR PARKING SPACE COUNTER USING OPENCV
-
Car Park Counter with OpenCV Project Overview
-
PART 1 Building Car Park Counter With OpenCV
-
PART 2 Building Car Park Counter With OpenCV
-
PART 3 Building Car Park Counter With OpenCV
CV PROJECT(KAGGLE) FRUIT AND VEGETABLE CLASSIFICATION
-
PROJECT Fruit and Vegetable Classification Overview
-
Setup your First Kaggle Code Notebook
-
Building Fruit and Vegetable Classifier with Kaggle Notebooks
-
Deploy a Computer Vision Classifier App
CV PROJECT PREDICTING LUNG DISEASE WITH COMPUTER VISION
-
Predicting Lung Disease
WEEK 2 CV PROJECT NOSE MASK DETECTION WITH COMPUTER VISION
-
Data Preprocessing
-
Training the CNN
-
Detecting Face Mask
CV PROJECT POSE DETECTION
-
Building a Pose Detector
-
LAB Building a Pose Detector 1
-
LAB Building a Pose Detector 2
CV PROJECT BUILDING A VIRTUAL AI KEYBOARD
-
CV Project Building AI Virtual Keyboard
-
Building AI Virtual Keyboard (PART 1)
-
Building AI Virtual Keyboard (PART 2)
-
Building AI Virtual Keyboard (PART 3)
-
Building AI Virtual Keyboard (PART 4)
-
Building AI Virtual Keyboard (PART 5)
-
Building AI Virtual Keyboard (PART 6)
-
Building AI Virtual Keyboard (PART 7)
-
Building AI Virtual Keyboard (PART 8)
CV PROJECT Yolov4 Object Detection Using Webcam
-
Yolov4 Object Detection Using Webcam
WEEK 3 NATURAL LANGUAGE PROCESSING(NLP)
-
Overview
-
Recapitulation
-
What is NLP
-
Applications of NLP
-
The Must-Know NLP Terminologies
-
Word
-
Tokens and Tokenizations
-
Corpus
-
Sentence and Document
-
Vocabulary
-
Stopwords
HANDS-ON NLP TEXT PRE-PROCESSING
-
Tokenization with NLTK , SpaCy and Gensim
-
Removing Stopwords with NLP Libraries
TEXT PRE-PROCESSING NORMALIZATION
-
Text Normalization
-
Stemming and Lemmatization
-
LAB SESSION Stemming and Lemmatization
WEEK 4 PART OF SPEECH (POS) TAGGING
-
Understanding POS Tagging
-
LAB SESSION Part of Speech Tagging
-
Chunking
HANDS-ON TEXT PRE-PROCESSING
-
Advanced Text Preprocessing
-
Frequency of Words Bi-Gram N-Grams
-
More on Stemming and Lemmatization
INTRODUCTION TO STATISTICAL NLP TECHNIQUES
-
Bag of Words (BoW)
-
TF-IDF
WEEK 1 INTERMEDIATE LEVEL WORD EMBEDDINGS
-
Understanding Word Embeddings
-
Feature Representations
WORD2VEC
-
The Challenge with BoW and TF-IDF
-
Understanding Word2Vec
-
LAB SESSION Word2Vec
-
CBOW and Skip-Gram
GLOVE
-
Understanding GloVe
SENTENCE PARSING
-
Sentence Parsing
-
Chunking & Chinking & Syntax Tree
SEQUENTIAL MODELS
-
Sequential Model An Introduction
-
Traditional ML vs Sequential Modeling
WEEK 2 ADVANCED LEVEL RECURRENT NEURAL NETWORK (RNN)
-
What is a Recurrent Neural Network (RNN)
-
Types of RNNs
-
Use Cases of RNNs
-
Vanilla Neural Network (NN) vs Recurrent Neural Network (RNN)
-
Backpropagation Through Time (BTT)
-
Mathematics Behind BTT
-
Vanishing and Exploding Gradient
-
The problem of Long Term Dependencies
-
Bidirectional RNN (BRNN)
-
Gated Recurrent Unit(GRU)
LSTM
-
LSTM An Introduction
-
The LSTM Architecture
-
LAB SESSION 1 LSTM
-
LAB SESSION 2.1 Tweet Sentiment Analysis using RNN
-
LAB SESSION 2.2 Tween Sentiment Analysis using RNN
-
LAB SESSION 3 Tweet Sentiment Analysis using LSTM
SEQUENCE TO SEQUENCE MODELS (SEQ2SEQ)
-
Sequence To Sequence models An introduction
-
LAB SESSION Language Translation
-
LAB SESSION 2 Language Translation
WEEK 3 NLP PROJECT SENTIMENT ANALYZER
-
Building Sentiment Analyzer App
-
LAB Building Sentiment Analyzer App
NAME ENTITY RECOGNITION (NER)
-
NER An Introduction
-
Example of Name Entity Recognition
-
How Name Entity Recognition works
-
Applications of NER
-
LAB SESSION Hands-On Name Entity Recognition
-
LAB SESSION 2 Name Entity Recognition
-
LAB SESSION Visualizing Name Entity Recognition
-
Assignment
NLP PROJECT BUILDING A NAME ENTITY RECOGNITION APP
-
Project Building a Name Entity Recognition Web App
-
Project Building your NER web App
NLP PROJECT AI RESUME ANALYZER APP
-
NLP Project Building AI Resume Analyzer
-
AI Resume Analyzer (PART 1A)
-
AI Resume Analyzer (PART 1B)
-
AI Resume Analyzer (PART 2)
-
AI Resume Analyzer (PART 3)
-
AI Resume Analyzer (PART 4)
-
AI Resume Analyzer (PART 5)
WEEK 4 MICROSOFT POWER BI
-
Power BI An Introduction
-
Installation
-
Query Editor Overview
-
Connectors and Get Data Into Power BI
-
Clean up Messy Data (PART 1)
-
Clean up Messy Data (PART 2)
-
Clean up Messy Data (PART 3)
-
Creating Relationships
-
Explore Data Using Visuals
-
Analyzing Multiple Data Tables Together
-
Writing DAX Measure (Implicit vs. Explicit Measures)
-
Calculated Column
-
Measure vs. Calculated Column
-
Hybrid Measures
-
The 8020 Rule
-
Text, Image, Cards, Shape
-
Conditional Formatting
-
Line Chart, Bar Chart
-
Top 10 ProductsCustomers
9TH MONTH Hackathons and Finding Internships & Jobs
-
Instructor Guide To Finding Internships & Jobs
Student Ratings & Reviews
No Review Yet