All Projects → Self Driving Car → Similar Projects or Alternatives

1130 Open source projects that are alternatives of or similar to Self Driving Car

ai for robotics
Visualizations of algorithms covered in Sebastian Thrun's excellent Artificial Intelligence for Robotics course on Udacity.
Stars: ✭ 125 (-94.06%)
Lanenet Lane Detection
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
Stars: ✭ 1,690 (-19.64%)
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-96.91%)
SAComputerVisionMachineLearning
Computer Vision and Machine Learning related projects of Udacity's Self-driving Car Nanodegree Program
Stars: ✭ 36 (-98.29%)
lane-detection
Lane detection MATLAB code for Kalman Filter book chapter: Lane Detection
Stars: ✭ 21 (-99%)
Computer-Vision
Cool Vision projects
Stars: ✭ 51 (-97.57%)
Mutual labels:  particle-filter, kalman-filter
Carnd Vehicle Detection
Vehicle detection using YOLO in Keras runs at 21FPS
Stars: ✭ 367 (-82.55%)
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (-82.12%)
Shainet
SHAInet - a pure Crystal machine learning library
Stars: ✭ 143 (-93.2%)
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (-70.28%)
Poseestimationformobile
💃 Real-time single person pose estimation for Android and iOS.
Stars: ✭ 783 (-62.77%)
Traffic Sign Classifier
Udacity Self-Driving Car Engineer Nanodegree. Project: Build a Traffic Sign Recognition Classifier
Stars: ✭ 12 (-99.43%)
LaneandYolovehicle-DetectionLinux
Lane depertaure and Yolo objection detection C++ Linux
Stars: ✭ 16 (-99.24%)
Mutual labels:  lane-finding, lane-detection
Udacity-CarND-Vehicle-Detection-and-Tracking
Term 1, Project 5 - Udacity Self Driving Car Nanodegree
Stars: ✭ 20 (-99.05%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (-82.55%)
Self-Driving-Car
Lane Detection for Self Driving Car
Stars: ✭ 14 (-99.33%)
Mutual labels:  self-driving-car, lane-detection
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-93.2%)
Trending Deep Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Stars: ✭ 543 (-74.18%)
Emotion Recognition Neural Networks
Emotion recognition using DNN with tensorflow
Stars: ✭ 769 (-63.43%)
Deepface
Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow
Stars: ✭ 409 (-80.55%)
Self Driving Golf Cart
Be Driven 🚘
Stars: ✭ 147 (-93.01%)
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-96.96%)
Bender
Easily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood.
Stars: ✭ 1,728 (-17.83%)
Reinforcement Learning For Self Driving Cars
Project on design and implement neural network that maximises driving speed of self-driving car through reinforcement learning.
Stars: ✭ 85 (-95.96%)
Gcommandspytorch
ConvNets for Audio Recognition using Google Commands Dataset
Stars: ✭ 65 (-96.91%)
Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (-39.32%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-95.39%)
bayes-filters-lib
A flexible, modern, C++ recursive Bayesian estimation library.
Stars: ✭ 48 (-97.72%)
Mutual labels:  particle-filter, kalman-filter
DA Tutorial
This is a 'hands-on' tutorial for the RIKEN International School on Data Assimilation (RISDA2018).
Stars: ✭ 23 (-98.91%)
Mutual labels:  particle-filter, kalman-filter
Swayam-Self-Driving-Car
This is an implementation of various algorithms and techniques required to build a simple Self Driving Car. A modified versions of the Udacity Self Driving Car Simulator is used as a testing environment.
Stars: ✭ 17 (-99.19%)
Mutual labels:  self-driving-car, lane-detection
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (-83.83%)
Tensorflow Image Detection
A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception.
Stars: ✭ 306 (-85.45%)
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-82.17%)
CarND-Detect-Lane-Lines-And-Vehicles
Use segmentation networks to recognize lane lines and vehicles. Infer position and curvature of lane lines relative to self.
Stars: ✭ 66 (-96.86%)
Models Comparison.pytorch
Code for the paper Benchmark Analysis of Representative Deep Neural Network Architectures
Stars: ✭ 148 (-92.96%)
Convnet Drawer
Python script for illustrating Convolutional Neural Networks (CNN) using Keras-like model definitions
Stars: ✭ 516 (-75.46%)
Vehicle counting tensorflow
🚘 "MORE THAN VEHICLE COUNTING!" This project provides prediction for speed, color and size of the vehicles with TensorFlow Object Counting API.
Stars: ✭ 582 (-72.33%)
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (-75.51%)
Dl 4 Tsc
Deep Learning for Time Series Classification
Stars: ✭ 730 (-65.29%)
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (-69.19%)
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-98.95%)
Awesome-Lane-Detection
A paper list with code of lane detection.
Stars: ✭ 34 (-98.38%)
Mutual labels:  self-driving-car, lane-detection
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-96.96%)
Pointcnn
PointCNN: Convolution On X-Transformed Points (NeurIPS 2018)
Stars: ✭ 1,120 (-46.74%)
Selfdrivingcar
A collection of all projects pertaining to different layers in the SDC software stack
Stars: ✭ 107 (-94.91%)
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-97.67%)
Breast Cancer Classification
Breast Cancer Classification using CNN and transfer learning
Stars: ✭ 86 (-95.91%)
Mit 6.s094
MIT-6.S094: Deep Learning for Self-Driving Cars Assignments solutions
Stars: ✭ 74 (-96.48%)
Grenade
Deep Learning in Haskell
Stars: ✭ 1,338 (-36.38%)
Constrained attention filter
(ECCV 2020) Tensorflow implementation of A Generic Visualization Approach for Convolutional Neural Networks
Stars: ✭ 36 (-98.29%)
Self Driving Car
Automated Driving in NFS using CNN.
Stars: ✭ 105 (-95.01%)
Top Deep Learning
Top 200 deep learning Github repositories sorted by the number of stars.
Stars: ✭ 1,365 (-35.09%)
Awslambdaface
Perform deep neural network based face detection and recognition in the cloud (via AWS lambda) with zero model configuration or tuning.
Stars: ✭ 98 (-95.34%)
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (-26.2%)
Lenet 5
PyTorch implementation of LeNet-5 with live visualization
Stars: ✭ 122 (-94.2%)
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-94.01%)
copilot
Lane and obstacle detection for active assistance during driving. Uses windowed sweep for lane detection. Combination of object tracking and YOLO for obstacles. Determines lane change, relative velocity and time to collision
Stars: ✭ 95 (-95.48%)
Mutual labels:  lane-finding, lane-detection
AdvancedLaneLines
Lane identification system for camera based systems.
Stars: ✭ 61 (-97.1%)
Mutual labels:  lane-finding, lane-detection
Extended Kalman Filter
Udacity Self-Driving Car Engineer Nanodegree. Project: Extended Kalman Filters
Stars: ✭ 27 (-98.72%)
Mutual labels:  self-driving-car, kalman-filter
Har Keras Cnn
Human Activity Recognition (HAR) with 1D Convolutional Neural Network in Python and Keras
Stars: ✭ 97 (-95.39%)
1-60 of 1130 similar projects