Code Monkey home page Code Monkey logo

yolov1-real-time-obj-detection's Introduction

Yolo: You Only Look Once Real-Time Object Detection (V1)

General:
This repo contains a reimplementation of the original Yolo: You Only Look Once: Unified, Real-Time Object Detection paper by Joseph Redmon using PyTorch. A short demo of our detection system can be seen in Fig. 1. The full demonstration can be found here.

animated

Fig.1 - Real-time inference using YoloV1.

Example Dictionary Structure

View dictionary structure

.
├── application                		# Real time inference tools
    └── __init__.py 
    └── yolov1_watches_you.py  		# YoloV1 inference on webcam
    └── yolov1_watches_youtube.py	# YoloV1 inference on an .mp4 video file in `video/`
├── cpts				# Weights as checkpoint .cpt files
    └── vgg19bn_adj_lr_yolov1.cpt	# Pretrained YoloV1 utilizing Vgg19 backbone
    └── resnet18_adj_lr_yolov1.cpt  	# Pretrained YoloV1 utilizing Resnet18 backbone	
    └── resnet50_adj_lr_yolov1.cpt	# Pretrained YoloV1 utilizing Resnet50 backbone	
├── figures                    		# Figures and graphs
    └── ....
├── loss                       		# Custom PyTorch loss
    └── __init__.py  		
    └── yolov1_loss.py
├── models                     		# Pytorch models
    └── __init__.py  		
    └── darknet.py
    └── yolov1net_darknet.py		# Original YoloV1 backbone (not supported: no backbone weights available)
    └── tiny_yolov1net.py		# Original tiny YoloV1 backbone 
    └── tiny_yolov1net_mobilenetv3_large.py # Mobilenetv3 size M/large backbone
    └── tiny_yolov1net_mobilenetv3_small.py # Mobilenetv3 size S/small backbone
    └── tiny_yolov1net_squeezenet.py 	# Squeezenet backbone 
    └── yolov1net_resnet18.py		# Resnet18 pre-trained backbone
    └── yolov1net_resnet50.py		# Resnet50 pre-trained backbone
    └── yolov1net_vgg19bn.py		# Vgg19 with batchnormalization pre-trained backbone
├── results                    		# Result textfiles
    └── ....
├── train                      		# Training files
    └── __init__.py  
    └── train_darknet.py
    └── train_yolov1.py 
├── utils                      		# Tools and utilities
    └── __init__.py
    └── custom_transform.py		# Image transformation/augmentation
    └── darknet_utils.py		
    └── dataset.py
    └── figs.py.			# Create figures
    └── generate_csv.py			# Create training and testing csv files
    └── get_data.sh			# Fetch data and assign into appropriate folder structure
    └── get_data_macos.sh		
    └── get_inference_speed.py		# Get inference speed
    └── iou_map_tester.py		# mAP tester
    └── voc_label.py			
    └── yolov1_utils.py			
├── video                      		
    └── youtube_video.mp4		# .mp4 video from youtube
    └── yolov1_watches_youtube.mp4      # Result of `yolov1_watches_youtube.py`
├── requierments.txt           		# Python libraries
├── setup.py                   		
├── terminal.ipynb             		# If you want to run experiments on google collab
├── LICENSE
└── README.md

Getting started:
In order to get started first cd into the ./yolov1-real-time-obj-detection dictionary and run the following lines:

virtualenv -p python3 venv
source venv/bin/activate
pip install -e .

Depending on what libraries you may already have, you may wish to pip install -r requirements.txt. To train from scratch, the PASCAL VOC 2007 and 2012 data-set is required. You can either manually download the data from the PASCAL VOC homepage or simply call the following shell file: utils/get_data.sh, which will automatically download and sort the data into the approriate folders and format for training. If you are on mac use the utils/get_data_macos.sh file. You may need to ensure that the shell file is executable by calling chmod +x get_data.sh and then executing it ./get_data.sh. Note that the for the PASCAL VOC 2012 data-set, test data is only available on the PASCAL test server and therefore not publicly available for download.

Training:
To train the model simply call python train/train_yolov1.py from terminal. Select one of the supported pre-trained models to be initalised as a backbone for training by setting one of the following backbone tags to True and all others to False: 1) use_vgg19bn_backbone, 2) use_resnet18_backbone, 3) and use_resnet50_backbone and 4) use_original_darknet_backbone. Note that as there are no pretrained weights available for the darknet weights in pytorch, the original backbone is currently not supported. If anyone has such weights or the GPU load available to train these from scratch on ImageNet, please feel free to contact me. The darknet training files for ImageNet data have been included in this repo for this purpose and should only requiere some small adjustments.

Results
Loss and mean average precision (mAP) values are computed after every epoch and can be seen from the console. To obtain results regarding inference speed, call python utils/inference_speed.py. After training and obtaining the inference speed, plots can be created by calling python utils/figs.py, which are stored in the figures/ folder. The results for training and test loss in addition to mAP values can be seen in Fig.2 for Vgg19 with batch normalisation, in Fig.3 for Resnet18 and Fig.4 for Resnet50. adjustments.
A model comparison between test mAP and inference speeed can be seen in Fig.5 and Fig.6 respectively. See Table.1 for exact mAP, FPS values per model.

Fig.2 - Vgg19bn Yolov1: Training, test loss and mAP as a function of epochs.

