All Projects → pnn → Similar Projects or Alternatives

356 Open source projects that are alternatives of or similar to pnn

object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (+423.53%)
Mutual labels:  yolo, darknet
yolor
implementation of paper - You Only Learn One Representation: Unified Network for Multiple Tasks (https://arxiv.org/abs/2105.04206)
Stars: ✭ 1,867 (+10882.35%)
Mutual labels:  yolo, darknet
Bmw Yolov4 Training Automation
This repository allows you to get started with training a state-of-the-art Deep Learning model with little to no configuration needed! You provide your labeled dataset or label your dataset using our BMW-LabelTool-Lite and you can start the training right away and monitor it in many different ways like TensorBoard or a custom REST API and GUI. NoCode training with YOLOv4 and YOLOV3 has never been so easy.
Stars: ✭ 533 (+3035.29%)
Mutual labels:  yolo, darknet
vehicle-rear
Vehicle-Rear: A New Dataset to Explore Feature Fusion For Vehicle Identification Using Convolutional Neural Networks
Stars: ✭ 99 (+482.35%)
Mutual labels:  yolo, darknet
Mobilenet Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB🔥🔥🔥
Stars: ✭ 1,566 (+9111.76%)
Mutual labels:  yolo, darknet
go-darknet
Go bindings for Darknet (YOLO v4 / v3)
Stars: ✭ 56 (+229.41%)
Mutual labels:  yolo, darknet
DroNet
DroNet: Efficient convolutional neural network detector for Real-Time UAV applications
Stars: ✭ 54 (+217.65%)
Mutual labels:  yolo, darknet
Tensorflow 2.x Yolov3
YOLOv3 implementation in TensorFlow 2.3.1
Stars: ✭ 300 (+1664.71%)
Mutual labels:  yolo, darknet
darknet-nnpack
Darknet with NNPACK
Stars: ✭ 302 (+1676.47%)
Mutual labels:  yolo, darknet
Easy Yolo
Yolo (Real time object detection) model training tutorial with deep learning neural networks
Stars: ✭ 98 (+476.47%)
Mutual labels:  yolo, darknet
OpenCV-Flask
🐛 🐛 Opencv视频流传输到网页浏览器并做目标检测 🐛 🐛
Stars: ✭ 35 (+105.88%)
Mutual labels:  yolo, darknet
ros-yolo-sort
YOLO v3, v4, v5, v6, v7 + SORT tracking + ROS platform. Supporting: YOLO with Darknet, OpenCV(DNN), OpenVINO, TensorRT(tkDNN). SORT supports python(original) and C++. (Not Deep SORT)
Stars: ✭ 162 (+852.94%)
Mutual labels:  yolo, tensorrt
Scaled-YOLOv4-TensorRT
Got 100fps on TX2. Got 500fps on GeForce GTX 1660 Ti. If the project is useful to you, please Star it.
Stars: ✭ 169 (+894.12%)
Mutual labels:  yolo, tensorrt
lightDenseYOLO
A real-time object detection app based on lightDenseYOLO Our lightDenseYOLO is the combination of two components: lightDenseNet as the CNN feature extractor and YOLO v2 as the detection module
Stars: ✭ 20 (+17.65%)
Mutual labels:  yolo, darknet
Tracking-with-darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 522 (+2970.59%)
Mutual labels:  yolo, darknet
DarkMark
Marking up images for use with Darknet.
Stars: ✭ 62 (+264.71%)
Mutual labels:  yolo, darknet
DarkHelp
C++ wrapper library for Darknet
Stars: ✭ 65 (+282.35%)
Mutual labels:  yolo, darknet
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (+2929.41%)
Mutual labels:  yolo, darknet
darknet ros
Robotics Operating System Package for Yolo v3 based on darknet with optimized tracking using Kalman Filter and Optical Flow.
Stars: ✭ 51 (+200%)
Mutual labels:  yolo, darknet
Yolov2.pytorch
YOLOv2 algorithm reimplementation with pytorch
Stars: ✭ 31 (+82.35%)
Mutual labels:  yolo, darknet
Yolo 9000
YOLO9000: Better, Faster, Stronger - Real-Time Object Detection. 9000 classes!
Stars: ✭ 1,057 (+6117.65%)
Mutual labels:  yolo, darknet
Holocron
PyTorch implementations of recent Computer Vision tricks
Stars: ✭ 95 (+458.82%)
Mutual labels:  yolo, darknet
Darknet ros
YOLO ROS: Real-Time Object Detection for ROS
Stars: ✭ 1,101 (+6376.47%)
Mutual labels:  yolo, darknet
Darknet2ncnn
Darknet2ncnn converts the darknet model to the ncnn model
Stars: ✭ 149 (+776.47%)
Mutual labels:  yolo, darknet
Map
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
Stars: ✭ 2,324 (+13570.59%)
Mutual labels:  yolo, darknet
JSON2YOLO
Convert JSON annotations into YOLO format.
Stars: ✭ 222 (+1205.88%)
Mutual labels:  yolo, darknet
Pine
🌲 Aimbot powered by real-time object detection with neural networks, GPU accelerated with Nvidia. Optimized for use with CS:GO.
Stars: ✭ 202 (+1088.24%)
Mutual labels:  yolo, darknet
darknet.js
A NodeJS wrapper of pjreddie's darknet / yolo.
Stars: ✭ 61 (+258.82%)
Mutual labels:  yolo, darknet
darknet
php ffi darknet
Stars: ✭ 21 (+23.53%)
Mutual labels:  yolo, darknet
onnx2tensorRt
tensorRt-inference darknet2onnx pytorch2onnx mxnet2onnx python version
Stars: ✭ 14 (-17.65%)
Mutual labels:  darknet, tensorrt
VideoRecognition-realtime-autotrainer-alerts
State of the art object detection in real-time using YOLOV3 algorithm. Augmented with a process that allows easy training of the classifier as a plug & play solution . Provides alert if an item in an alert list is detected.
Stars: ✭ 36 (+111.76%)
Mutual labels:  yolo, darknet
ffcnn
ffcnn is a cnn neural network inference framework, written in 600 lines C language.
Stars: ✭ 50 (+194.12%)
Mutual labels:  yolo, darknet
YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
Stars: ✭ 6,570 (+38547.06%)
Mutual labels:  yolo, tensorrt
Pyyolo
Simple python wrapper for YOLO.
Stars: ✭ 128 (+652.94%)
Mutual labels:  yolo, darknet
TensorRT-LPR
车牌识别,基于HyperLPR实现,修改模型调用方法,使用caffe+tensorRT实现GPU加速,修改了车牌检测模型
Stars: ✭ 14 (-17.65%)
Mutual labels:  yolo, tensorrt
live-cctv
To detect any reasonable change in a live cctv to avoid large storage of data. Once, we notice a change, our goal would be track that object or person causing it. We would be using Computer vision concepts. Our major focus will be on Deep Learning and will try to add as many features in the process.
Stars: ✭ 23 (+35.29%)
Mutual labels:  yolo, darknet
DarkPlate
License plate parsing using Darknet and YOLO
Stars: ✭ 36 (+111.76%)
Mutual labels:  yolo, darknet
darknet2caffe
Conversion of yolo from DarkNet to Caffe
Stars: ✭ 25 (+47.06%)
Mutual labels:  yolo, darknet
Yolo3 4 Py
A Python wrapper on Darknet. Compatible with YOLO V3.
Stars: ✭ 504 (+2864.71%)
Mutual labels:  yolo, darknet
Node Yolo
Node bindings for YOLO/Darknet image recognition library
Stars: ✭ 364 (+2041.18%)
Mutual labels:  yolo, darknet
Ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.
Stars: ✭ 570 (+3252.94%)
Mutual labels:  yolo, darknet
Deepstream Yolo
NVIDIA DeepStream SDK 5.1 configuration for YOLO models
Stars: ✭ 166 (+876.47%)
Mutual labels:  yolo, darknet
Pytorch Caffe Darknet Convert
convert between pytorch, caffe prototxt/weights and darknet cfg/weights
Stars: ✭ 867 (+5000%)
Mutual labels:  yolo, darknet
Pytorch Yolo2
Convert https://pjreddie.com/darknet/yolo/ into pytorch
Stars: ✭ 941 (+5435.29%)
Mutual labels:  yolo, darknet
darknet-vis
Visualize YOLO feature map in prediction for easily checking your model performance
Stars: ✭ 68 (+300%)
Mutual labels:  yolo, darknet
Yolo annotation tool
Annotation tool for YOLO in opencv
Stars: ✭ 17 (+0%)
Mutual labels:  yolo, darknet
Yolo Custom Object Detector
Making custom object detector using Yolo (Java and Python)
Stars: ✭ 84 (+394.12%)
Mutual labels:  yolo, darknet
Opendatacam
An open source tool to quantify the world
Stars: ✭ 1,214 (+7041.18%)
Mutual labels:  yolo, darknet
Yolo2 Pytorch
YOLOv2 in PyTorch
Stars: ✭ 1,393 (+8094.12%)
Mutual labels:  yolo, darknet
Mobilenet Yolo
A caffe implementation of MobileNet-YOLO detection network
Stars: ✭ 825 (+4752.94%)
Mutual labels:  yolo, darknet
Yolo segmentation
image (semantic segmentation) instance segmentation by darknet or yolo
Stars: ✭ 143 (+741.18%)
Mutual labels:  yolo, darknet
Yolo Powered robot vision
Stars: ✭ 133 (+682.35%)
Mutual labels:  yolo, darknet
Openlabeling
Label images and video for Computer Vision applications
Stars: ✭ 706 (+4052.94%)
Mutual labels:  yolo, darknet
Yolo mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
Stars: ✭ 1,624 (+9452.94%)
Mutual labels:  yolo, darknet
Viseron
Self-hosted NVR with object detection
Stars: ✭ 192 (+1029.41%)
Mutual labels:  yolo, darknet
Yolo person detect
person detect based on yolov3 with several Python scripts
Stars: ✭ 212 (+1147.06%)
Mutual labels:  yolo, darknet
food-detection-yolov5
🍔🍟🍗 Food analysis baseline with Theseus. Integrate object detection, image classification and multi-class semantic segmentation. 🍞🍖🍕
Stars: ✭ 68 (+300%)
Mutual labels:  yolo
reason-cookie
A simple way to use cookies in Reason (OCaml) on the frontend. 🍪
Stars: ✭ 18 (+5.88%)
Mutual labels:  yolo
tfjs-yolo
YOLO v3 and Tiny YOLO v1, v2, v3 with Tensorflow.js
Stars: ✭ 108 (+535.29%)
Mutual labels:  yolo
Abnormal-behavior-Detection
Abnormal behavior detection in the video surveillance based on yolo darknet
Stars: ✭ 35 (+105.88%)
Mutual labels:  yolo
1-60 of 356 similar projects