CVDL Master Program

This is the world’s most comprehensive curation of beginner to expert level courses in Computer Vision, Deep Learning, and AI. Prepare yourself for an exciting journey into the world of AI.

Download Curriculum
Play Video

Program code
Prog-Master

No. of courses
06

Available In
C++ / Python

Price
Original price was: $2,904.Current price is: $1,999.

(SAVE $1,193 compared to purchasing individual courses)

(Courses are (a little) oversubscribed and we apologize for your enrollment delay. As an apology, you will receive a 20% discount on all waitlist course purchases. The current wait time will be sent to you in the confirmation email.)
Play Video

Lifetime Access

Official OpenCV Certification

Active Community Support

30-Day Money-Back Guarantee

Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Basics of Image Formation and Image Formats
  2. Reading, Display and Writing Images in OpenCV
  3. Resizing, cropping, annotating, creating a Region of Interest
  1. Image thresholding, Bitwise operations and Masking
  2. Creating Digital signatures using Alpha Blending
  3. Color space conversion and different Color Spaces

  1. Image Histograms and enhancement using Histogram Equalization
  2. Deforestation analysis using Color Segmentation
  3. Satellite Imagery analysis using GeoTIFF Images

  1. Reading and Writing videos using OpenCV
  2. Motion Detection using Background Subtraction
  3. Build an Intruder Detection System

  1. Reading and Writing videos using OpenCV
  2. Motion Detection analysis using Background Subtraction
  3. Build an Intruder Detection System

  1. Image Filtering using Convolution Operations
  2. Edge Detection using Sobel Filters and Canny algorithm
  3. Artistic Renderings using Image Filters

  1. Noise Reduction using Median and Bilateral Filters
  2. Image Inpainting for Image Restoration
  3. Building a streamlit application on image restoration using Inpainting.

  1. Overview of ArUco markers
  2. Application: AR using ArUco Markers

  1. Introduction to OpenCV’s DNN Module.
  2. Image Classification using OpenCV DNN Module
  3. Super-Resolution on Images

  1. Face Detection using DNN Module
  2. Facial Landmarks Detection
  3. Building a Real-time Blink Detection application

  1. Object Detection using MobileNet SSD, YOLOv4 and YOLOv5
  2. Building a Social Distance Monitoring Application
  3. Introduction to Object Tracking Models in OpenCV

  1. Human Pose Estimation using MediaPipe
  2. Sports Analytics using MediaPipe
  3. Human Segmentation using Mediapipe

  1. Text Detection using EAST and Differentiable Binarization (DB)
  2. OCR on Natural Images
  3. Language Translation using OCR

  1. Building webapps using Streamlit
  2. Deploying webapps on AWS, GCP, Azure

Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Introduction to Computer Vision
  2. Introduction to Digital Images
  3. Basic Image operations
  4. Mathematical operations on images
  1. Video Read-Write using HighGUI
  2. Using KeyBoard and Mouse as Inputs
  3. Using Trackbars 
  4. Annotating Images with Text and Boxes
  1. Image Thresholding
  2. Morphological Operations like Erosion & Dilation
  3. Contour Analysis
  4. Blob Detection
  1. Color Spaces and Transforms
  2. Histogram Equalization
  3. Image filtering & Convolution
  4. Image Smoothing & Edge Detection
  1. Hough Transforms for Line and Circle Detection
  2. High Dynamic Range Imaging
  3. Seamless Cloning
  4. Image Inpainting
  1. Affine Transforms & Homography
  2. Feature matching using RANSAC
  3. Finding Objects using Feature Matching
  4. Application: Image Alignment and Creating Panoramas
  1. Image Segmentation using GrabCut
  2. Image Classification using HoG and SVM
  3. Object Detection using Haar Cascades
  4. Pedestrian Detection
  1. Motion Sstimation using Optical Flow
  2. Video Stabilization
  3. Object Tracking
  4. Multi Object Tracking in OpenCV
  1. Image Classification using Caffe and TensorFlow
  2. Object Detection with SSD and YOLO
  3. Face Detection using SSD
  4. Human Pose Sstimation using OpenPose
  1. Selfie Application with Instagram Filters
  2. Object Detection & Tracking Integration
  3. Document Scanner using Homography
  4. Implementing Chroma Keying
Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Introduction to Artificial Intelligence
  2. NumPy Refresher
  3. Introduction to PyTorch
  4. What is inside an ML algorithm?
  1. Understanding Neural Networks
  2. Building Neural Networks in PyTorch
  3. Building Blocks of a Neural Network
  4. Multi-Class Classification using PyTorch
  1. Image Classification
  2. Convolutional Neural Networks
  3. LeNet in PyTorch
  4. Evaluation Metrics for Classification
  5. Important CNN Architectures
  1. Optimizers and LR Schedulers
  2. Training Deep Networks
  3. Using your own Data
  4. Model Complexity, Generalization and Handling Overfitting
  5. Gaining Insights
  1. Troubleshooting Training with TensorBoard
  2. Transfer Learning and Fine-Tuning in PyTorch
  3. Write your own Custom Dataset Class
  4. PyTorch Lightning
  1. Introduction to Semantic Segmentation
  2. PyTorch Segmentation Models and Custom Dataset
  3. Transposed Convolutions
  4. Fully Convolutional Networks
  5. UNet
  6. Dilated Convolution
  7. DeepLabV3
  8. Instance Segmentation
  1. Introduction to Object Detection
  2. Hands on with Object Detection
  3. Classification to Detection
  4. Non Maximum Supression
  5. Evaluation Metrics
  6. Popular Object Detection Architecture
  1. Understanding Faster RCNN
  2. Detectron 2
  3. Ultralytics YOLO
  4. Create a Custom Object Detector
Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Introduction to Artificial Intelligence
  2. NumPy refresher
  3. Introduction to TensorFlow and Keras
  4. What is inside an ML algorithm?
  1. Neural Network Building Blocks
  2. Loss Functions for Classification and Regression
  3. Understanding the Keras Sequential and Functional APIs
  4. Image Classification using Multilayer Perceptron
  1. Convolution operation
  2. CNN building blocks and Layers
  3. Implement CNNs using TensorFlow Keras
  4. Evaluation of Classification Performance
  1. Advanced Optimizers in Keras
  2. Learning Rate Decay methods
  3. Training Deep Neural Networks
  4. Regularization methods in Deep Learning
  1. Troubleshooting training with TensorBoard
  2. Leverage pre-trained models
  3. Handling Data in TensorFlow using TF Data, Sequence Class, and TF Records
  1. Introduction to Object Detection
  2. Object Detection Building Blocks
  3. Evaluation metrics in Object Detection like mAP
  4. Two-Stage Object Detectors like Faster RCNN
  1. You Only Look Once (YOLO)
  2. Single Stage Multibox Detector (SSD)
  3. EfficientDet and RetinaNet
  4. How to write a custom Object Detector from scratch?
  1. Using the TensorFlow Object Detection (TFOD) API
  2. Fine-tuning of Object Detection Models available on TFOD API on a subset of Pascal VOC data.
  3. Building a Custom SSD Model with FPN and training it on  PenFudanPed Dataset
  1. Semantic Segmentation Building Blocks 
  2. Dilated Convolution and Transposed Convolution
  3. Semantic and Instance Segmentation
  4. Evaluation metrics for Semantic Segmentation
  1. Fully Convolutional Network (FCN)
  2. U-Net
  3. DeepLab
  4. Mask-RCNN
  1. Real-time Posture analysis using MediaPipe Pose
  2. Drowsy Driver Detection using MediaPipe
  1. Introduction to GANs
  2. Vanilla GAN using Fashion MNIST
  3. DCGAN using Flickr Faces
  4. CGAN using Fashion MNIST
Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Different face processing applications
  2. Facial Landmark Detection
  3. Application: Face Alignment
  4. Train a custom Facial Landmark Detector
  1. Face Averaging
  2. Face Morphing
  3. Application: Smile Detection
  4. Head Pose Estimation
  1. Face Swapping
  2. Application: Beard Filter
  3. Application: Aging Filter
  4. Non-linear Deformations for creating Filters
  1. Introduction to Face Recognition
  2. Eigen & Fisher Faces, Local Binary Patterns Histograms
  3. Face Recognition API in OpenCV
  4. Deep Learning-based Face Recognition
  1. Basics of Neural Networks
  2. The Keras Framework [Will be updated to PyTorch]
  3. Convolutional Neural Network for Image Classification
  4. Transfer Learning and Fine-tuning and Logging
  1. Object Detection overview
  2. YOLO Models for Object Detection [Will be updated to YOLOv8]
  3. YOLO-NAS [Will be added]
  4. RT-DETR [Will be added]
  1. The OCR Pipeline
  2. Graphic Text OCR using Tesseract
  3. Text Detection with EAST & CRAFT
  4. Automatic Number Plate Recognition
  5. OCR using Transformer OCR (TrOCR) [Will be added]
  1. Create a web application using Flask
  2. Deploy a web application on Heroku
  3. Deploy a web application on Google GCP 