Fig.3 - Resnet18 Yolov1: Training, test loss and mAP as a function of epochs.

Fig.4 - Resnet50 Yolov1: Training, test loss and mAP as a function of epochs.

Fig.4 - Tiny YolovV1: Training, test loss and mAP as a function of epochs.

Fig.5 - Test mAP across different YoloV1 backbones.

Fig.6 - Inference speed across different YoloV1 backbones.

Fig.7 - Inference speed across different YoloV1 backbones.

Real time object detection (GPU)
In order to run YoloV1 in real-time on a video or webcam in real-time, please if not trained from scratch download one of the pretrained weights from the Table 1. Make sure that at least one of the pretrained checkpoint .cpt files is within the checkpoints cpts folder. If you want to do real time inference on a video, move the video file (preferably .mp4) into the ./video folder. Then specify both 1) which pre-trained model to use and 2) path to the video in application/yolov1_watches_youtube.py by setting the appropriate tag to True. This will open up a window and perform object detection in real time. If you wish to perform object detection on a webcam call the application/yolov1_watches_you.py, which will open up a window of your camera stream and perform object detecton.

Real time object detection (CPU)
To run real-time object detection from your webcam feed on CPU only machines, in application/yolov1_watches_you.py change:
checkpoint = torch.load(path_cpt_file) to checkpoint = torch.load(path_cpt_file, map_location=torch.device('cpu')).

Pretrained weights

Backbone Train mAP Test mAP FPS Params Link
Vgg19bn 66.12% 44.01% 233 - Link
Resnet18 68.39% 44.29% 212 - Link
Resnet50 69.51% 49.94% 96 - Link
Tiny Yolov1 - - - - Link
Tiny Yolov1 Mobilenetv3 S 37.81% 30.43% - - Link
Tiny Yolov1 Mobilenetv3 L 50.72% 38.64% - - Link
Tiny Squeezenet 1_1 27.27% 18.06% - - Link
Darknet - - - - -

Download the entire cptsfolder here.

Python files:

yolov1net_backbonename.py : There are 6 pretrained backbones supported: for GPU inference there is Vgg19 with batch norm yolov1net_vgg19bn.py, Resnet18 yolov1net_resnet18.py, Resnet50 yolov1net_resnet50.py and for CPU inference there is Mobilenetv3 Small (S) and Mobilenetv3 Large (L). For pocket models (i.e., detection that should run on a small device) we therefore encourage the use of our pretrained CPU models as they allow for real time inference on small devices. a. While the original darknet backbone is included yolov1net_darknet.py, there are no pretrained PyTorch weights available for this backbone. Methods that convert the original darknet weights from Joseph Redmon's website do not support conversion of this particular backbone. If anyone has such weights or the GPU load available to train these from scratch on ImageNet, please feel free to contact me. The darknet training files for ImageNet data have been included in this repo for this purpose and should only requiere small adjustments.

train_yolov1.py : performs training and testing procedure, giving progress updates after each epoch for both training and test loss in addition to the mean average precision metric.

yolov1_loss.py : defines the yolov1 loss as a custom PyTorch nn.module.

custom_transform.py : defines the data augmentations applied to yolov1 as per the original paper by Joseph Redmon.

utils.py : defines a series of utility functions, such as computation for the intersection over unions, mean average precision, converting bouding box coordinates relative to the cellboxes and from cellboxes the image.

get_data.sh : downloads the data and assigns them into the approriate folder structure for training and testing and converts the train.txt and text.txt to a csv using generate_csv.py

get_data_macos.sh : same as above but supported for unix macos systems.

yolov1_watches_you.py : performs object detection on webcam stream.

yolov1_watches_youtube.py : performs object detection on a specified video path.

Acknowledgement:
I would like to thank Michael Lew, Bryan A. Gass, Jonas Eilers, Jakob Walter and Daniel Klassen for their support, time and thoughts.

yolov1-real-time-obj-detection's People

Contributors

sendeniz avatar

Stargazers

 avatar  avatar  avatar  avatar

Watchers

 avatar

Forkers

beegass

yolov1-real-time-obj-detection's Issues

ImportError: libGL.so.1: cannot open shared object file: No such file or directory

I've got this error announcement while running this command python train/train_yolov1.py.

Traceback (most recent call last):
File "/workspaces/yolov1-real-time-obj-detection/train/train_yolov1.py", line 15, in
from utils.dataset import VOCData
File "/workspaces/yolov1-real-time-obj-detection/utils/dataset.py", line 12, in
from utils.custom_transform import scale_translate, scale_translate_bounding_box
File "/workspaces/yolov1-real-time-obj-detection/utils/custom_transform.py", line 7, in
import cv2 as cv
File "/workspaces/yolov1-real-time-obj-detection/venv/lib/python3.10/site-packages/cv2/init.py", line 181, in
bootstrap()
File "/workspaces/yolov1-real-time-obj-detection/venv/lib/python3.10/site-packages/cv2/init.py", line 153, in bootstrap
native_module = importlib.import_module("cv2")
File "/usr/local/python/3.10.13/lib/python3.10/importlib/init.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
ImportError: libGL.so.1: cannot open shared object file: No such file or directory

I followed all your steps and get stuck at training section. How can I fix this problem? Please, help me.
Thank you so much.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.