Mô tả

Deep Learning is a hot topic today! This is because of the impact it's having in several industries. One of fields in which deep learning has the most influence today is Computer Vision.Object detection, Image Segmentation, Image Classification, Image Generation & People Counting

To understand why Deep Learning based Computer Vision is so popular; it suffices to take a look at the different domains where giving a computer the power to understand its surroundings via a camera has changed our lives.

Some applications of Computer Vision are:

  • Helping doctors more efficiently carry out medical diagnostics

  • enabling farmers to harvest their products with robots, with  the need for very little human intervention,

  • Enable self-driving cars

  • Helping quick response surveillance with smart CCTV systems, as the cameras now have an eye and a brain

  • Creation of art  with GANs, VAEs, and Diffusion Models

  • Data analytics in sports, where players' movements are monitored automatically using sophisticated computer vision algorithms.

The demand for Computer Vision engineers is skyrocketing and experts in this field are highly paid, because of their value. However, getting started in this field isn’t easy. There’s so much information out there, much of which is outdated and many times don't take the beginners into consideration :(

In this course, we shall take you on an amazing journey in which you'll master different concepts with a step-by-step and project-based approach. You shall be using Tensorflow 2 (the world's most popular library for deep learning, built by Google) and Huggingface. We shall start by understanding how to build very simple models (like Linear regression model for car price prediction and binary classifier for malaria prediction) using Tensorflow to much more advanced models (like object detection model with YOLO and Image generation with GANs).

After going through this course and carrying out the different projects, you will develop the skill sets needed to develop modern deep learning for computer vision solutions that big tech companies encounter.

You will learn: 

  • The Basics of TensorFlow (Tensors, Model building, training, and evaluation)

  • Deep Learning algorithms like Convolutional neural networks and Vision Transformers

  • Evaluation of Classification Models (Precision, Recall, Accuracy, F1-score, Confusion Matrix, ROC Curve)

  • Mitigating overfitting with Data augmentation

  • Advanced Tensorflow concepts like Custom Losses and Metrics, Eager and Graph Modes and Custom Training Loops, Tensorboard

  • Machine Learning Operations (MLOps) with Weights and Biases (Experiment Tracking, Hyperparameter Tuning, Dataset Versioning, Model Versioning)

  • Binary Classification with Malaria detection

  • Multi-class Classification with Human Emotions Detection

  • Transfer learning with modern Convnets (Vggnet, Resnet, Mobilenet, Efficientnet) and Vision Transformers (VITs)

  • Object Detection with YOLO (You Only Look Once)

  • Image Segmentation with UNet

  • People Counting with Csrnet

  • Model Deployment (Distillation, Onnx format, Quantization, Fastapi, Heroku Cloud)

  • Digit generation with Variational Autoencoders

  • Face generation with Generative Adversarial Neural Networks


If you are willing to move a step further in your career, this course is destined for you and we are super excited to help achieve your goals!

This course is offered to you by Neuralearn. And just like every other course by Neuralearn, we lay much emphasis on feedback. Your reviews and questions in the forum will help us better this course. Feel free to ask as many questions as possible on the forum. We do our very best to reply in the shortest possible time.


Enjoy!!!

Bạn sẽ học được gì

The Basics of Tensors and Variables with Tensorflow

Mastery of the fundamentals of Machine Learning and The Machine Learning Developmment Lifecycle.

Basics of Tensorflow and training neural networks with TensorFlow 2.

Convolutional Neural Networks applied to Malaria Detection

Building more advanced Tensorflow models with Functional API, Model Subclassing and Custom Layers

Evaluating Classification Models using different metrics like: Precision,Recall,Accuracy and F1-score

Classification Model Evaluation with Confusion Matrix and ROC Curve

Tensorflow Callbacks, Learning Rate Scheduling and Model Check-pointing

Mitigating Overfitting and Underfitting with Dropout, Regularization, Data augmentation

Data augmentation with TensorFlow using TensorFlow image and Keras Layers

Advanced augmentation strategies like Cutmix and Mixup

