GitHub topics: opencv-dnn
olibartfast/inference-engines
Language: C++ - Size: 113 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 1

Mazhichaoruya/Object-Detection-and-location-RealsenseD435
Use the Intel D435 real-sensing camera to realize target detection based on the Yolov3 framework under the Opencv DNN framework, and realize the 3D positioning of the Objection according to the depth information. Real-time display of the coordinates in the camera coordinate system.ADD--Using Yolov5 By TensorRT model,AGX-Xavier,RealTime Object Detection
Language: C++ - Size: 259 MB - Last synced at: about 6 hours ago - Pushed at: over 3 years ago - Stars: 88 - Forks: 10

chineseocr/chineseocr
yolo3+ocr
Language: Python - Size: 34.9 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 6,060 - Forks: 1,730

mikeroyal/Computer-Vision-Guide
Computer Vision Guide
Language: Python - Size: 263 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 25 - Forks: 7

ksachdeva/opencv-mtcnn
An implementation of MTCNN Face detector using OpenCV's DNN module
Language: C++ - Size: 2.1 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 69 - Forks: 22

hpc203/yolov5_pose_opencv
使用OpenCV部署yolov5-pose目标检测+人体姿态估计,包含C++和Python两个版本的程序。支持yolov5s,yolov5m,yolov5l
Language: Python - Size: 116 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 87 - Forks: 14

tejalbarnwal/opencv-dnn-lightglue-cpp
explores integrating keypoint detection and matching models( with LightGlue)—with OpenCV's DNN module using C++.
Language: Makefile - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Hyuto/yolo-nas-onnx
Inference YOLO-NAS ONNX model
Language: C++ - Size: 65.7 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 66 - Forks: 7

hilbertcube/darknet-YOLOv4-cpp
Darknet YOLOv4 C++ command-line wrapper with OpenCV-cpp and CUDA cmake setup
Language: C++ - Size: 1.31 MB - Last synced at: 24 days ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

lanzani/opencv-cuda-docker
Docker with opencv with cuda support.
Language: Shell - Size: 66.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 0

lanzani/opencv-cuda-jetson-docker
Docker with opencv with cuda support for nvidia jetson platforms.
Language: Shell - Size: 171 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 7 - Forks: 1

hpc203/YOLOP-opencv-dnn
使用OpenCV部署全景驾驶感知网络YOLOP,可同时处理交通目标检测、可驾驶区域分割、车道线检测,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 从而彻底摆脱对任何深度学习框架的依赖。
Language: Python - Size: 27.9 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 282 - Forks: 63

hpc203/bytetrack-opencv-onnxruntime
分别使用OpenCV、ONNXRuntime部署YOLOX+ByteTrack目标跟踪,包含C++和Python两个版本的程序
Language: C++ - Size: 2.67 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 205 - Forks: 44

hpc203/yolov5-face-landmarks-opencv
yolov5检测人脸和关键点,只依赖opencv库就可以运行,程序包含C++和Python两个版本的
Language: Python - Size: 441 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 63 - Forks: 15

hpc203/Ultra-Fast-Lane-Detection-v2-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署Ultra-Fast-Lane-Detection-v2车道线检测,包含C++和Python两种版本的程序
Language: C++ - Size: 2.13 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 48 - Forks: 7

hpc203/yolact-opencv-dnn-cpp-python
使用opencv部署yolact实例分割,包含C++和Python两种版本的程序
Language: Python - Size: 991 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 87 - Forks: 30

hpc203/yolov7-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署YOLOV7目标检测,一共包含14个onnx模型,依然是包含C++和Python两个版本的程序
Language: Python - Size: 918 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 188 - Forks: 52

hpc203/yolopv2-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署YOLOPV2目标检测+可驾驶区域分割+车道线分割,一共包含54个onnx模型,依然是包含C++和Python两个版本的程序。仅仅只依赖OpenCV就能运行,彻底摆脱对任何深度学习框架的依赖。
Language: C++ - Size: 398 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 75 - Forks: 7

hpc203/rotate-yolov5-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署yolov5旋转目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 36.3 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 61 - Forks: 27

anilsathyan7/Portrait-Segmentation
Real-time portrait segmentation for mobile devices
Language: Jupyter Notebook - Size: 495 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 645 - Forks: 135

