85 Lectures | 1hr : 21min
48 Lectures
What is Machine Learning?
Linear Regression Single Variable
Linear Regression Single Variable Quiz
Linear Regression Single Variable Exercise
Linear Regression Multiple Variables
Linear Regression with Multiple Variables Quiz
Linear Regression Multiple Variables Exercise
Gradient Descent and Cost Function
Gradient Descent and Cost Function Quiz
Gradient Descent and Cost Function Exercise
Save Model Using Joblib And Pickle
Dummy Variables & One Hot Encoding
Dummy Variables & One Hot Encoding Quiz
Dummy Variables & One Hot Encoding Exercise
Training and Testing Data
Logistic Regression (Binary Classification)
Logistic Regression (Binary Classification) Quiz
Logistic Regression (Binary Classification) Exercise
Logistic Regression (Multiclass Classification)
Logistic Regression (Multiclass Classification) Exercise
Decision Tree
Decision Tree Exercise
Support Vector Machine (SVM)
Support Vector Machine Quiz
Support Vector Machine (SVM) Exercise
Random Forest
Random Forest Quiz
Random Forest Exercise
K Fold Cross Validation
K Fold Cross Validation Quiz
K Fold Cross Validation Exercise
K Means Clustering
K Means Clustering Quiz
K Means Clustering Exercise
Naive Bayes Part 1
Naive Bayes Part 2
Naive Bayes part 2 Exersice
Naive Bayes Quiz
Naive Bayes Exercise
Hyper parameter Tuning (GridSearchCV)
Hyper parameter Tuning (GridSearchCV) Quiz
Hyper parameter Tuning (GridSearchCV) Exercise
L1 and L2 Regularization | Lasso, Ridge Regression
L1 and L2 Regularization | Lasso, Ridge Regression Quiz
K nearest neighbors classification with python code
K nearest neighbors classification with python code Exercise
Principal Component Analysis (PCA) with Python Code
Principal Component Analysis (PCA) with Python Code Exercise
8 Lectures
Introduction (Real Estate Price Prediction Project)
Data Cleaning (Real Estate Price Prediction)
Feature Engineering (Real Estate Price Prediction)
Outlier Removal (Real Estate Price Prediction Project)
Model Building (Real Estate Price Prediction Project)
Python Flask Server (Real Estate Price Prediction)
Website or UI (Real Estate Price Prediction Project)
Deploy machine learning model to production AWS (Amazon EC2 instance)
54 Lectures
Introduction
Why deep learning is becoming so popular?
What is a neuron?
What is a Neural Network?
Install tensorflow 2.0
Pytorch vs Tensorflow vs Keras
Neural Network For Handwritten Digits Classification
Activation Functions
Derivatives
Derivatives Exercise
Matrix Basics
Matrix Basics Exercise
Loss or Cost Function
Loss or Cost Function Exercise
Gradient Descent For Neural Network
Implement Neural Network In Python
Stochastic Gradient Descent vs Batch Gradient Descent vs Mini Batch Gradient Descent
Stochastic Gradient Descent vs Batch Gradient Descent vs Mini Batch Gradient Descent Exercise
Chain Rule
Tensorboard Introduction
GPU bench-marking with image classification
GPU bench-marking with image classification Exercise
Customer churn prediction using ANN
Customer churn prediction using ANN Exercise
Precision, Recall, F1 score, True Positive
Dropout Regularization
Handling imbalanced dataset in machine learning
Handling imbalanced dataset in machine learning Exercise
Applications of computer vision
Simple explanation of convolutional neural network
Image classification using CNN (CIFAR10 dataset)
Image classification using CNN (CIFAR10 dataset) Exercise
Convolution padding and stride
Data augmentation to address overfitting
Transfer Learning
Image classification vs Object detection vs Image Segmentation
Popular datasets for computer vision: ImageNet, Coco and Google Open images
Sliding Window Object Detection
What is YOLO algorithm?
Object detection using YOLO v4 and pre trained model
What is Recurrent Neural Network (RNN)?
Types of RNN | Recurrent Neural Network Types
Vanishing and exploding gradients
Simple Explanation of LSTM
Simple Explanation of GRU (Gated Recurrent Units)
Bidirectional RNN
Converting words to numbers, Word Embeddings
Word embedding using keras embedding layer
What is Word2Vec?
Implement word2vec in gensim
Distributed Training On NVIDIA DGX Station A100
Tensorflow Input Pipeline
Tensorflow Input Pipeline Exercise
Optimize Tensorflow Pipeline Performance: prefetch & cache