Vehicle Detection Using Deep Learning and YOLO Algorithm

Overview

VehicleDetection

Vehicle Detection Using Deep Learning and YOLO Algorithm

a1

test_res_1

Dataset

take or find vehicle images for create a special dataset for fine-tuning.

Train : 70%

Validition : 20%

Test : 10%

dataset.yaml

config dataset.yaml for the address and information of your dataset.

path: Dataset/dataset-vehicles  # dataset root dir
train: images/train  # train images (relative to 'path')
val: images/val  # val images (relative to 'path')
test:  # test images (optional)

# Classes
nc: 5  # number of classes
names: [ 'Car', 'Motorcycle', 'Truck', 'Bus', 'Bicycle']  # class names

Clone Vehicle-Detection Repository

git clone https://github.com/MaryamBoneh/Vehicle-Detection
cd Vehicle-Detection
pip install -r requirements.txt

wandb

to have mAP, loss, confusion matrix, and other metrics, sign in www.wandb.ai.

pip install wandb

Train

fine-tuning on a pre-trained model of yolov5.

python train.py --img 640 --batch 16 --epochs 50 --data dataset.yaml --weights yolov5m.pt

Test

after train, gives you weights of train and you should use them for test.

python detect.py --weights runs/train/exp12/weights/best.pt --source test_images/imtest13.JPG

you can also use the weight file in path 'runs/train/exp12/weights/best.pt' without the train. this weight is the result of 128 epoch train on the following dataset.

My Vehicle Dataset

https://b2n.ir/vehicleDataset
You might also like...
Automatic number plate recognition using tech:  Yolo, OCR, Scene text detection, scene text recognation, flask, torch
Automatic number plate recognition using tech: Yolo, OCR, Scene text detection, scene text recognation, flask, torch

Automatic Number Plate Recognition Automatic Number Plate Recognition (ANPR) is the process of reading the characters on the plate with various optica

Real-time multi-object tracker using YOLO v5 and deep sort
Real-time multi-object tracker using YOLO v5 and deep sort

This repository contains a two-stage-tracker. The detections generated by YOLOv5, a family of object detection architectures and models pretrained on the COCO dataset, are passed to a Deep Sort algorithm which tracks the objects. It can track any object that your Yolov5 model was trained to detect.

Aerial Imagery dataset for fire detection: classification and segmentation (Unmanned Aerial Vehicle (UAV))
Aerial Imagery dataset for fire detection: classification and segmentation (Unmanned Aerial Vehicle (UAV))