hpc203/yolox-opencv-dnn
使用OpenCV部署YOLOX,支持YOLOX-S、YOLOX-M、YOLOX-L、YOLOX-X、YOLOX-Darknet53五种结构,包含C++和Python两种版本的程序
Language: C++ - Size: 889 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 156 - Forks: 50

hpc203/yolov6-opencv-onnxruntime
分别使用OpenCV、ONNXRuntime部署YOLOV6目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 338 KB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 65 - Forks: 20

Qengineering/Face-detection-Raspberry-Pi-32-64-bits
Super fast face detection on Raspberry Pi 4
Language: C++ - Size: 16.6 MB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 20

hpc203/yolov5-dnn-cpp-python
用opencv的dnn模块做yolov5目标检测,包含C++和Python两个版本的程序
Language: Python - Size: 931 KB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 513 - Forks: 124

imsanjoykb/Computer-Vision-Bootcamp
Computer Vision Bootcamp
Language: Jupyter Notebook - Size: 2.66 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 4

hpc203/FreeYOLO-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署FreeYOLO目标检测,总共包含143个onnx模型,有COCO目标检测,人脸检测,密集行人检测的三种检测功能,依然是包含C++和Python两个版本的程序
Language: C++ - Size: 5.2 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 2

sartaj0/TextRecognition-Pytorch
Text recognition with Pytorch(CRNN). Provided Onnx model.
Language: Python - Size: 27.3 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

TechnikEmpire/NsfwNET 📦
.NET Standard library for classifying pornographic images.
Language: C++ - Size: 20.7 MB - Last synced at: 16 days ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 4

ukicomputers/yolonas-cpp
An CPP library for object detection with full processing using OpenCV DNN (for ONNX) on YOLO-NAS model.
Language: C++ - Size: 101 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 8 - Forks: 1

hpc203/rotateyolov5-opencv-onnxrun
分别使用OpenCV,ONNXRuntime部署yolov5旋转目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 6.78 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 26 - Forks: 2

hpc203/CoupledTPS-opencv-dnn
使用OpenCV部署CoupledTPS,包含了肖像矫正,不规则边界的图像矩形化,旋转图像矫正,三个模型。依然是包含C++和Python两个版本的程序
Language: C++ - Size: 29.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hpc203/recrecnet-opencv-dnn
使用OpenCV部署RecRecNet广角图像畸变矫正,包含C++和Python两个版本的程序
Language: C++ - Size: 8.79 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Qengineering/Age-Gender-OpenCV-Raspberry-Pi-4
Age and Gender estimation on a Raspberry Pi 4 with OpenCV
Language: C++ - Size: 1.88 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

Hyuto/yolov5-seg-python
Deploy YOLOv5 Segmentation on ONNXRUNTIME or OpenCV DNN [WITHOUT PYTORCH]
Language: Python - Size: 42.3 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

Cuda-Chen/opencv-dnn-cuda-test
Sample code of testing functions of OpenCV with CUDA-enabled DNN modules.
Language: C++ - Size: 159 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 5

hpc203/low-light-image-enhancement-opencv-dnn
使用OpenCV部署图像修饰,包含C++和Python两个版本的程序
Language: C++ - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hpc203/image-retouching-opencv-dnn
使用OpenCV部署图像修饰,包含C++和Python两个版本的程序
Language: C++ - Size: 373 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hpc203/Chinese-CLIP-opencv-onnxrun
使用OpenCV+onnxruntime部署中文clip做以文搜图,给出一句话来描述想要的图片,就能从图库中搜出来符合要求的图片。包含C++和Python两个版本的程序
Language: C++ - Size: 4.03 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 1

hpc203/yolov8-face-landmarks-opencv-dnn
使用OpenCV部署yolov8检测人脸和关键点,包含C++和Python两个版本的程序,只依赖opencv库就可以运行,彻底摆脱对任何深度学习框架的依赖。
Language: Python - Size: 21.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 100 - Forks: 21

hpc203/Open-Vocabulary-Object-Detection-opencv-onnxrun
使用OpenCV+onnxruntime部署开放域目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 2.44 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

