Gang Of Coders
Home
About Us
Contact Us
All Opencv Solutions on Gang of Coders
Total of 176 Opencv Solutions
OpenCV not working properly with python on Linux with anaconda. Getting error that cv2.imshow() is not implemented
Python
Opencv
Ubuntu
Anaconda
Difference in output with waitKey(0) and waitKey(1)
Python
Opencv
Python 2.7 installing opencv via pip (virtual environment)
Python 2.7
Opencv
Pip
Virtualenv
How to add noise (Gaussian/salt and pepper etc) to image in Python with OpenCV
Python
Opencv
Read image grayscale opencv 3.0.0-dev
Python
Opencv
Grayscale
why cv2.imwrite() changes the color of pics?
Python
Opencv
opencv3.0
How can I determine distance from an object in a video?
C++
Opencv
Computer Vision
Photogrammetry
Is it possible to use OpenCV or similar library in Javascript?
Javascript
Html
Opencv
Artificial Intelligence
Face Detection
How to detect lines in OpenCV?
Python
Opencv
Image Processing
opencv multi channel element access
C++
Image
Image Processing
Opencv
Converting cv::Mat to IplImage*
C++
Opencv
Python OpenCV load image from byte string
Python
Image
Opencv
Byte
Get video dimension in python-opencv
Python
Opencv
Video
Using openCV to overlay transparent image onto another image
Python
Python 2.7
Opencv
How to create Haar Cascade (.xml file) to use in OpenCV?
Xml
Opencv
Emgucv
In OpenCV (Python), why am I getting 3 channel images from a grayscale image?
Python
Opencv
Image Processing
Jpeg
Grayscale
g++ ld: symbol(s) not found for architecture x86_64
C++
Opencv
Gcc
Using OpenCV in Swift iOS
Ios
Swift
Opencv
Image Processing
Python: how to capture image from webcam on click using OpenCV
Python
Python 2.7
Opencv
How do I increase the contrast of an image in Python OpenCV
Python
Image
Opencv
Image Processing
Computer Vision
AttributeError: module 'cv2.cv2' has no attribute 'createLBPHFaceRecognizer'
Python
Windows
Opencv
Detect and visualize differences between two images with OpenCV Python
Python
Image
Opencv
Image Processing
Computer Vision
What is the difference between feature detection and descriptor extraction?
Image Processing
Opencv
Computer Vision
Feature Detection
Feature Extraction
Writing robust (color and size invariant) circle detection with OpenCV (based on Hough transform or other features)
C++
Python
C
Opencv
Computer Vision
Opencv polylines function in python throws exception
Python
Opencv
Numpy
Points
Increasing camera capture resolution in OpenCV
C
Image
Opencv
Webcam
Resolutions
Differences between AForge and OpenCV
C#
Image Processing
Opencv
Aforge
How to load png images with 4 channels?
Opencv
How to detect simple geometric shapes using OpenCV
Opencv
Image size (Python, OpenCV)
Python
Opencv
Size
Perspective Transform + Crop in iOS with OpenCV
Objective C
Ios
Image Processing
Opencv
Perspective
How to process images of a video, frame by frame, in video streaming using OpenCV and Python
Python
Opencv
Video
Video Streaming
How can one display an image using cv2 in Python
Python
Opencv
Matplotlib
Convert np.array of type float64 to type uint8 scaling values
Python
Image
Numpy
Opencv
Image Processing
DestroyWindow does not close window on Mac using Python and OpenCV
Python
User Interface
Opencv
How to find corners on a Image using OpenCv
Image Processing
Opencv
OpenCV 2.4 VideoCapture not working on Windows
Python
Windows
Opencv
c++ and opencv get and set pixel color to Mat
C++
Opencv
Image Processing
Pixel
Mat
How to import cv2 in python3?
Python 3.x
Opencv
Numpy
Crop black edges with OpenCV
Image Processing
Opencv
OpenCV Python: Draw minAreaRect ( RotatedRect not implemented)
Python
Opencv
Loading all images using imread from a given folder
Python
Opencv
No implementation found for long org.opencv.core.Mat.n_Mat() error Using OpenCV
Android
Opencv
How to find the average colour of an image in Python with OpenCV?
Python
Opencv
Numpy
Image Processing
Scikit Image
How do I install Python OpenCV through Conda?
Python
Opencv
Anaconda
Conda
Is there a way to detect if an image is blurry?
Image Processing
Opencv
Simple and fast method to compare images for similarity
Image Processing
Opencv
Computer Vision
Python - Extracting and Saving Video Frames
Python
Python 2.7
Opencv
How to remove convexity defects in a Sudoku square?
Python
Opencv
Computer Vision
Sudoku
How to resize an image with OpenCV2.0 and Python2.6
Python
Image
Image Processing
Resize
Opencv
ImportError: numpy.core.multiarray failed to import
Python
Python 2.7
Numpy
Opencv
OpenCV C++/Obj-C: Detecting a sheet of paper / Square Detection
C++
Objective C
Image Processing
Opencv
Computer Vision
OpenCV – Depth map from Uncalibrated Stereo System
Python
Opencv
Stereo 3d
Disparity Mapping
Checking images for similarity with OpenCV
Image
Opencv
Image Processing
Comparison
Similarity
How do I install opencv using pip?
Python
Opencv
Extracting text OpenCV
C++
Opencv
Image Processing
Text
Bounding Box
OpenCV in Android Studio
Android
Opencv
Android Studio
Gradle
cv2.imshow command doesn't work properly in opencv-python
Python
Opencv
Image Processing
How can I sharpen an image in OpenCV?
Image Processing
Opencv
how to convert an RGB image to numpy array?
Python
Image
Opencv
Numpy
How to find out what type of a Mat object is with Mat::type() in OpenCV?
Opencv
Opencv Mat
Size of Matrix OpenCV
Opencv
Opencv Mat
How can I add new dimensions to a Numpy array?
Python
Arrays
Opencv
Numpy
error: (-215) !empty() in function detectMultiScale
Python
Python 2.7
Opencv
Image Recognition
ImportError: libSM.so.6: cannot open shared object file: No such file or directory
Python
Opencv
Python Import
Importerror
Python Module
Convert image from PIL to openCV format
Python
Image Processing
Opencv
Python Imaging-Library
Python OpenCV2 (cv2) wrapper to get image size?
Python
Image
Opencv
Numpy
ImportError: DLL load failed: %1 is not a valid Win32 application. But the DLL's are there
Python
Opencv
Dll
Path
Pycharm/Python OpenCV and CV2 install error
Python
Opencv
Pycharm
OpenCV giving wrong color to colored images on loading
Python
Image
Opencv
Colors
Rgb
Algorithm to detect corners of paper sheet in photo
Image Processing
Opencv
Edge Detection
Hough Transform
Image Segmentation
Should I use libc++ or libstdc++?
Linux
Macos
Opencv
Libstdc++
Libc++
How to draw a rectangle around a region of interest in python
Python
Opencv
Computer Vision
Draw
Choosing the correct upper and lower HSV boundaries for color detection with`cv::inRange` (OpenCV)
Python
Opencv
Computer Vision
Hsv
Color Detection
imread returns None, violating assertion !_src.empty() in function 'cvtColor' error
Python
Opencv
OpenCV & Python - Image too big to display
Python
Image
Opencv
Image Processing
Computer Vision
Setting Camera Parameters in OpenCV/Python
Python
Opencv
Camera
Python 2.7
How does one convert a grayscale image to RGB in OpenCV (Python)?
Python
Image
Opencv
Image Processing
Computer Vision
How to know total number of Frame in a file with cv2 in python
Python
Opencv
Video
Frame
Frame Rate
iPhone and OpenCV
Ios
Iphone
Opencv
What is different between all these OpenCV Python interfaces?
Python
Opencv
What does OpenCV's cvWaitKey( ) function do?
C++
C
Opencv
How do I choose between Tesseract and OpenCV?
Python
Opencv
Computer Vision
Ocr
Tesseract
OpenCV Point(x,y) represent (column,row) or (row,column)
C++
Opencv
Augmented Reality SDK with OpenCV
Opencv
Augmented Reality
open cv error: (-215) scn == 3 || scn == 4 in function cvtColor
Python
Opencv
Photo
RuntimeError: module compiled against API version a but this version of numpy is 9
Python
Python 2.7
Opencv
Numpy
How to write text on a image in windows using python opencv2
Python
Windows
Opencv
Does performance differ between Python or C++ coding of OpenCV?
C++
Python
Performance
Opencv
inverting image in Python with OpenCV
Python
Arrays
Opencv
Numpy
Image Processing
ConvergenceWarning: Liblinear failed to converge, increase the number of iterations
Python
Opencv
Lbph Algorithm
What are keypoints in image processing?
Opencv
Image Processing
Sift
Surf
Keypoint
Image Processing: Algorithm Improvement for 'Coca-Cola Can' Recognition
C++
Algorithm
Image Processing
Opencv
Installing OpenCV for Python on Ubuntu, getting ImportError: No module named cv2.cv
Python
Opencv
Ubuntu
Importerror
How to fill OpenCV image with one solid color?
Image Processing
Opencv
Python: How to pip install opencv2 with specific version 2.4.9?
Python
Opencv
Pip
Package
OpenCV Python: cv2.findContours - ValueError: too many values to unpack
Python
Opencv
Image Processing
Opencv Contour
What's 0xFF for in cv2.waitKey(1)?
Python
Opencv
Hex
Why is Visual Studio 2010 not able to find/open PDB files?
Visual Studio
Visual Studio-2010
Visual C++
Opencv
Simple Digit Recognition OCR in OpenCV-Python
Python
Opencv
Numpy
Computer Vision
Ocr
Accessing certain pixel RGB value in openCV
C++
Opencv
Combining Two Images with OpenCV
Python
Image Processing
Opencv
Computer Vision
OpenCV Python rotate image by X degrees around specific point
Python
Opencv
Rotation
Automatic contrast and brightness adjustment of a color photo of a sheet of paper with OpenCV
Python
Image
Opencv
Image Processing
Computer Vision
Installing OpenCV fails because it cannot find "skbuild"
Python
Opencv
Pip
overlay a smaller image on a larger image python OpenCv
Python
Opencv
Object Detection
Could not find module FindOpenCV.cmake ( Error in configuration process)
Opencv
Cmake
Computing x,y coordinate (3D) from image point
Opencv
Camera Calibration
Pose Estimation
How to define the markers for Watershed in OpenCV?
Opencv
Image Processing
Computer Vision
Image Segmentation
Watershed
How to detect a Christmas Tree?
C++
Python
Opencv
Image Processing
Computer Vision
How can I upgrade NumPy?
Python
Opencv
Numpy
Homebrew
Anaconda
Resize an image without distortion OpenCV
Python
Image
Python 3.x
Opencv
Python OpenCV - imshow doesn't need convert from BGR to RGB
Python
Opencv
Converting an OpenCV Image to Black and White
Python
Image Processing
Opencv
Computer Vision
Rotate image and crop out black borders
Python
Algorithm
Opencv
Aabb
openCV video saving in python
Python
Opencv
How to get image width and height in OpenCV?
Python
C++
Opencv
.Net (dotNet) wrappers for OpenCV?
C#
.Net
Opencv
Mono
Cross Platform
How do I resolve "Please make sure that the file is accessible and that it is a valid assembly or COM component"?
C#
.Net
Dll
Opencv
Using other keys for the waitKey() function of opencv
Python
Opencv
Package opencv was not found in the pkg-config search path
Opencv
Apt Get
Pkg Config
Clone an image in cv2 python
Python
Opencv
DLL load failed error when importing cv2
Python
Opencv
Cv2
sift = cv2.xfeatures2d.SIFT_create() not working even though have contrib installed
Opencv
Python 3.5
Cannot find module cv2 when using OpenCV
Python
Python 2.7
Opencv
Raspberry Pi
What does cv::normalize(_src, dst, 0, 255, NORM_MINMAX, CV_8UC1);
Opencv
Can't use SURF, SIFT in OpenCV
Python
Opencv
Sift
Surf
opencv.imshow will cause jupyter notebook crash
Python
Opencv
Ubuntu
Jupyter Notebook
How to use opencv in using Gradle?
Android
Opencv
Gradle
Android Gradle-Plugin
Convert opencv image format to PIL image format?
Python
Opencv
Image Processing
Type Conversion
Python Imaging-Library
How to crop a CvMat in OpenCV?
Opencv
Opencv Mat
Writing an mp4 video using python opencv
Python
Opencv
Video
How to use OpenCV's connectedComponentsWithStats in Python?
Python
Opencv
Connected Components
Convert RGB to Black & White in OpenCV
C++
C
Image Processing
Opencv
Computer Vision
Easiest way to rotate by 90 degrees an image using OpenCV?
C++
Image
Opencv
Rotation
linux/videodev.h : no such file or directory - OpenCV on ubuntu 11.04
C++
Opencv
Ubuntu 11.04
Print out the values of a (Mat) matrix in OpenCV C++
C++
Opencv
Create a new RGB OpenCV image using Python?
Python
Opencv
Recommended values for OpenCV detectMultiScale() parameters
C++
Opencv
Cascade Classifier
Rotate an image without cropping in OpenCV in C++
C++
Opencv
How to convert a python numpy array to an RGB image with Opencv 2.4?
Python
Opencv
Numpy
PyLint not recognizing cv2 members
Opencv
Visual Studio-Code
Pylint
How to crop an image in OpenCV using Python
Python
Opencv
What are the differences between CV_8U and CV_32F and what should I worry about when converting between them?
C++
Opencv
How to verify the correctness of calibration of a webcam?
Opencv
Computer Vision
Camera Calibration
How do I remove the background from this kind of image?
Python
Opencv
Image Processing
Scikit Image
OpenCV undistortPoints and triangulatePoint give odd results (stereo)
C++
Opencv
Triangulation
Opencv - Grayscale mode Vs gray color conversion
Python
Python 2.7
Opencv
OpenCV TypeError: Expected cv::UMat for argument 'src' - What is this?
Python
Opencv
Typeerror
Src
OpenCV - Apply mask to a color image
Python
Opencv
Image Processing
Mask
Detect face then autocrop pictures
Python
Linux
Opencv
Crop
Face Detection
Why OpenCV Using BGR Colour Space Instead of RGB
Opencv
What does CV_8UC3 and the other types stand for in OpenCV?
C++
Opencv
Tensorflow vs OpenCV
Opencv
Tensorflow
Artificial Intelligence
Find OpenCV Version Installed on Ubuntu
C++
Opencv
using OpenCV and SVM with images
C++
Opencv
Svm
Using make with -j4 or -j8
C
Opencv
Makefile
How to check for openCV on Ubuntu 9.10
Linux
Ubuntu
Opencv
OpenCV error: the function is not implemented
Python
Opencv
Classification of detectors, extractors and matchers
C++
Image Processing
Opencv
Computer Vision
Feature Detection
Extracting a region from an image using slicing in Python, OpenCV
Python
Opencv
Image Processing
Install opencv for Python 3.3
Python
Opencv
Python 3.x
cv2.imshow() function is opening a window that always says not responding - python opencv
Opencv
Python 2.7
Convert Mat to Array/Vector in OpenCV
C++
Arrays
Opencv
Vector
Synthesis
"In-source builds are not allowed" in cmake
Linux
Opencv
Cmake
Copy an cv::Mat inside a ROI of another one
C++
Opencv
Copy
Roi
Installing OpenCV 2.4.3 in Visual C++ 2010 Express
C++
Visual C++
Opencv
Camera position in world coordinate from cv::solvePnP
C++
Opengl
Opencv
Computer Vision
Pose Estimation
Removing watermark out of an image using OpenCV
C++
Opencv
Image Processing
Watermark
Displaying a webcam feed using OpenCV and Python
Python
Opencv
Webcam
Executing cv::warpPerspective for a fake deskewing on a set of cv::Point
C++
Opencv
Image Processing
Perspective
Skew
Haar Cascades vs. LBP Cascades in Face Detection
Opencv
Cascade
Face Detection
Haar Wavelet
Viola Jones
Simple illumination correction in images OpenCV C++
C++
Opencv
Image Processing
Contrast
OpenCV/Python: read specific frame using VideoCapture
Python
Python 2.7
Opencv
OpenCV: IplImage versus Mat, which to use?
Opencv
openCV program compile error "libopencv_core.so.2.4: cannot open shared object file: No such file or directory" in ubuntu 12.04
C++
Ubuntu
Opencv
G++