reviloera / learnopencv

Learn OpenCV : C++ and Python Examples

Home Page:https://www.learnopencv.com/

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

LearnOpenCV

This repo contains code for Computer Vision, Deep learning, and AI articles shared on our blog LearnOpenCV.com.

Want to become an expert in AI? AI Courses by OpenCV is a great place to start.

List of Blog Posts

Blog Post
Super Resolution in OpenCV
Improving Illumination in Night Time Images Code
Video Classification and Human Activity Recognition Code
How to use OpenCV DNN Module with Nvidia GPU on Windows Code
How to use OpenCV DNN Module with NVIDIA GPUs Code
Code OpenCV in Visual Studio
Install OpenCV on Windows – C++ / Python Code
Face Recognition with ArcFace Code
Background Subtraction with OpenCV and BGS Libraries Code
RAFT: Optical Flow estimation using Deep Learning Code
Making A Low-Cost Stereo Camera Using OpenCV Code
Optical Flow in OpenCV (C++/Python) Code
Introduction to Epipolar Geometry and Stereo Vision Code
Classification With Localization: Convert any keras Classifier to a Detector Code
Photoshop Filters in OpenCV Code
Tetris Game using OpenCV Python Code
Image Classification with OpenCV for Android Code
Image Classification with OpenCV Java Code
PyTorch to Tensorflow Model Conversion Code
Snake Game with OpenCV Python Code
Stanford MRNet Challenge: Classifying Knee MRIs Code
Experiment Logging with TensorBoard and wandb Code
Understanding Lens Distortion Code
Image Matting with state-of-the-art Method “F, B, Alpha Matting” Code
Bag Of Tricks For Image Classification - Let's check if it is working or not Code
Getting Started with OpenCV CUDA Module Code
Training a Custom Object Detector with DLIB & Making Gesture Controlled Applications Code
How To Run Inference Using TensorRT C++ API Code
Using Facial Landmarks for Overlaying Faces with Medical Masks Code
Tensorboard with PyTorch Lightning Code
Otsu's Thresholding with OpenCV Code
PyTorch-to-CoreML-model-conversion Code
Playing Rock, Paper, Scissors with AI Code
CNN Receptive Field Computation Using Backprop with TensorFlow Code
CNN Fully Convolutional Image Classification with TensorFlow Code
How to convert a model from PyTorch to TensorRT and speed up inference Code
Efficient image loading Code
Graph Convolutional Networks: Model Relations In Data Code
Getting Started with Federated Learning with PyTorch and PySyft Code
Creating a Virtual Pen & Eraser Code
Getting Started with PyTorch Lightning Code
Multi-Label Image Classification with PyTorch: Image Tagging Code
Funny Mirrors Using OpenCV code
t-SNE for ResNet feature visualization Code
Multi-Label Image Classification with Pytorch Code
CNN Receptive Field Computation Using Backprop Code
CNN Receptive Field Computation Using Backprop with TensorFlow Code
Augmented Reality using AruCo Markers in OpenCV(C++ and Python) Code
Fully Convolutional Image Classification on Arbitrary Sized Image Code
Camera Calibration using OpenCV Code
Geometry of Image Formation
Ensuring Training Reproducibility in Pytorch
Gaze Tracking
Simple Background Estimation in Videos Using OpenCV Code
Applications of Foreground-Background separation with Semantic Segmentation Code
EfficientNet: Theory + Code Code
PyTorch for Beginners: Mask R-CNN Instance Segmentation with PyTorch Code
PyTorch for Beginners: Faster R-CNN Object Detection with PyTorch Code
PyTorch for Beginners: Semantic Segmentation using torchvision Code
PyTorch for Beginners: Comparison of pre-trained models for Image Classification Code
PyTorch for Beginners: Basics Code
PyTorch Model Inference using ONNX and Caffe2 Code
Image Classification Using Transfer Learning in PyTorch Code
Hangman: Creating games in OpenCV Code
Image Inpainting with OpenCV (C++/Python) Code
Hough Transform with OpenCV (C++/Python) Code
Xeus-Cling: Run C++ code in Jupyter Notebook Code
Gender & Age Classification using OpenCV Deep Learning ( C++/Python ) Code
Invisibility Cloak using Color Detection and Segmentation with OpenCV Code
Fast Image Downloader for Open Images V4 (Python) Code
Deep Learning based Text Detection Using OpenCV (C++/Python) Code
Video Stabilization Using Point Feature Matching in OpenCV Code
Training YOLOv3 : Deep Learning based Custom Object Detector Code
Using OpenVINO with OpenCV Code
Duplicate Search on Quora Dataset Code
Shape Matching using Hu Moments (C++/Python) Code
Install OpenCV 4 on CentOS (C++ and Python) Code
Install OpenCV 3.4.4 on CentOS (C++ and Python) Code
Install OpenCV 3.4.4 on Red Hat (C++ and Python) Code
Install OpenCV 4 on Red Hat (C++ and Python) Code
Install OpenCV 4 on macOS (C++ and Python) Code
Install OpenCV 3.4.4 on Raspberry Pi Code
Install OpenCV 3.4.4 on macOS (C++ and Python) Code
OpenCV QR Code Scanner (C++ and Python) Code
Install OpenCV 3.4.4 on Windows (C++ and Python) Code
Install OpenCV 3.4.4 on Ubuntu 16.04 (C++ and Python) Code
Install OpenCV 3.4.4 on Ubuntu 18.04 (C++ and Python) Code
Universal Sentence Encoder Code
Install OpenCV 4 on Raspberry Pi Code
Install OpenCV 4 on Windows (C++ and Python) Code
Hand Keypoint Detection using Deep Learning and OpenCV Code
Deep learning based Object Detection and Instance Segmentation using Mask R-CNN in OpenCV (Python / C++) Code
Install OpenCV 4 on Ubuntu 18.04 (C++ and Python) Code
Install OpenCV 4 on Ubuntu 16.04 (C++ and Python) Code
Multi-Person Pose Estimation in OpenCV using OpenPose Code
Heatmap for Logo Detection using OpenCV (Python) Code
Deep Learning based Object Detection using YOLOv3 with OpenCV ( Python / C++ ) Code
Convex Hull using OpenCV in Python and C++ Code
MultiTracker : Multiple Object Tracking using OpenCV (C++/Python) Code
Convolutional Neural Network based Image Colorization using OpenCV Code
SVM using scikit-learn Code
GOTURN: Deep Learning based Object Tracking Code
Find the Center of a Blob (Centroid) using OpenCV (C++/Python) Code
Support Vector Machines (SVM) Code
Batch Normalization in Deep Networks Code
Deep Learning based Character Classification using Synthetic Dataset Code
Image Quality Assessment : BRISQUE Code
Understanding AlexNet
Deep Learning based Text Recognition (OCR) using Tesseract and OpenCV Code
Deep Learning based Human Pose Estimation using OpenCV ( C++ / Python ) Code
Number of Parameters and Tensor Sizes in a Convolutional Neural Network (CNN)
How to convert your OpenCV C++ code into a Python module Code
CV4Faces : Best Project Award 2018
Facemark : Facial Landmark Detection using OpenCV Code
Image Alignment (Feature Based) using OpenCV (C++/Python) Code
Barcode and QR code Scanner using ZBar and OpenCV Code
Keras Tutorial : Fine-tuning using pre-trained models Code
OpenCV Transparent API
Face Reconstruction using EigenFaces (C++/Python) Code
Eigenface using OpenCV (C++/Python) Code
Principal Component Analysis
Keras Tutorial : Transfer Learning using pre-trained models Code
Keras Tutorial : Using pre-trained Imagenet models Code
Technical Aspects of a Digital SLR
Using Harry Potter interactive wand with OpenCV to create magic
Install OpenCV 3 and Dlib on Windows ( Python only )
Image Classification using Convolutional Neural Networks in Keras Code
Understanding Autoencoders using Tensorflow (Python) Code
Best Project Award : Computer Vision for Faces
Understanding Activation Functions in Deep Learning
Image Classification using Feedforward Neural Network in Keras Code
Exposure Fusion using OpenCV (C++/Python) Code
Understanding Feedforward Neural Networks
High Dynamic Range (HDR) Imaging using OpenCV (C++/Python) Code
Deep learning using Keras – The Basics Code
Selective Search for Object Detection (C++ / Python) Code
Installing Deep Learning Frameworks on Ubuntu with CUDA support
Parallel Pixel Access in OpenCV using forEach Code
cvui: A GUI lib built on top of OpenCV drawing primitives Code
Install Dlib on Windows
Install Dlib on Ubuntu
Install OpenCV3 on Ubuntu
Read, Write and Display a video using OpenCV ( C++/ Python ) Code
Install Dlib on MacOS
Install OpenCV 3 on MacOS
Install OpenCV 3 on Windows
Get OpenCV Build Information ( getBuildInformation )
Color spaces in OpenCV (C++ / Python) Code
Neural Networks : A 30,000 Feet View for Beginners
Alpha Blending using OpenCV (C++ / Python) Code
User stories : How readers of this blog are applying their knowledge to build applications
How to select a bounding box ( ROI ) in OpenCV (C++/Python) ?
Automatic Red Eye Remover using OpenCV (C++ / Python) Code
Bias-Variance Tradeoff in Machine Learning
Embedded Computer Vision: Which device should you choose?
Object Tracking using OpenCV (C++/Python) Code
Handwritten Digits Classification : An OpenCV ( C++ / Python ) Tutorial Code
Training a better Haar and LBP cascade based Eye Detector using OpenCV
Deep Learning Book Gift Recipients
Minified OpenCV Haar and LBP Cascades Code
Deep Learning Book Gift
Histogram of Oriented Gradients
Image Recognition and Object Detection : Part 1
Head Pose Estimation using OpenCV and Dlib Code
Live CV : A Computer Vision Coding Application
Approximate Focal Length for Webcams and Cell Phone Cameras
Configuring Qt for OpenCV on OSX Code
Rotation Matrix To Euler Angles Code
Speeding up Dlib’s Facial Landmark Detector
Warp one triangle to another using OpenCV ( C++ / Python ) Code
Average Face : OpenCV ( C++ / Python ) Tutorial Code
Face Swap using OpenCV ( C++ / Python ) Code
Face Morph Using OpenCV — C++ / Python Code
Deep Learning Example using NVIDIA DIGITS 3 on EC2
NVIDIA DIGITS 3 on EC2
Homography Examples using OpenCV ( Python / C ++ ) Code
Filling holes in an image using OpenCV ( Python / C++ ) Code
How to find frame rate or frames per second (fps) in OpenCV ( Python / C++ ) ? Code
Delaunay Triangulation and Voronoi Diagram using OpenCV ( C++ / Python) Code
OpenCV (C++ vs Python) vs MATLAB for Computer Vision
Facial Landmark Detection
Why does OpenCV use BGR color format ?
Computer Vision for Predicting Facial Attractiveness Code
applyColorMap for pseudocoloring in OpenCV ( C++ / Python ) Code
Image Alignment (ECC) in OpenCV ( C++ / Python ) Code
How to find OpenCV version in Python and C++ ?
Baidu banned from ILSVRC 2015
OpenCV Transparent API
How Computer Vision Solved the Greatest Soccer Mystery of All Time
Embedded Vision Summit 2015
Read an Image in OpenCV ( Python, C++ ) Code
Non-Photorealistic Rendering using OpenCV ( Python, C++ ) Code
Seamless Cloning using OpenCV ( Python , C++ ) Code
OpenCV Threshold ( Python , C++ ) Code
Blob Detection Using OpenCV ( Python, C++ ) Code
Turn your OpenCV Code into a Web API in under 10 minutes — Part 1
How to compile OpenCV sample Code ?
Install OpenCV 3 on Yosemite ( OSX 10.10.x )

About

Learn OpenCV : C++ and Python Examples

https://www.learnopencv.com/


Languages

Language:Jupyter Notebook 95.3%Language:Java 2.7%Language:Python 0.8%Language:C++ 0.7%Language:C 0.2%Language:HTML 0.1%Language:Makefile 0.1%Language:M4 0.1%Language:CMake 0.0%Language:Shell 0.0%Language:Batchfile 0.0%Language:Objective-C 0.0%Language:Dockerfile 0.0%Language:MATLAB 0.0%Language:QMake 0.0%