When you enroll through our links, we may earn a small commission—at no extra cost to you. This helps keep our platform free and inspires us to add more value.

Udemy logo

Deep Learning : Image Classification with Tensorflow in 2024

Master and Deploy Image Classification solutions with Tensorflow using models like Convnets and Vision Transformers

     
  • 3.9
  •  |
  • Reviews ( 33 )
₹2499

This Course Includes

  • iconudemy
  • icon3.9 (33 reviews )
  • icon30.5 total hours
  • iconenglish
  • iconOnline - Self Paced
  • iconcourse
  • iconUdemy

About Deep Learning : Image Classification with Tensorflow in 2024

Image classification models find themselves in different places today, like farms, hospitals, industries, schools, and highways,...

With the creation of much more efficient deep learning models from the early 2010s, we have seen a great improvement in the state of the art in the domain of image classification.

In this course, we shall take you on an amazing journey in which you'll master different concepts with a step-by-step approach. We shall start by understanding how image classification algorithms work, and deploying them to the cloud while observing best practices. We are going to be using Tensorflow 2 (the world's most popular library for deep learning, built by Google) and Huggingface

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)

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

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

What You Will Learn?

  • The Basics of Tensors and Variables with Tensorflow.
  • Linear Regression, Logistic Regression and Neural Networks built from scratch..
  • 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.
  • Huggingface Transformers.
  • Vision Transformers.
  • Model deployment.
  • Conversion from tensorflow to Onnx Model.
  • Quantization Aware training.
  • Building API with Fastapi.
  • Deploying API to the Cloud.