hpc203/gaze-estimation-opencv-dnn
使用OpenCV部署眼睛凝视估计,包含C++和Python两个版本的程序,只依赖opencv库就可以运行,彻底摆脱对任何深度学习框架的依赖。
Language: C++ - Size: 5.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

OMEGAMAX10/YOLOv4-Detection-using-OpenCV
YOLOv4 detection on COCO dataset using OpenCV DNN module, compiled with CUDA.
Language: Python - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

hpc203/DIS-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署DIS高精度图像二类分割,包含C++和Python两种版本的程序
Language: C++ - Size: 1.85 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 2

hpc203/yolov34-cpp-opencv-dnn
基于opencv的4种YOLO目标检测,C++和Python两个版本的实现,仅仅只依赖opencv库就可以运行
Language: C++ - Size: 905 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 188 - Forks: 63

bdg9412/YOLOV3-OPENCV-PYTESSORACT
This is example of using OpenCV dnn for YOLOV3 and pytessoract for car license
Language: Python - Size: 289 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

harrylal/TwinLiteNet-onnx-opencv-dnn
An easy-to-use implementation for performing inferencing with TwinLiteNet model using OpenCV DNN module. TwinLiteNet is a lightweight and efficient deep learning model designed for drivable area and lane segmentation
Language: C++ - Size: 1.38 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hpc203/virtual_try_on_use_deep_learning
使用深度学习算法实现虚拟试衣镜,结合了人体姿态估计、人体分割、几何匹配和GAN,四种模型。仅仅只依赖opencv库就能运行
Language: Python - Size: 122 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 209 - Forks: 47

hpc203/yolov5-v6.1-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署yolov5-v6.1目标检测,包含C++和Python两个版本的程序。支持yolov5s,yolov5m,yolov5l,yolov5n,yolov5x,yolov5s6,yolov5m6,yolov5l6,yolov5n6,yolov5x6的十种结构的yolov5-v6.1
Language: C++ - Size: 645 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 203 - Forks: 61

hpc203/face-gaze-estimation-opencv-dnn
使用OpenCV部署L2CS-Net人脸朝向估计,包含C++和Python两个版本的程序,只依赖opencv库就可以运行
Language: C++ - Size: 2.64 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

collinswakholi/Deep-Learning-seeds-sorting
Goal of the system was to use deep learning object detection to sort watermelon seeds (falling under gravity) based on their ploidy (2x, 3x, and 4x).
Language: C++ - Size: 6.81 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

hpc203/yolov5-dnn-cpp-python-v2
用opencv的dnn模块做yolov5目标检测,包含C++和Python两个版本的程序,优化后的
Language: Python - Size: 911 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 106 - Forks: 29

hpc203/hybridnets-opencv-dnn
使用OpenCV部署HybridNets,同时处理车辆检测、可驾驶区域分割、车道线分割,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 彻底摆脱对任何深度学习框架的依赖。
Language: C++ - Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

BingqiangZhou/SalientObjectDetection
基于显著性目标检测的非特定类别图像分割-中国大学生服务外包创新创业大赛
Language: Python - Size: 127 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 2

TetsuakiBaba/ofxOpenCvDnnOpenPose
ofxOpenCvDnnOpenPose is an addon for openframeworks.
Language: C++ - Size: 2.69 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 5

fredotran/traffic-sign-detector-yolov4
This repository contains my upgraded version of using YoloV4 with OpenCV DNN to detect 4 classes of traffic road signs : traffic lights, speed limit signs, crosswalk and stop signs.
Language: Jupyter Notebook - Size: 108 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 19 - Forks: 10

HighPoint/opencv-background-removal-on-aws-lambda
Serverless removal of images backgrounds with OpenCV, using an AWS Lambda.
Language: HTML - Size: 116 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 33 - Forks: 6

njanirudh/Nut-Detector
Detect three class of nuts kept in a colored tray under variable lighting and variable tray pose and distances from a video using FR-CNN.
Language: Python - Size: 63.8 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

hpc203/dbnet-opencv-cpp-python
使用opencv部署DBNet文字检测,包含C++和Python两种版本的实现
Language: C++ - Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 4

hpc203/nanodet-opncv-dnn-cpp-python
用opencv部署nanodet目标检测,包含C++和Python两种版本程序的实现
Language: C++ - Size: 9.94 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 89 - Forks: 32