Data augmentation with Albumentations with TensorFlow 2 and PyTorch

Custom Loss and Metrics in TensorFlow 2

Eager and Graph Modes in TensorFlow 2

Custom Training Loops in TensorFlow 2

Integrating Tensorboard with TensorFlow 2 for data logging, viewing model graphs, hyperparameter tuning and profiling

Machine Learning Operations (MLOps) with Weights and Biases

Experiment tracking with Wandb

Hyperparameter tuning with Wandb

Dataset versioning with Wandb

Model versioning with Wandb

Human emotions detection

Modern convolutional neural networks(Alexnet, Vggnet, Resnet, Mobilenet, EfficientNet)

Transfer learning

Visualizing convnet intermediate layers

Grad-cam method

Model ensembling and class imbalance

Transformers in Vision

Model deployment

Conversion from tensorflow to Onnx Model

Quantization Aware training

Building API with Fastapi

Deploying API to the Cloud

Object detection from scratch with YOLO

Image Segmentation from scratch with UNET model

People Counting from scratch with Csrnet

Digit generation with Variational autoencoders (VAE)

Face generation with Generative adversarial neural networks (GAN)

Yêu cầu

  • Basic Math
  • Basic Knowledge of Python
  • Access to an internet connection, as we shall be using Google Colab (free version)

Nội dung khoá học

23 sections

Introduction

4 lectures
Welcome
01:49
General Introduction
31:36
Course Content
10:46
Link to Code
00:16

Tensors and Variables

11 lectures
Link to Code
00:02
Tensor Basics
07:08
Tensor Initialization and Casting
48:05
Indexing
25:21
Maths Operations in Tensorflow
32:41
Linear Algebra Operations in Tensorflow
54:28
Common Tensorflow Methods
29:30
Ragged Tensors
11:19
Sparse Tensors
02:51
String Tensors
03:30
Tensorflow Variables
03:27

Building a Simple Neural Network in Tensorflow

11 lectures
Link to Code
00:02
Link to Dataset
00:02
Task Understanding
04:15
Data Preparation
26:09
Linear Regression Model
14:32
Error Sanctioning
16:53
Training and Optimization
17:34
Performance Measurement
03:10
Validation and Testing
21:56
Corrective Measures
10:49
TensorFlow Datasets
10:40

Building Convolutional Neural Networks [Malaria Diagnosis]

11 lectures
Link to Code
00:02
Task Understanding
10:14
Data Preparation
22:28
Data Visualization
02:58
Data Processing
09:04
How and Why Convolutional Neural Networks work
47:20
Building Convnets in Tensorflow
06:19
Binary Crossentropy Loss
10:42
Convnet Training
08:16
Model Evaluation and Testing
05:52
Loading and Saving Tensorflow Models to Google Drive
17:52

Building more advanced Models with Functional API, Subclassing and Custom Layers

3 lectures
Functional API
16:32
Model Subclassing
15:16
Custom Layers
17:36

Evaluating Classification Models

3 lectures
Precision,Recall and Accuracy
23:46
Confusion Matrix
09:29
ROC Curve
07:57

Improving Model Performance

4 lectures
Tensorflow Callbacks
25:41
Learning rate scheduling
17:24
Model checkpointing
07:55
Mitigating Overfitting and Underfitting with Dropout, Regularization
29:22

Data Augmentation

4 lectures
Data augmentation with TensorFlow using tf.image and Keras Layers
59:04
Mixup Data augmentation with TensorFlow 2 with intergration in tf.data
18:33
Cutmix Data augmentation with TensorFlow 2 and intergration in tf.data
41:49
Albumentations with TensorFlow 2 and PyTorch for Data augmentation
20:03

Advanced Tensorflow Concepts

3 lectures
Custom Loss and Metrics
19:51
Eager and Graph Modes
12:49
Custom Training Loops
25:33

Tensorboard Integration

4 lectures
Data Logging
31:54
Viewing Model Graphs
02:46
Hyperparameter tuning
20:49
Profiling and other visualizations with Tensorboard.
07:53

MLOps with Weights and Biases

