• Stars
    star
    289
  • Rank 142,563 (Top 3 %)
  • Language
    Python
  • Created about 4 years ago
  • Updated almost 2 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Yolov5/Yolov4/ Yolov3/ Yolo_tiny in tensorflow

YoloVx(yolov5/yolov4/yolov3/yolo_tiny)

Tensorflow

  1. Install NVIDIA driver
  2. Install CUDA10.1 and cudnn7.5
  3. Install Anaconda3, download website
  4. Install tensorflow, such as "sudo pip install tensorflow>=1.15 or tensorflow > 2.0" etc.

Introduction

A tensorflow implementation of YOLOv5 inspired by https://github.com/ultralytics/yolov5.

A tensorflow implementation of YOLOv4 inspired by https://github.com/AlexeyAB/darknet.

Frame code from https://github.com/YunYang1994/tensorflow-yolov3.

Backbone: Darknet53; CSPDarknet53[1], Mish[2]; MobileNetV2; MobileNetV3(large and small)

Neck: SPP[3], PAN[4];

Head: YOLOv5/YOLOv4(Mish), YOLOv3(Leaky_ReLU)[10];

Loss: DIOU CIOU[5], Focal_Loss[6]; Other: Label_Smoothing[7];

Environment

Python 3.6.8

Tensorflow 1.13.1 or Tensorflow 2.0 up

Quick Start

  1. Download YOLOv5 weights from yolov5.weights.
  2. Download YOLOv4 weights from yolov4.weights.
  3. Convert the Darknet YOLOv4 model to a tf model.
  4. Train Yolov5/Yolov4/Yolov3/Yolo_tiny.
  5. Run Yolov5/Yolov4/Yolov3/Yolo_tiny detection.

Convert weights

Running from_darknet_weights_to_ckpt.py will get tf yolov4 weight file yolov4_coco.ckpt.

python scripts/from_darknet_weights_to_ckpt.py

Running ckpt2pb.py will get tf yolov4 weight file yolov4.pb.

python scripts/ckpt2pb.py

Or running from_darknet_weights_to_pb.py directly.

python scripts/from_darknet_weights_to_pb.py

Train

In core/config.py add your own path.

usage: python train.py gpu_id net_type(yolov5/yolov4/yolov3/tiny)

python train.py 0 yolov5

Usage

Inference

python test.py
python demo.py

Reference

[1] Cross Stage Partial Network (CSPNet)

[2] A Self Regularized Non-Monotonic Neural Activation Function

[3] Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition

[4] Path Aggregation Network for Instance Segmentation

[5] Distance-IoU Loss: Faster and Better Learning for Bounding Box Regression

[6] Focal Loss for Dense Object Detection

[7] When Does Label Smoothing Help?

[8] Convolutional Block Attention Module

[9] YOLOv4: Optimal Speed and Accuracy of Object Detection

[10] YOLOv3: An Incremental Improvement

[11] Aggregated Residual Transformations for Deep Neural Networks

Acknowledgment

keras_yolov3 https://github.com/qqwweee/keras-yolo3.

keras_yolov4 https://github.com/Ma-Dan/keras-yolo4.

More Repositories

1

UNet3plus_pth

UNet3+/ UNet++/UNet, used in Deep Automatic Portrait Matting in Pytorth
Python
229
star
2

MobilenetSSD_caffe

How to train and verify mobilenet by using voc pascal data in caffe ssd?
C++
25
star
3

FisheyeCamera

Fisheye Camera for fisheye calibration/undistort/unwrap/stitch to make panorama etc.
C++
11
star
4

SSD_detect_tensorflow

How to detect objects by using SSD models in tensorflow
Python
7
star
5

DL-NLP

DL-NLP is a tutorial for NLP(Natural Language Processing) based on DL(Deep Learning) by using Pytorch and Tensorflow.
Python
5
star
6

AI_IndustrialInspection

AI赋能工业,专注工业零部件、工业缺陷等识别检测,实时检测、高精度。
3
star
7

caffe_ssd-android-lib

How to compile caffe_ssd based on Android
C++
3
star
8

MSFFN

An MultiSpectral Feature Fusion Network (MSFFN) for object detection or pedestrian detection.
Python
3
star
9

FlowerDetect_tensorflow

How to train and verify flowers by using CNN based on tensorflow?
Python
3
star
10

OCR_CTPN-CRNN-CTCLoss

OCR used CTPN & CRNN model and CTC Loss
Python
3
star
11

AI_AquaticIndustry

AI赋能水产业,专注鱼苗、虾苗等水产品识别检测,实时检测、高精度。
2
star
12

MagicInfer

Self-developed deep learning reasoning framework, with basic operators and rudiments, and equipped with Yolo Demo, is for reference only!
C++
2
star
13

VoAI

All things about VoAI Community organizations
2
star
14

Mnist_tensorflow

How to train and test mnist data by using CNN in tensorflow
Python
1
star
15

Classifier_halcon

A classifier based on Halcon
1
star
16

Yolov4_pth

Yolov4 for Pytorch
Python
1
star
17

Cifar10_tensorflow

How to train and test cifar10 data by using CNN in tensorflow
Python
1
star
18

Travel4Android

How to study android
1
star
19

miniCaffe

A mini caffe has only base train/val/test code, excluding cuda/cudnn/gpu and python/matlab etc.
C++
1
star
20

miniCaffe_ssd

A mini caffe_ssd has only base train/val/test code, excluding cuda/cudnn/gpu and python/matlab etc.
C++
1
star
21

CapsuleNetwork_Tensorflow

A Tensorflow implementation of Capsules Network in Hinton's paper of Dynamic Routing Between Capsules
1
star
22

VoAI-workspace

本人及VoAI工作室团队专注深度学习模型精度和性能提升、数据采集清洗,具有10年以上开发经验、5年图像处理和深度学习经验。 有需求者,可以联系Wechat:345238818、Tel13390758348、Email:[email protected]
1
star
23

DangerSceneDetect_tf2

A Dangerous Scene Detection included fire, accident and robbery etc. by using keras in Tensorflow2.
Python
1
star