Aerial Imagery dataset for fire detection: classification and segmentation using Unmanned Aerial Vehicle (UAV) Title FLAME (Fire Luminosity Airborne-b

Vehicle direction identification consists of three module detection , tracking and direction recognization.

Vehicle-direction-identification Vehicle direction identification consists of three module detection , tracking and direction recognization. Algorithm

A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......

A Light and Fast Face Detector for Edge Devices Big News: LFD, which is a big update of LFFD, now is released (2021.03.09). It is strongly recommended

Code for
Code for "FGR: Frustum-Aware Geometric Reasoning for Weakly Supervised 3D Vehicle Detection", ICRA 2021

FGR This repository contains the python implementation for paper "FGR: Frustum-Aware Geometric Reasoning for Weakly Supervised 3D Vehicle Detection"(I

Vehicle speed detection with python

Vehicle-speed-detection In the project simulate the tracker.py first then simulate the SpeedDetector.py. Finally, a new window pops up and the output

YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )

Yolo v4, v3 and v2 for Windows and Linux (neural networks for object detection) Paper YOLO v4: https://arxiv.org/abs/2004.10934 Paper Scaled YOLO v4:

Object detection (YOLO) with pytorch, OpenCV and python
Object detection (YOLO) with pytorch, OpenCV and python

Real Time Object/Face Detection Using YOLO-v3 This project implements a real time object and face detection using YOLO algorithm. You only look once,

Comments
  • error on install

    error on install

    hi i can not install it

    Python 3.10.1 (tags/v3.10.1:2cd268a, Dec  6 2021, 19:10:37) [MSC v.1929 64 bit (AMD64)] on win32
    
     pip install -r requirements.txt
    Collecting matplotlib>=3.2.2
      Using cached matplotlib-3.5.1-cp310-cp310-win_amd64.whl (7.2 MB)
    Collecting numpy>=1.18.5
      Using cached numpy-1.22.1-cp310-cp310-win_amd64.whl (14.7 MB)
    Collecting opencv-python>=4.1.2
      Using cached opencv_python-4.5.5.62-cp36-abi3-win_amd64.whl (35.4 MB)
    Collecting Pillow>=8.0.0
      Using cached Pillow-9.0.0-cp310-cp310-win_amd64.whl (3.2 MB)
    Collecting PyYAML>=5.3.1
      Using cached PyYAML-6.0-cp310-cp310-win_amd64.whl (151 kB)
    Collecting scipy>=1.4.1
      Using cached scipy-1.7.3-cp310-cp310-win_amd64.whl (34.3 MB)
    ERROR: Could not find a version that satisfies the requirement torch>=1.7.0 (from versions: none)
    ERROR: No matching distribution found for torch>=1.7.0
    
    opened by parsibox 5
  • feature/yolox5x6

    feature/yolox5x6

    I had to use Yolov5 in a project of mine. This dataset gave better results than the Yolov5 in my case. So, took the x6 and trained in on this dataset. Attached is a drive link to the README.md since GitHub doesn't allow files larger than 100MB and LFS couldn't be used on a forked project.

    opened by BilawalAhmed0900 0
Owner
Maryam Boneh
B.Sc computer student at sadjad university - programmer - ui designer
Maryam Boneh
LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image.

This project is based on ultralytics/yolov3. LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image. Download $ git clone http

null 26 Dec 13, 2022
Yolo ros - YOLO-ROS for HUAWEI ATLAS200

YOLO-ROS YOLO-ROS for NVIDIA YOLO-ROS for HUAWEI ATLAS200, please checkout for b

ChrisLiu 5 Oct 18, 2022
Real Time Object Detection and Classification using Yolo Algorithm.

Real time Object detection & Classification using YOLO algorithm. Real Time Object Detection and Classification using Yolo Algorithm. What is Object D

Ketan Chawla 1 Apr 17, 2022
Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)

scikit-opt Swarm Intelligence in Python (Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Algorithm, Immune Algorithm,A

郭飞 3.7k Jan 3, 2023
Based on Yolo's low-power, ultra-lightweight universal target detection algorithm, the parameter is only 250k, and the speed of the smart phone mobile terminal can reach ~300fps+

Based on Yolo's low-power, ultra-lightweight universal target detection algorithm, the parameter is only 250k, and the speed of the smart phone mobile terminal can reach ~300fps+

null 567 Dec 26, 2022
Yolo algorithm for detection + centroid tracker to track vehicles

Vehicle Tracking using Centroid tracker Algorithm used : Yolo algorithm for detection + centroid tracker to track vehicles Backend : opencv and python

null 6 Dec 21, 2022
Face and other object detection using OpenCV and ML Yolo

Object-and-Face-Detection-Using-Yolo- Opencv and YOLO object and face detection is implemented. You only look once (YOLO) is a state-of-the-art, real-

Happy  N. Monday 3 Feb 15, 2022
This is the offical website for paper ''Category-consistent deep network learning for accurate vehicle logo recognition''

The Pytorch Implementation of Category-consistent deep network learning for accurate vehicle logo recognition This is the offical website for paper ''

Wanglong Lu 28 Oct 29, 2022
Object detection using yolo-tiny model and opencv used as backend

Object detection Algorithm used : Yolo algorithm Backend : opencv Library required: opencv = 4.5.4-dev' Quick Overview about structure 1) main.py Load

null 2 Jul 6, 2022
Detection of drones using their thermal signatures from thermal camera through YOLO-V3 based CNN with modifications to encapsulate drone motion

Drone Detection using Thermal Signature This repository highlights the work for night-time drone detection using a using an Optris PI Lightweight ther

Chong Yu Quan 6 Dec 31, 2022