5 lectures
Experiment Tracking
54:21
Hyperparameter Tuning with Weights and Biases and TensorFlow 2
22:13
Dataset Versioning with Weights and Biases and TensorFlow 2
42:59
Data Versioning with Wandb
42:59
Model Versioning with Weights and Biases and TensorFlow 2
16:29

Human Emotions Detection

5 lectures
Link to Code
00:01
Data Preparation
28:36
Modeling and Training
51:01
Data augmentation
17:45
Tensorflow Records
36:52

Modern Convolutional Neural Networks

6 lectures
Alexnet
17:03
Vggnet
11:13
Resnet
34:17
Coding Resnet
22:01
Mobilenet
24:19
Efficientnet
17:29

Transfer Learning

2 lectures
Leveraging Pretrained Models
24:06
Finetuning
13:05

Diving into the blackbox

2 lectures
Visualizing intermediate layers
20:34
Grad-cam Method
21:15

Ensembling and class imbalance

2 lectures
Ensembling
05:41
Class Imbalance
13:26

Transformers in Vision

6 lectures
Understanding VITs
53:57
Building VITs from scratch
51:18
Finetuning Huggingface Transformers
23:57
Model Evaluation with Wandb
21:17
Data efficient transformers
08:58
Swin Transformers
17:00

Model Deployment

9 lectures
Model Conversion from Tensorflow to Onnx
25:10
Understanding quantization
20:37
Practical quantization of Onnx model
08:50
Quantization Aware training
17:49
Conversion to Tensorflow lite model
18:26
What is an API
19:54
Building the Emotions Detection API with Fastapi
01:20:38
Deploy the Emotions Detection API to the Cloud
12:21
Load tesing the Emotions Detection API with Locust
13:51

Object Detection with YOLO algorithm

9 lectures
Link to COde
00:01
Understanding object detection
06:03
YOLO Paper
01:03:36
Dataset Preparation
43:06
YOLO Resnet
05:37
YOLO Loss
01:04:27
Data augmentation
24:31
Testing
31:49
Data generators
05:12

Image segmentation and Virtual Cloth Try-on with Stable Diffusion Inpainting

12 lectures
Link to Code
00:00
Problem Understanding
03:06
Data Downloading
03:53
Data Splitting
13:24
Data Processing
21:29
Data Visualization with Matplotlib
10:07
Data Visualization with FiftyOne
19:58
Understanding Segformer
25:38
Model Creation
26:18
Model Evaluation with FiftyOne
29:28
Virtual Cloth Try-on with Stable Diffusion Inpainting
25:15
Building FiftyOne Data Augmentation Plugin with Stable Diffusion Inpainting
52:00

People Counting

6 lectures
Link to Code
00:01
People Counting - Shangai Tech Dataset
12:05
Dataset Preparation
38:39
CSRNET
07:11
Training and Optimization
05:47
Data Augmentation
26:54

Image Generation

9 lectures
Link to Code
00:02
Introduction to Image generation
03:43
Understanding Variational autoencoders
17:23
VAE training and digit generation
45:09
Latent space visualizations
15:23
How GANs work
21:50
The GAN Loss
18:02
Improving GAN training
23:21
Face generation with GANs
50:35

Essential Python Programming

15 lectures
Python Installation
04:00
Conditional Statements
16:52
Variables and Basic Operators
27:17
Loops
19:04
Methods
18:44
Objects and Classes
14:21
Operator Overloading
11:25
Method Types
09:00
Inheritance
10:08
Encapsulation
02:10
Polymorphism
02:37
Decorators
17:49
Generators
09:18
Numpy Package
46:46
Matplotlib Introduction
04:48

Đánh giá của học viên

Chưa có đánh giá
Course Rating
5
0%
4
0%
3
0%
2
0%
1
0%

Bình luận khách hàng

Viết Bình Luận

Bạn đánh giá khoá học này thế nào?

image

Đăng ký get khoá học Udemy - Unica - Gitiho giá chỉ 50k!

Get khoá học giá rẻ ngay trước khi bị fix.