Edit Content

A glimpse of the topics covered

What's covered in this course?

  1. Generative AI Landscape
  2. Evolution of Generative AI
  1. Generating Images with DALLE2
  2. Crash Course on ChatGPT 
  3. Inpainting and Outpainting
  1. Generating images on Discord
  2. Understanding Generation parameters
  1. Setting up the Automatic1111 WebUI
  2. Using DreamStudio
  3. Basic Prompt Engineering with Stable Diffusion
  1. Advanced Controls like XYZ Plot, Prompt Strengths
  2. Editing Images using img2img and Inpainting
  3. Getting 3rd Party Models
  4. Using extensions with the webui
  1. Creating applications using InstructPix2Pix
  2. Advanced techniques like ControlNet
  3. Image Upscaling
  1. Use Images to create animations
  1. Use your own images to create avatars
  1. Use Textual Inversion for creating custom embeddings
  1. Train your own models faster with LoRA

Testimonials

This program is made for you if:

You have a working knowledge of Python and aspire to apply it within the realm of Computer Vision applications

You seek to transition from a Novice to an Expert in the fields of Computer Vision, Deep Learning, and Artificial Intelligence

As a Computer Vision enthusiast who has experimented with OpenCV, you are now eager to delve into the world of Deep Learning

Driven by your entrepreneurial spirit, you aim to launch your own AI-focused venture and harness the capabilities of Computer Vision to enhance your current product offering

