All Projects → car-crash-accident → Similar Projects or Alternatives

585 Open source projects that are alternatives of or similar to car-crash-accident

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 (+64.29%)
Mutual labels:  image-classification, darknet, yolov3
Deep-Learning-with-GoogleColab
Deep Learning Applications (Darknet - YOLOv3, YOLOv4 | DeOldify - Image Colorization, Video Colorization | Face-Recognition) with Google Colaboratory - on the free Tesla K80/Tesla T4/Tesla P100 GPU - using Keras, Tensorflow and PyTorch.
Stars: ✭ 63 (+350%)
Mutual labels:  image-classification, darknet, yolov3
Pine
🌲 Aimbot powered by real-time object detection with neural networks, GPU accelerated with Nvidia. Optimized for use with CS:GO.
Stars: ✭ 202 (+1342.86%)
Mutual labels:  darknet, yolov3
Yolo3 4 Py
A Python wrapper on Darknet. Compatible with YOLO V3.
Stars: ✭ 504 (+3500%)
Mutual labels:  darknet, yolov3
drone-net
https://towardsdatascience.com/tutorial-build-an-object-detection-system-using-yolo-9a930513643a
Stars: ✭ 126 (+800%)
Mutual labels:  darknet, yolov3
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+9878.57%)
Mutual labels:  image-classification, yolov3
Darknet2caffe
Convert darknet weights to caffemodel
Stars: ✭ 127 (+807.14%)
Mutual labels:  darknet, yolov3
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 (+42.86%)
Mutual labels:  darknet, yolov3
JSON2YOLO
Convert JSON annotations into YOLO format.
Stars: ✭ 222 (+1485.71%)
Mutual labels:  darknet, yolov3
Yolo person detect
person detect based on yolov3 with several Python scripts
Stars: ✭ 212 (+1414.29%)
Mutual labels:  darknet, yolov3
darknet
php ffi darknet
Stars: ✭ 21 (+50%)
Mutual labels:  darknet, yolov3
object-detection-indonesian-traffic-signs-using-yolo-algorithm
Pendeteksian rambu lalu lintas khas Indonesia menggunakan dataset custom dan menggunakan algoritma Deep Learning You Only Look Once v4
Stars: ✭ 26 (+85.71%)
Mutual labels:  darknet, yolov3
Alturos.ImageAnnotation
A collaborative tool for labeling image data for yolo
Stars: ✭ 47 (+235.71%)
Mutual labels:  image-classification, yolov3
Imagenet
Trial on kaggle imagenet object localization by yolo v3 in google cloud
Stars: ✭ 56 (+300%)
Mutual labels:  image-classification, yolov3
Pytorch Onnx Tensorrt
A set of tool which would make your life easier with Tensorrt and Onnxruntime. This Repo is designed for YoloV3
Stars: ✭ 66 (+371.43%)
Mutual labels:  darknet, yolov3
Tensorflow 2.x Yolov3
YOLOv3 implementation in TensorFlow 2.3.1
Stars: ✭ 300 (+2042.86%)
Mutual labels:  darknet, yolov3
Yolo annotation tool
Annotation tool for YOLO in opencv
Stars: ✭ 17 (+21.43%)
Mutual labels:  darknet, yolov3
ffcnn
ffcnn is a cnn neural network inference framework, written in 600 lines C language.
Stars: ✭ 50 (+257.14%)
Mutual labels:  darknet, yolov3
Yolo Tensorrt
Support Yolov5s,m,l,x .darknet -> tensorrt. Yolov4 Yolov3 use raw darknet *.weights and *.cfg fils. If the wrapper is useful to you,please Star it.
Stars: ✭ 495 (+3435.71%)
Mutual labels:  darknet, yolov3
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 (+3707.14%)
Mutual labels:  darknet, yolov3
Pytorch Imagenet Cifar Coco Voc Training
Training examples and results for ImageNet(ILSVRC2012)/CIFAR100/COCO2017/VOC2007+VOC2012 datasets.Image Classification/Object Detection.Include ResNet/EfficientNet/VovNet/DarkNet/RegNet/RetinaNet/FCOS/CenterNet/YOLOv3.
Stars: ✭ 130 (+828.57%)
Mutual labels:  darknet, yolov3
Darknet face with landmark
加入关键点的darknet训练框架,轻量级的人脸检测,支持ncnn推理
Stars: ✭ 192 (+1271.43%)
Mutual labels:  darknet, yolov3
DIoU YOLO V3
📈📈📈【口罩佩戴检测数据训练 | 开源口罩检测数据集和预训练模型】Train D/CIoU_YOLO_V3 by darknet for object detection
Stars: ✭ 53 (+278.57%)
Mutual labels:  darknet, yolov3
Alturos.yolo
C# Yolo Darknet Wrapper (real-time object detection)
Stars: ✭ 308 (+2100%)
Mutual labels:  image-classification, yolov3
rebar detect
CCFDF rebar detection
Stars: ✭ 14 (+0%)
Mutual labels:  darknet, yolov3
Datasets2Darknet
Modular tool that extracts images and labels from multiple datasets and parses them to Darknet format.
Stars: ✭ 31 (+121.43%)
Mutual labels:  darknet, yolov3
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (+535.71%)
Mutual labels:  darknet, yolov3
Msnhnet
🔥 (yolov3 yolov4 yolov5 unet ...)A mini pytorch inference framework which inspired from darknet.
Stars: ✭ 357 (+2450%)
Mutual labels:  darknet, yolov3
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+1871.43%)
Mutual labels:  darknet, yolov3
Mobilenet Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB🔥🔥🔥
Stars: ✭ 1,566 (+11085.71%)
Mutual labels:  darknet, yolov3
Mobilenet Yolo
A caffe implementation of MobileNet-YOLO detection network
Stars: ✭ 825 (+5792.86%)
Mutual labels:  darknet, yolov3
object detection
Implementatoin of object detection using Tensorflow 2.1.0 | this can be use in a car for object detection
Stars: ✭ 13 (-7.14%)
Mutual labels:  darknet, yolov3
go-darknet
Go bindings for Darknet (YOLO v4 / v3)
Stars: ✭ 56 (+300%)
Mutual labels:  darknet, yolov3
odam
ODAM - Object detection and Monitoring
Stars: ✭ 16 (+14.29%)
Mutual labels:  darknet, yolov3
kaggle brain-tumor-3D
Predict the status of a genetic biomarker important for brain cancer treatment
Stars: ✭ 20 (+42.86%)
Mutual labels:  image-classification
TensorRT yolo3 module
You can import this module directly
Stars: ✭ 58 (+314.29%)
Mutual labels:  yolov3
general backbone
No description or website provided.
Stars: ✭ 37 (+164.29%)
Mutual labels:  image-classification
DarkMark
Marking up images for use with Darknet.
Stars: ✭ 62 (+342.86%)
Mutual labels:  darknet
yolo3 tensorflow
yolo3 implement by tensorflow, including mobilenet_v1, mobilenet_v2
Stars: ✭ 48 (+242.86%)
Mutual labels:  yolov3
darknet2caffe
Conversion of yolo from DarkNet to Caffe
Stars: ✭ 25 (+78.57%)
Mutual labels:  darknet
caltech birds
A set of notebooks as a guide to the process of fine-grained image classification of birds species, using PyTorch based deep neural networks.
Stars: ✭ 29 (+107.14%)
Mutual labels:  image-classification
al-fk-self-supervision
Official PyTorch code for CVPR 2020 paper "Deep Active Learning for Biased Datasets via Fisher Kernel Self-Supervision"
Stars: ✭ 28 (+100%)
Mutual labels:  image-classification
ALPR System
Automatic License Plate Recognition System for Vietnamese Plates
Stars: ✭ 71 (+407.14%)
Mutual labels:  image-classification
facenet-darknet-inference
Face recognition using facenet
Stars: ✭ 29 (+107.14%)
Mutual labels:  darknet
MXNet-YOLO
mxnet implementation of yolo and darknet2mxnet converter
Stars: ✭ 17 (+21.43%)
Mutual labels:  darknet
image classifier
Image classifier in Elixir
Stars: ✭ 12 (-14.29%)
Mutual labels:  image-classification
Smart-Park-with-YOLO-V3
Maintaining empty parking spot count using YOLO real-time vehicle detection. Code readily runnable in google colab.
Stars: ✭ 46 (+228.57%)
Mutual labels:  yolov3
VoiceNET.Library
.NET library to easily create Voice Command Control feature.
Stars: ✭ 14 (+0%)
Mutual labels:  image-classification
Transformer-in-Transformer
An Implementation of Transformer in Transformer in TensorFlow for image classification, attention inside local patches
Stars: ✭ 40 (+185.71%)
Mutual labels:  image-classification
h5 to weight yolo3
convert keras (tensorflow backend) yolov3 h5 model file to darknet yolov3 weights
Stars: ✭ 39 (+178.57%)
Mutual labels:  yolov3
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+57371.43%)
Mutual labels:  image-classification
Social-Distancing-Detector
An AI Tool to Help Customers Monitor Social Distancing in the Workplace.
Stars: ✭ 61 (+335.71%)
Mutual labels:  yolov3
work with stagesepx
about how to use stagesepx in production
Stars: ✭ 41 (+192.86%)
Mutual labels:  image-classification
Accident-avoidance-deepsortyoloFCRN
An accident avoidance program that raises alert when nearby vehicles are moving at a relative speed faster than a threshold value, additionally it logs some data onto NEM-Mijin blockchain network
Stars: ✭ 18 (+28.57%)
Mutual labels:  yolov3
deep-active-learning-pytorch
A PyTorch toolkit with 8 popular deep active learning query methods implemented.
Stars: ✭ 47 (+235.71%)
Mutual labels:  image-classification
Labs-IntelligentAPIs
Intelligent APIs aim to make machine learning (ML) tasks easier for UWP developers to leverage in their applications without needing ML expertise or creating a new model.
Stars: ✭ 16 (+14.29%)
Mutual labels:  image-classification
yolo-deepsort-flask
Target detection and multi target tracking platform based on Yolo DeepSort and Flask.
Stars: ✭ 29 (+107.14%)
Mutual labels:  yolov3
AIDeveloper
GUI-based software for training, evaluating and applying deep neural nets for image classification
Stars: ✭ 51 (+264.29%)
Mutual labels:  image-classification
data-selfie-image-classification
No description or website provided.
Stars: ✭ 15 (+7.14%)
Mutual labels:  image-classification
Personalised-aesthetic-assessment-using-residual-adapters
Jupyter notebooks used as supporting material for an msc thesis about personalised aesthetic assessment using residual adapters.
Stars: ✭ 19 (+35.71%)
Mutual labels:  image-classification
1-60 of 585 similar projects