r
road_lane_line_detectionby georgesung
Jupyter Notebook 
279
Version:Current
License: No License (No License)
Find lane lines on the road using Python and OpenCV, applying Canny edge detectors and Hough line transforms
Support
Quality
Security
License
Reuse
上海交通大学 RoboMaster 2019赛季 视觉代码
Support
Quality
Security
License
Reuse
php wrapper for opencv
Support
Quality
Security
License
Reuse
A fast alternative to the modulo reduction
Support
Quality
Security
License
Reuse
3D Hand Tracking using input from a depth sensor.
Support
Quality
Security
License
Reuse
A simple deep neural network implemented in C++,based with OpenCV Mat matrix class
Support
Quality
Security
License
Reuse
YOLO Object detection with OpenCV and Python.
Support
Quality
Security
License
Reuse
:vhs: Tool for extracting scenes with motion from videos (e.g. security camera or DVR footage). Written in Python, uses OpenCV.
Support
Quality
Security
License
Reuse
Implementation of Newcombe et al. CVPR 2015 DynamicFusion paper
Support
Quality
Security
License
Reuse
A multi-purpose Video Labeling GUI in Python with integrated SOTA detector and tracker
Support
Quality
Security
License
Reuse
Implementation of the SLIC superpixel algorithm to work with OpenCV
Support
Quality
Security
License
Reuse
AVA RaspiCam: C++ API for using Raspberry camera with/without OpenCv
Support
Quality
Security
License
Reuse
M. Beyeler (2015). OpenCV with Python Blueprints: Design and develop advanced computer vision projects using OpenCV with Python, Packt Publishing Ltd., ISBN 978-178528269-0.
Support
Quality
Security
License
Reuse
The OpenCV Java project for Android.
Support
Quality
Security
License
Reuse
Build and install OpenCV for the NVIDIA Jetson TX2
Support
Quality
Security
License
Reuse
Cut and paste someone using AR
Support
Quality
Security
License
Reuse
Real time yolox Android demo by ncnn
Support
Quality
Security
License
Reuse
e
eulerian-remote-heartrate-detectionby rohintangirala
Python 
261
Version:Current
License: No License (No License)
Remote heart rate detection through Eulerian magnification of face videos
Support
Quality
Security
License
Reuse
A Python library for controlling GoPro cameras over http.
Support
Quality
Security
License
Reuse
Area of Interest Library
Support
Quality
Security
License
Reuse
Webcam-based pupil-tracker, complete with GUI to perform calibrations.
Support
Quality
Security
License
Reuse
An example of use a Vision framework for face landmarks detection in iOS 11
Support
Quality
Security
License
Reuse
Minimalist code necessary for using porting C++ functions/classes using OpenCV's "Mat" type in functions argument lists directly (w/o explicit conversions) to python.
Support
Quality
Security
License
Reuse
Motion Cam is a camera application for Android that replaces the entire camera pipeline. It consumes RAW images and uses computational photography to combine multiple images to reduce noise.
Support
Quality
Security
License
Reuse
VQMT: Video Quality Measurement Tool. Fast implementations of the following objective image quality metrics: PSNR, SSIM, MS-SSIM, VIFp, PSNR-HVS and PSNR-HVS-M.
Support
Quality
Security
License
Reuse
👩🏫Fully working example of the OpenCV library used together with React Native
Support
Quality
Security
License
Reuse
Repository for PyImageSearch Crash Course on Computer Vision and Deep Learning
Support
Quality
Security
License
Reuse
OpenCV build for iPhone with example project
Support
Quality
Security
License
Reuse
明日方舟助手,自动刷图、智能基建换班,全日常一键长草!
Support
Quality
Security
License
Reuse
This is a port of the Face Frontalization code provided by Hassner et al. at http://www.openu.ac.il/home/hassner/projects/frontalize
Support
Quality
Security
License
Reuse
Create your own live camera stream using a Raspberry Pi 4
Support
Quality
Security
License
Reuse
Add Christmas hat on one's head based on OpneCV and Dlib
Support
Quality
Security
License
Reuse
Python/OpenCV script that detect motion on webcam and allow record it to a file
Support
Quality
Security
License
Reuse
Porn images detector with python, tensorflow, scikit-learn and opencv.
Support
Quality
Security
License
Reuse
a WebAssembly-powered AR sudoku solver
Support
Quality
Security
License
Reuse
Raspberry Pi motion vector detection program with OSD web interface.
Support
Quality
Security
License
Reuse
Automated face warping tool.
Support
Quality
Security
License
Reuse
R
Real_time_Object_detection_and_trackingby apoorvavinod
Python 
250
Version:Current
License: No License (No License)
YOLOv2 and MobileNet_SSD detection algorithms used along with KCF object tracker
Support
Quality
Security
License
Reuse
M
Mesh-Flow-Video-Stabilizationby sudheerachary
Python 
250
Version:Current
License: No License (No License)
Online video stabilization using a novel MeshFlow motion model
Support
Quality
Security
License
Reuse
R
Python 
249
Version:Current
License: Permissive (MIT)
A real-time facial expression recognition system with webcam streaming and CNN
Support
Quality
Security
License
Reuse
A Go program that takes an image, uses pigo to detect a face, and creates a gif that zooms in on the face
Support
Quality
Security
License
Reuse
Meme Creator for Android - Simple & Ad-Free
Support
Quality
Security
License
Reuse
E
Emotion-Detection-in-Videosby dhvanikotak
Python 
248
Version:Current
License: No License (No License)
The aim of this work is to recognize the six emotions (happiness, sadness, disgust, surprise, fear and anger) based on human facial expressions extracted from videos. To achieve this, we are considering people of different ethnicity, age and gender where each one of them reacts very different when they express their emotions. We collected a data set of 149 videos that included short videos from both, females and males, expressing each of the the emotions described before. The data set was built by students and each of them recorded a video expressing all the emotions with no directions or instructions at all. Some videos included more body parts than others. In other cases, videos have objects in the background an even different light setups. We wanted this to be as general as possible with no restrictions at all, so it could be a very good indicator of our main goal. The code detect_faces.py just detects faces from the video and we saved this video in the dimension 240x320. Using this algorithm creates shaky videos. Thus we then stabilized all videos. This can be done via a code or online free stabilizers are also available. After which we used the stabilized videos and ran it through code emotion_classification_videos_faces.py. in the code we developed a method to extract features based on histogram of dense optical flows (HOF) and we used a support vector machine (SVM) classifier to tackle the recognition problem. For each video at each frame we extracted optical flows. Optical flows measure the motion relative to an observer between two frames at each point of them. Therefore, at each point in the image you will have two values that describes the vector representing the motion between the two frames: the magnitude and the angle. In our case, since videos have a resolution of 240x320, each frame will have a feature descriptor of dimensions 240x320x2. So, the final video descriptor will have a dimension of #framesx240x320x2. In order to make a video comparable to other inputs (because inputs of different length will not be comparable with each other), we need to somehow find a way to summarize the video into a single descriptor. We achieve this by calculating a histogram of the optical flows. This is, separate the extracted flows into categories and count the number of flows for each category. In more details, we split the scene into a grid of s by s bins (10 in this case) in order to record the location of each feature, and then categorized the direction of the flow as one of the 8 different motion directions considered in this problem. After this, we count for each direction the number of flows occurring in each direction bin. Finally, we end up with an s by s by 8 bins descriptor per each frame. Now, the summarizing step for each video could be the average of the histograms in each grid (average pooling method) or we could just pick the maximum value of the histograms by grid throughout all the frames on a video (max pooling For the classification process, we used support vector machine (SVM) with a non linear kernel classifier, discussed in class, to recognize the new facial expressions. We also considered a Naïve Bayes classifier, but it is widely known that svm outperforms the last method in the computer vision field. A confusion matrix can be made to plot results better.
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
Extract and solve Sudoku from an image
Support
Quality
Security
License
Reuse
个人毕业设计 - 基于树莓派、OpenCV及Python语言的人脸识别
Support
Quality
Security
License
Reuse
Blur Detection with OpenCV in Python
Support
Quality
Security
License
Reuse
h
hand-gesture-recognition-opencvby mahaveerverma
Python 
246
Version:Current
License: Permissive (MIT)
A project on hand detection and hand gesture recognition developed using OpenCV on Python 2.7.
Support
Quality
Security
License
Reuse
Background Removal based on U-Net
Support
Quality
Security
License
Reuse
:camera: Computer-Vision Demos
Support
Quality
Security
License
Reuse
r
road_lane_line_detectionby georgesung
Find lane lines on the road using Python and OpenCV, applying Canny edge detectors and Hough line transforms
Jupyter Notebook
279
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
S
SJTU-RM-CV-2019by xinyang-go
上海交通大学 RoboMaster 2019赛季 视觉代码
C
278
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
php-opencvby php-opencv
php wrapper for opencv
C++
277
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
f
fastrangeby lemire
A fast alternative to the modulo reduction
C
277
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
H
HandTrackerby FORTH-ModelBasedTracker
3D Hand Tracking using input from a depth sensor.
Python
276
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
s
simple_netby LiuXiaolong19920720
A simple deep neural network implemented in C++,based with OpenCV Mat matrix class
C++
276
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
o
object-detection-opencvby arunponnusamy
YOLO Object detection with OpenCV and Python.
Python
275
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DVR-Scanby Breakthrough
:vhs: Tool for extracting scenes with motion from videos (e.g. security camera or DVR footage). Written in Python, uses OpenCV.
Python
274
Updated: 2 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
d
dynamicfusionby mihaibujanca
Implementation of Newcombe et al. CVPR 2015 DynamicFusion paper
C++
274
Updated: 4 y ago
License: Permissive (BSD-3-Clause)
Support
Quality
Security
License
Reuse
U
UltimateLabelingby alexandre01
A multi-purpose Video Labeling GUI in Python with integrated SOTA detector and tracker
Python
271
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
S
SLIC-Superpixelsby PSMM
Implementation of the SLIC superpixel algorithm to work with OpenCV
C++
270
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
r
raspicamby cedricve
AVA RaspiCam: C++ API for using Raspberry camera with/without OpenCv
C++
270
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
o
opencv-python-blueprintsby mbeyeler
M. Beyeler (2015). OpenCV with Python Blueprints: Design and develop advanced computer vision projects using OpenCV with Python, Packt Publishing Ltd., ISBN 978-178528269-0.
Python
269
Updated: 4 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
O
OpenCVby vRallev
The OpenCV Java project for Android.
Java
268
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
b
buildOpenCVTX2by jetsonhacks
Build and install OpenCV for the NVIDIA Jetson TX2
Shell
268
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
A
AR-labby shadowcz007
Cut and paste someone using AR
Jupyter Notebook
264
Updated: 2 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
n
ncnn-android-yoloxby FeiGeChuanShu
Real time yolox Android demo by ncnn
C++
262
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
e
eulerian-remote-heartrate-detectionby rohintangirala
Remote heart rate detection through Eulerian magnification of face videos
Python
261
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
g
goproheroby joshvillbrandt
A Python library for controlling GoPro cameras over http.
Python
261
Updated: 4 y ago
License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
a
Support
Quality
Security
License
Reuse
w
webcam-eyetrackerby esdalmaijer
Webcam-based pupil-tracker, complete with GUI to perform calibrations.
Python
260
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
V
VisionFaceDetectionby DroidsOnRoids
An example of use a Vision framework for face landmarks detection in iOS 11
Swift
258
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pyboostcvconverterby Algomorph
Minimalist code necessary for using porting C++ functions/classes using OpenCV's "Mat" type in functions argument lists directly (w/o explicit conversions) to python.
C++
257
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
motioncamby mirsadm
Motion Cam is a camera application for Android that replaces the entire camera pipeline. It consumes RAW images and uses computational photography to combine multiple images to reduce noise.
C++
256
Updated: 3 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
V
VQMTby rolinh
VQMT: Video Quality Measurement Tool. Fast implementations of the following objective image quality metrics: PSNR, SSIM, MS-SSIM, VIFp, PSNR-HVS and PSNR-HVS-M.
C++
255
Updated: 4 y ago
License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
r
react-native-opencv-tutorialby brainhubeu
👩🏫Fully working example of the OpenCV library used together with React Native
Java
254
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
P
PyImageSearch-CV-DL-CrashCourseby dloperab
Repository for PyImageSearch Crash Course on Computer Vision and Deep Learning
Python
254
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
O
OpenCVForiPhoneby aptogo
OpenCV build for iPhone with example project
C++
254
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
M
MeoAssistance-Arknightsby MistEO
明日方舟助手,自动刷图、智能基建换班,全日常一键长草!
C++
254
Updated: 3 y ago
License: Strong Copyleft (AGPL-3.0)
Support
Quality
Security
License
Reuse
f
face-frontalizationby dougsouza
This is a port of the Face Frontalization code provided by Hassner et al. at http://www.openu.ac.il/home/hassner/projects/frontalize
Python
253
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
p
pi-camera-stream-flaskby EbenKouao
Create your own live camera stream using a Raspberry Pi 4
HTML
253
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
A
Add-Christmas-Hatby LiuXiaolong19920720
Add Christmas hat on one's head based on OpneCV and Dlib
Python
252
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
M
Motion-detection-OpenCVby RobinDavid
Python/OpenCV script that detect motion on webcam and allow record it to a file
Python
251
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
P
PornDetectorby bakwc
Porn images detector with python, tensorflow, scikit-learn and opencv.
Python
251
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
w
wasm-sudoku-solverby ColinEberhardt
a WebAssembly-powered AR sudoku solver
JavaScript
251
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
p
pikrellcamby billw2
Raspberry Pi motion vector detection program with OSD web interface.
C
251
Updated: 2 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
p
Support
Quality
Security
License
Reuse
R
Real_time_Object_detection_and_trackingby apoorvavinod
YOLOv2 and MobileNet_SSD detection algorithms used along with KCF object tracker
Python
250
Updated: 4 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
M
Mesh-Flow-Video-Stabilizationby sudheerachary
Online video stabilization using a novel MeshFlow motion model
Python
250
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
R
Real-Time-Facial-Expression-Recognition-with-DeepLearningby a514514772
A real-time facial expression recognition system with webcam streaming and CNN
Python
249
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
o
ok-zoomerby jbirms
A Go program that takes an image, uses pigo to detect a face, and creates a gif that zooms in on the face
Go
249
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
m
memetasticby gsantner
Meme Creator for Android - Simple & Ad-Free
Java
248
Updated: 3 y ago
License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
E
Emotion-Detection-in-Videosby dhvanikotak
The aim of this work is to recognize the six emotions (happiness, sadness, disgust, surprise, fear and anger) based on human facial expressions extracted from videos. To achieve this, we are considering people of different ethnicity, age and gender where each one of them reacts very different when they express their emotions. We collected a data set of 149 videos that included short videos from both, females and males, expressing each of the the emotions described before. The data set was built by students and each of them recorded a video expressing all the emotions with no directions or instructions at all. Some videos included more body parts than others. In other cases, videos have objects in the background an even different light setups. We wanted this to be as general as possible with no restrictions at all, so it could be a very good indicator of our main goal. The code detect_faces.py just detects faces from the video and we saved this video in the dimension 240x320. Using this algorithm creates shaky videos. Thus we then stabilized all videos. This can be done via a code or online free stabilizers are also available. After which we used the stabilized videos and ran it through code emotion_classification_videos_faces.py. in the code we developed a method to extract features based on histogram of dense optical flows (HOF) and we used a support vector machine (SVM) classifier to tackle the recognition problem. For each video at each frame we extracted optical flows. Optical flows measure the motion relative to an observer between two frames at each point of them. Therefore, at each point in the image you will have two values that describes the vector representing the motion between the two frames: the magnitude and the angle. In our case, since videos have a resolution of 240x320, each frame will have a feature descriptor of dimensions 240x320x2. So, the final video descriptor will have a dimension of #framesx240x320x2. In order to make a video comparable to other inputs (because inputs of different length will not be comparable with each other), we need to somehow find a way to summarize the video into a single descriptor. We achieve this by calculating a histogram of the optical flows. This is, separate the extracted flows into categories and count the number of flows for each category. In more details, we split the scene into a grid of s by s bins (10 in this case) in order to record the location of each feature, and then categorized the direction of the flow as one of the 8 different motion directions considered in this problem. After this, we count for each direction the number of flows occurring in each direction bin. Finally, we end up with an s by s by 8 bins descriptor per each frame. Now, the summarizing step for each video could be the average of the histograms in each grid (average pooling method) or we could just pick the maximum value of the histograms by grid throughout all the frames on a video (max pooling For the classification process, we used support vector machine (SVM) with a non linear kernel classifier, discussed in class, to recognize the new facial expressions. We also considered a Naïve Bayes classifier, but it is widely known that svm outperforms the last method in the computer vision field. A confusion matrix can be made to plot results better.
Python
248
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
A
AI_studyby DWCTOD
Python
248
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
S
SnapSudokuby prajwalkr
Extract and solve Sudoku from an image
Python
247
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
f
facerec-pythonby hirohe
个人毕业设计 - 基于树莓派、OpenCV及Python语言的人脸识别
Python
247
Updated: 2 y ago
License: No License (No License)
Support
Quality
Security
License
Reuse
B
BlurDetection2by WillBrennan
Blur Detection with OpenCV in Python
Python
247
Updated: 2 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
h
hand-gesture-recognition-opencvby mahaveerverma
A project on hand detection and hand gesture recognition developed using OpenCV on Python 2.7.
Python
246
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
u
unet-gan-mattingby eti-p-doray
Background Removal based on U-Net
Python
246
Updated: 4 y ago
License: Permissive (MIT)
Support
Quality
Security
License
Reuse
O
Support
Quality
Security
License
Reuse