All Projects → sicara → Tf2 Yolov4

sicara / Tf2 Yolov4

Licence: mit
A TensorFlow 2.0 implementation of YOLOv4: Optimal Speed and Accuracy of Object Detection

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tf2 Yolov4

Yolo Custom Object Detector
Making custom object detector using Yolo (Java and Python)
Stars: ✭ 84 (-36.84%)
Mutual labels:  object-detection, yolo
Ios camera object detection
Realtime mobile visualize based Object Detection based on TensorFlow and YOLO model
Stars: ✭ 100 (-24.81%)
Mutual labels:  object-detection, yolo
Text Detection Using Yolo Algorithm In Keras Tensorflow
Implemented the YOLO algorithm for scene text detection in keras-tensorflow (No object detection API used) The code can be tweaked to train for a different object detection task using YOLO.
Stars: ✭ 87 (-34.59%)
Mutual labels:  object-detection, yolo
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+638.35%)
Mutual labels:  object-detection, yolo
Pytorch cpp
Deep Learning sample programs using PyTorch in C++
Stars: ✭ 114 (-14.29%)
Mutual labels:  object-detection, yolo
Yolo tensorflow
🚖 Object Detection (YOLOv1) implentation in tensorflow, with training, testing and video features.
Stars: ✭ 45 (-66.17%)
Mutual labels:  object-detection, yolo
Easy Yolo
Yolo (Real time object detection) model training tutorial with deep learning neural networks
Stars: ✭ 98 (-26.32%)
Mutual labels:  object-detection, yolo
Tensorflow Yolo V3
Implementation of YOLO v3 object detector in Tensorflow (TF-Slim)
Stars: ✭ 862 (+548.12%)
Mutual labels:  object-detection, yolo
Mobilenet Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB🔥🔥🔥
Stars: ✭ 1,566 (+1077.44%)
Mutual labels:  object-detection, yolo
Yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
Stars: ✭ 19,914 (+14872.93%)
Mutual labels:  object-detection, yolo
Yolo label
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2 https://github.com/AlexeyAB/darknet, https://github.com/pjreddie/darknet
Stars: ✭ 128 (-3.76%)
Mutual labels:  object-detection, yolo
Satellite Image Object Detection
YOLO/YOLOv2 inspired deep network for object detection on satellite images (Tensorflow, Numpy, Pandas).
Stars: ✭ 115 (-13.53%)
Mutual labels:  object-detection, yolo
Yolo Vehicle Counter
This project aims to count every vehicle (motorcycle, bus, car, cycle, truck, train) detected in the input video using YOLOv3 object-detection algorithm.
Stars: ✭ 28 (-78.95%)
Mutual labels:  object-detection, yolo
Darknet ros
YOLO ROS: Real-Time Object Detection for ROS
Stars: ✭ 1,101 (+727.82%)
Mutual labels:  object-detection, yolo
Yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
Stars: ✭ 8,159 (+6034.59%)
Mutual labels:  object-detection, yolo
Yolo Darknet On Jetson Tx2
How to run YOLO on Jetson TX2
Stars: ✭ 89 (-33.08%)
Mutual labels:  object-detection, yolo
Yolo annotation tool
Annotation tool for YOLO in opencv
Stars: ✭ 17 (-87.22%)
Mutual labels:  object-detection, yolo
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-86.47%)
Mutual labels:  object-detection, yolo
Keras Yolo3
Training and Detecting Objects with YOLO3
Stars: ✭ 1,532 (+1051.88%)
Mutual labels:  object-detection, yolo
Yolo mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2
Stars: ✭ 1,624 (+1121.05%)
Mutual labels:  object-detection, yolo

YOLOv4

A TensorFlow 2.0 implementation of YOLOv4: Optimal Speed and Accuracy of Object Detection

Pypi Version Python Versions Tensorflow Versions Code style: black Python package Open In Colab

This implementation runs (for now) inference with the original Darknet weights from AlexeyAB. See the roadmap section to see what's next.

Installation

To install this package, you can run:

pip install tf2_yolov4
pip install tensorflow
# Check that tf2_yolov4 is installed properly
python -c "from tf2_yolov4.model import YOLOv4; print(YOLOv4)"

Requirements:

  • MacOs >= 10.15 since tensorflow-addons is not available for older release of MacOs
  • Python >= 3.6
  • Compatible versions between TensorFlow and TensorFlow Addons: check the compatibility matrix

Examples in Colab

Pretrained weights

Our YOLOv4 implementation supports the weights argument similarly to Keras applications. To load a model with pretrained weights, you can simply call:

# Loads Darknet weights trained on COCO
model = YOLOv4(
    input_shape,
    num_classes,
    anchors,
    weights="darknet",
)

If weights are available locally, they will be used. Otherwise, they will be automatically downloaded.

Roadmap

  • [x] Inference
    • [x] CSPDarknet53 backbone with Mish activations
    • [x] SPP Neck
    • [x] YOLOv3 Head
    • [x] Load Darknet Weights
    • [x] Image loading and preprocessing
    • [x] YOLOv3 box postprocessing
    • [x] Handling non-square images
  • [ ] Training
    • [ ] Training loop with YOLOv3 loss
    • [ ] CIoU loss
    • [ ] Cross mini-Batch Normalization
    • [ ] Self-adversarial Training
    • [ ] Mosaic Data Augmentation
    • [ ] DropBlock
  • [ ] Enhancements
    • [x] Automatic download of pretrained weights (like Keras applications)

References

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].