fredotran/yolov3-opencvdnn
This repository is about my first code for object detection using OpenCV DNN module and YOLOv3 algorithm.
Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 3

hpc203/yolo-qrcode-opencv
使用OpenCV部署YOLOV3检测二维码,包含C++和Python两种版本的程序,仅仅只依赖opencv库就能运行
Language: Python - Size: 4.01 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 3

hpc203/FastestDet-opencv-dnn
使用OpenCV部署FastestDet,包含C++和Python两种版本的程序。模型文件不超过1M
Language: Python - Size: 1.56 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 10

hpc203/libface-detect-recognition
一种适合工业级应用的基于深度学习的实时人脸检测与识别算法的C++实现,仅仅只依赖opencv库
Language: C++ - Size: 64.5 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 32 - Forks: 13

hpc203/PP-HumanSeg-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署PP-HumanSeg肖像分割模型,包含C++和Python两个版本的程序
Language: C++ - Size: 6.55 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 3

hpc203/nanodet-plus-opencv
分别使用OpenCV、ONNXRuntime部署NanoDet-Plus,包含C++和Python两个版本的程序
Language: C++ - Size: 28.9 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 61 - Forks: 15

HighPoint/opencv-object-detection-on-aws-lambda
Serverless Object Detection using OpenCV on AWS Lambda. Compare AWS Rekognition, OpenCV DNN, and OpenCV Haar Cascades image results directly.
Language: HTML - Size: 103 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

hpc203/multiyolov5-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署多任务的yolov5目标检测+语义分割,包含C++和Python两个版本的程序
Language: C++ - Size: 9.03 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 21 - Forks: 6

HellBoy-OP/FaceDetection-CPP
A C++ project to detect faces in the frame using using OpenCV library for C++
Language: C++ - Size: 31.3 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

hpc203/crowdcounting-p2pnet-opencv
使用OpenCV部署P2PNet人群检测和计数,包含C++和Python两种版本的实现
Language: C++ - Size: 149 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 33 - Forks: 9

hpc203/faster-rcnn-card-opencv
使用OpenCV部署faster-rcnn检测证件照,包含C++和Python两种版本的程序,仅仅只依赖opencv库就能运行
Language: C++ - Size: 432 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 5

hpc203/centernet-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署CenterNet目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 3.45 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 1

died/OpenCvDnnSpeedCompare
This is a simple test using OpenCv DNN module load SSD model running in different language, compare their running speed.
Language: C# - Size: 222 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 9

hpc203/polygonyolov5-opencv-onnxrun
分别使用OpenCV,ONNXRuntime部署yolov5不规则四边形目标检测,包含C++和Python两个版本的程序
Language: C++ - Size: 6.78 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 6

hpc203/yolov5-detect-car_plate_corner
分别使用OpenCV、ONNXRuntime部署yolov5检测车牌和4个角点,包含C++和Python两个版本的程序
Language: C++ - Size: 7.36 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 50 - Forks: 19

died/OpenCvSharpDnnYolo
Yolo With OpenCvSharp Dnn
Language: C# - Size: 719 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 14

died/OpenCvDnnVggFace
First try with VGG-Face CNN descriptor using OpenCV DNN Module
Language: C# - Size: 999 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 1

deepme987/face-recognition-python
Face Detection, Recognition and Verification using OpenCV and One-shot-training based FaceNet.
Language: Python - Size: 7.98 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

vietanhdev/tien-giay-vn
Phân loại tiền giấy Việt Nam
Language: Jupyter Notebook - Size: 3.24 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

the-house-of-black-and-white/opencv-dnn-demo
Realtime Face detection demo using YOLO v2 and OpenCV DNN module
Language: Python - Size: 704 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 17 - Forks: 4

lepoeme20/OpenCV-tutorials
OpenCV tutorials with python
Language: Python - Size: 73.6 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

aliakseis/opencv-transfer-learning
Taken from https://answers.opencv.org/answers/191837/revisions/
Language: C++ - Size: 188 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

aiwizzard/face_cropper
A python script for cropping faces from large set of images or from videos
Language: Python - Size: 9.36 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

died/CntkEvaluatePerformance
Some test code about using CNTK framework's evaluate performance, compare with OpenCV DNN module using caffe model.
Language: C# - Size: 177 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1