As a professional developer, you are looking to efficiently expand your skillset and acquire expertise in Deep Learning in a time-efficient manner

As an M.S. or Ph.D. student working on your thesis, you are in search of practical, hands-on training that complements the knowledge gained from textbooks and research papers

Why this program?

Skill-based expert course curation

Get the best deal with Programs

Get industry-ready faster

Certificate

To receive a Certificate of Completion from OpenCV.org, you need to complete the graded quizzes + assignments + projects, with more than 50% marks and within 6 months of enrolling in the course.

Graduation Certificate

Frequently Asked Questions

Edit Content
Yes, our courses are designed to accommodate learners with varying levels of experience. All that is required is a basic understanding of at least one programming language (Python is preferable but not mandatory). We will walk you through the fundamental concepts, providing step-by-step guidance.

To get the most from our courses, you should possess a working knowledge of Python or a similar programming language. For the courses offered in C++, you should have a basic proficiency in C++.

Aside from the programming experience mentioned above, the series of courses are designed to take you from the fundamentals in Image Processing and Computer Vision through more advanced topics in Deep Learning. If you are looking to jump in directly to our Deep Learning courses, then you should have a good understanding of the foundational material in Image Processing and Computer Vision.

Upon finishing a course, you will be awarded a certificate of completion from OpenCV.org. To qualify for the certificate, you must complete all graded quizzes, assignments, and projects, obtaining a score of at least 50% within six months of enrollment. If your score exceeds 70%, you will be granted an Honor Certificate.

Our team will be available in the course forum to address your questions and provide guidance as needed. We encourage students to post questions on the forum, as other students can often help. In fact, you will find that answering questions for other students will facilitate your own learning. However, rest assured that our instructors monitor the course forum, and we strive to respond within 24 hours. In the end, it’s a highly collaborative environment that allows everyone involved the opportunity to learn.
The course content features a combination of theoretical explanations and practical code demonstrations delivered through both text and video formats. Quizzes, assignments, and projects of varying difficulty levels are also included. Students have the option to choose the assignments or projects they wish to work on, with each carrying a point value. We select the best "m" out of "n" assignments/projects to accommodate individual interests.

This approach allows students to focus on topics that pique their interest, enabling them to delve deeper by completing relevant assignments/projects while having the flexibility to skip topics they find less appealing.
Edit Content
Yes, you can share an account with a friend. However, please note that if you both qualify for a certificate, we can only issue one certificate per account.
Upon purchasing the course, you should have received an enrollment email. If it's not in your inbox, please check your spam folder. If you still cannot locate the email, reach out to us at [email protected] for assistance.
Edit Content
Absolutely. If you're not satisfied with a course, simply send us an email ([email protected]) within 30 days of the course enrollment date, and we will issue a full refund without any questions asked.
Edit Content

The time it takes to complete a course depends on the number of hours you can dedicate weekly. Based on our observations, students typically finish the courses in the following timeframes:

Mastering OpenCV For Computer Vision: Approximately 2-4 weeks
Fundamentals Of Computer Vision & Image Processing: Roughly 3 months
Advanced Computer Vision and Deep Learning Applications: Around 3 months
Deep Learning With PyTorch: About 4-5 months
Deep Learning With TensorFlow & Keras: Approximately 4-5 months

Please note that taking the time to fully comprehend the course material is essential rather than rushing through it. This will ensure a deeper understanding and better retention of the content.

We offer lifetime access to our courses, allowing you to use them as reference materials long after completion. Please note that for all courses except OpenCV Essentials, we provide online labs with Jupyter notebooks integrated into the course platform for assignment submissions. Access to these online labs is limited to 6 months. However, you can still run the same code on your local machine or through Google Colab after the 6-month period.
No, you have the flexibility to decide when to begin each course. To receive a certificate, you must complete each individual course within 6 months of enrolling in it. The 6-month timeframe applies separately to each course within the bundle, starting from the enrollment date of each specific course.
Yes, you will have lifetime access to the certificate on the course platform. You will get a digital certificate after successfully completing the course and you can share this certificate on LinkedIn, Facebook and other platforms.
Edit Content

If you're looking for the most comprehensive option, the CV Master Bundle offers the complete set of courses provided by OpenCV.org. However, if the CV Master Bundle is too extensive or costly for your needs, we recommend the CV DL Starter. This bundle equips you with a strong foundation in both traditional computer vision and modern deep learning approaches.

Can’t decide which course to take?

Get in touch to learn more.

Chat

Call

Refund Policy

For all refund requests and queries, please write to us at [email protected].

Courses

You will have a window of 30 days after you start the course to request a full refund.

Programs

You will have a window of 30 days after you start the first course in the program to request a full refund. Refunds are offered for the entire program and not for individual courses within the program.

Ready to begin your learning journey with OpenCV University?