-
Updated
Oct 12, 2019 - C++
#
vehicle-detection
Here are 196 public repositories matching this topic...
Udacity Self-Driving Car Engineer Nanodegree projects.
deep-neural-networks
computer-vision
deep-learning
tensorflow
particle-filter
self-driving-car
lane-finding
convolutional-neural-networks
lane-detection
pid-control
vehicle-detection
kalman-filter
detect-lane-lines
traffic-sign-classification
lecture-material
udacity-self-driving-car
Vehicle Detection by Haar Cascades with OpenCV
-
Updated
Mar 7, 2020 - C++
Vehicle Detection, Tracking and Counting
-
Updated
Mar 7, 2020 - C++
Created vehicle detection pipeline with two approaches: (1) deep neural networks (YOLO framework) and (2) support vector machines ( OpenCV + HOG).
-
Updated
Mar 28, 2018 - Python
Vehicle detection using YOLO in Keras runs at 21FPS
-
Updated
Apr 27, 2017 - Jupyter Notebook
OneManArmy93
commented
Jul 24, 2019
I tired to execute the this funtion def create_labels(places, size, corners, resolution = 0.5, x=(0, 90), y=(-50, 50), z=(-4.5, 5.5), scale=4, min_value=np.array([0., -50., -4.5])):
but the returned variables sphere_center, train_corners
have the size of (0,3) and (0,8,3)
but they are empty.
Any idea about that?
Thank you
This is a Matlab lesson design for vehicle detection and recognition. Using cifar-10Net to training a RCNN, and finetune AlexNet to classify. Thanks to Cars Dataset:http://ai.stanford.edu/~jkrause/cars/car_dataset.html
-
Updated
Mar 31, 2017 - MATLAB
OpenCV implementation of lane and vehicle tracking
-
Updated
Jul 20, 2015 - C++
Vehicle Detection with Convolutional Neural Network
-
Updated
May 14, 2017 - Python
real-time Vehicle Detection( tiny YOLO ver) and HOG+SVM method
-
Updated
Mar 15, 2017 - Python
Vehicle Detection, Tracking and Counting by Blob Detection with OpenCV
-
Updated
Sep 16, 2017 - C++
Vehicle Detection, Tracking and Counting by SVM with HOG Features with OpenCV
-
Updated
Sep 30, 2017 - C++
Detect vehicles in a video
deep-learning
yolo
self-driving-car
convolutional-neural-networks
vehicle-detection
yolov1-keras
yolov1
-
Updated
Mar 30, 2019 - Jupyter Notebook
This repository contains works on a computer vision software pipeline built on top of Python to identify Lanes and vehicles in a video. This project is not part of Udacity SDCND but is based on other free courses and challanges provided by Udacity. It uses Computer vision and Deep Learrning Techniques. Few pipelines have been tried on SeDriCa, IIT Bombay.
computer-vision
deep-learning
neural-network
camera-calibration
feature-extraction
self-driving-car
hog-features
vehicle-detection
svm-classifier
classifier-training
-
Updated
Nov 2, 2018 - Jupyter Notebook
Detect and track vehicles in video
-
Updated
May 16, 2018 - C++
-
Updated
Mar 16, 2016 - C++
Perception algorithms for Self-driving car; Lane Line Finding, Vehicle Detection, Traffic Sign Classification algorithm.
-
Updated
Jun 26, 2017 - Jupyter Notebook
This is one of the best vehicle recognition applications. It can determine the car's license plate number, color, model, brand and year.
android
python
java
car
machine-learning
plate
ai
artificial-intelligence
vehicle
plate-recognition
optical-character-recognition
vehicle-detection
alpr
car-detection
plate-detection
licence-plates
vehicle-recognition
automatic-licence-plate-recognition
car-recognition
body-type-detection
-
Updated
Feb 20, 2019 - Java
Driving risk assessment with deep learning using a monocular camera. Related paper: https://arxiv.org/abs/1906.02859
machine-learning
deep-learning
self-driving-car
vehicle
autonomous-vehicles
risk-assessment
driving-behavior
vehicle-detection
-
Updated
Jan 28, 2020 - Python
The main objective of this project is to identify overspeed vehicles, using Deep Learning and Machine Learning Algorithms. After acquisition of series of images from the video, trucks are detected using Haar Cascade Classifier. The model for the classifier is trained using lots of positive and negative images to make an XML file. This is followed by tracking down the vehicles and estimating their speeds with the help of their respective locations, ppm (pixels per meter) and fps (frames per second). Now, the cropped images of the identified trucks are sent for License Plate detection. The CCA (Connected Component Analysis) assists in Number Plate detection and Characters Segmentation. The SVC model is trained using characters images (20X20) and to increase the accuracy, 4 cross fold validation (Machine Learning) is also done. This model aids in recognizing the segmented characters. After recognition, the calculated speed of the trucks is fed into an excel sheet along with their license plate numbers. These trucks are also assigned some IDs to generate a systematized database.
speed
license-plate
vehicle-detection
vehicle-detection-and-tracking
license-plate-recognition
speed-estimation
number-plate
-
Updated
Sep 4, 2019 - Python
Vehicle detection and classification on a video from an Indian Highway.
-
Updated
Feb 12, 2017 - Python
According to YOLOv3 and SORT algorithms, counting multi-type vehicles. Implemented by Pytorch.
vehicle-identification-number
vehicle-tracking
vehicle-detection
vehicle-counting
vehicle-flow-statistic
vehicle-statistic
-
Updated
Dec 8, 2019 - Python
Graduation project repository, Real-time vehicle detection using two different approaches. HOG+SVM traditional approach and Deep Learning based approach using state of the art YOLO convolutional neural network.
-
Updated
Aug 22, 2017 - C
Automatic detection and tracking of moving vehicles in a video from a surveillance camera
particle-filter
vehicle-tracking
vehicle-detection
kalman-filter
surveillance-video
vehicle-detection-and-tracking
-
Updated
Apr 21, 2018 - MATLAB
Term 1, Project 5 - Udacity Self Driving Car Nanodegree
udacity
computer-vision
vehicle-tracking
hog-features
sliding-windows
vehicle-detection
hog
yuv
udacity-self-driving-car
vehicle-detection-and-tracking
-
Updated
Mar 16, 2018 - Jupyter Notebook
An implementation of Faster R-CNN applied to vehicle detection.
computer-vision
deep-learning
convolutional-neural-networks
object-detection
vehicle-detection
keras-tensorflow
-
Updated
Apr 16, 2018 - Jupyter Notebook
A Network for detecting and classifying vehicle's front and rear
-
Updated
Mar 13, 2020 - Python
Vehicle detection implemented with you Only Look Once. It's an object detector that uses features learned by a deep convolutional neural network to detect an object.
real-time
svm
yolo
object-detection
autonomous-driving
vehicle-detection
yolov2
yolov3
slef-driving-cars
-
Updated
Jul 19, 2018 - Jupyter Notebook
Improve this page
Add a description, image, and links to the vehicle-detection topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the vehicle-detection topic, visit your repo's landing page and select "manage topics."
Thanks for your explanation, can you please explain how you are calculating the speed in this block ?
Because I can't understand some of the transformations like
scale_real_length
,scale_real_time_passed
,speed = speed/6*40
andscale = 1
please elaborate a bit.