GitHub topics: lane-lines-detection
Charmve/Awesome-Lane-Detection
A paper list with code of lane detection.
Language: Python - Size: 7.79 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 64 - Forks: 22

amusi/awesome-lane-detection
A paper list of lane detection.
Size: 109 KB - Last synced at: 13 days ago - Pushed at: 10 months ago - Stars: 3,004 - Forks: 775

ibaiGorordo/Ultrafast-Lane-Detection-Inference-Pytorch-
Example scripts for the detection of lanes using the ultra fast lane detection model in Pytorch.
Language: Python - Size: 10.6 MB - Last synced at: 4 days ago - Pushed at: almost 3 years ago - Stars: 81 - Forks: 25

pierluigiferrari/lane_tracker
A Python program for lane line detection and tracking using a traditional computer vision approach
Language: Python - Size: 86.8 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 45 - Forks: 15

vietanhdev/open-adas
An open source advanced driver assistance system (ADAS) that uses Jetson Nano as the hardware. Features: Traffic sign detection, Forward collision warning, Lane departure warning.
Language: C++ - Size: 26.6 MB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 452 - Forks: 129

Abhishekmishra-17/Project-Accident-control-management-system
Language: Jupyter Notebook - Size: 82.8 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

visualbuffer/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
Language: Jupyter Notebook - Size: 15.1 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 168 - Forks: 57

ibaiGorordo/onnx-Ultra-Fast-Lane-Detection-Inference
Example scripts for the detection of lanes using the ultra fast lane detection model in ONNX.
Language: Python - Size: 624 KB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 54 - Forks: 13

mikail2004/RTLDS-Real-Time-Lane-Detection
The aim of this project is to create a system that can, in real time, identify and mark lane lines by overlaying them on a live feed.
Language: Python - Size: 846 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MaybeShewill-CV/lanenet-lane-detection
Unofficial implemention of lanenet model for real time lane detection
Language: Python - Size: 59 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2,428 - Forks: 896

hpc203/YOLOP-opencv-dnn
使用OpenCV部署全景驾驶感知网络YOLOP,可同时处理交通目标检测、可驾驶区域分割、车道线检测,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 从而彻底摆脱对任何深度学习框架的依赖。
Language: Python - Size: 27.9 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 282 - Forks: 63

rbhatia46/Lane-Line-Detection
Using OpenCV to detect Lane Lines on a road, one of the most fundamental concepts for building a Self-Driving car.
Language: Python - Size: 28 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 43 - Forks: 20

Vatshayan/Road-Detection-System
we present the plans of a driver-assistance system, which will be capable of road lane and traffic sign detection by using an OPEN-CV.
Language: Jupyter Notebook - Size: 301 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 55 - Forks: 21

hpc203/yolopv2-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署YOLOPV2目标检测+可驾驶区域分割+车道线分割,一共包含54个onnx模型,依然是包含C++和Python两个版本的程序。仅仅只依赖OpenCV就能运行,彻底摆脱对任何深度学习框架的依赖。
Language: C++ - Size: 398 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 75 - Forks: 7

sidroopdaska/SelfDrivingCar
A collection of all projects pertaining to different layers in the SDC software stack
Language: Jupyter Notebook - Size: 348 MB - Last synced at: 20 days ago - Pushed at: about 7 years ago - Stars: 230 - Forks: 100

Moataz-Elmesmary/ITI-Computer-Vision
Language: Jupyter Notebook - Size: 90.6 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 1

mbn-code/LaneDetectionPython
This is a very simple lane detection made with python.
Language: Python - Size: 387 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

matlab-deep-learning/pretrained-spatial-CNN
Spatial-CNN for lane detection in MATLAB.
Language: MATLAB - Size: 32.5 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 24 - Forks: 12

adamczykpiotr/SemiAutonomousLaneKeepingSystem
Semi-autonomous system for lane keeping based on C++ & OpenCV 4.x
Language: C++ - Size: 10.2 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 3

deepraj1729/Self-Driving-Cars
Simulating a Self-Driving Car with basics of Deep Learning and Computer Vision
Language: Jupyter Notebook - Size: 75.2 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 7

rscova/CarND-Advanced-Lane-Lines
This repository contains my development of the Project: Advanced Lane Lines proposed by the Udacity's Self-Driving Cars Nanodegree
Language: Jupyter Notebook - Size: 388 MB - Last synced at: 11 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

rscova/CarND-LaneLines-P1
This repository contains my development of the Project: Finding Lane Lines proposed by the Udacity's Self-Driving Cars Nanodegree
Language: Jupyter Notebook - Size: 81.3 MB - Last synced at: 11 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

louislelay/Lane-Detection-and-Vehicle-Tracking
C++ programming, using OpenCV, to process and analyze a video sequence of road traffic.
Language: C++ - Size: 8.79 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

IAMSebyi/OpenCV_LaneDetection
C++ Lane Detection using OpenCV
Language: C++ - Size: 57.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

Danziger/CarND-T1-P1-Lane-Lines-Detection
🏎️ Lane Lines Detection Project using OpenCV for the Self-Driving Car Nanodegree at Udacity
Language: Jupyter Notebook - Size: 263 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

Danziger/CarND-T1-P4-Advanced-Lane-Lines-Detection
🏎️ Advanced Lane Lines Detection Project using OpenCV for the Self-Driving Car Nanodegree at Udacity
Language: Jupyter Notebook - Size: 200 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Arya-Bhattacharya/EuroDrive---A-driving-assistant
An automatic steering assistant for the game Euro Truck Simulator 2
Language: Python - Size: 136 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

LaurentVeyssier/Finding-Lane-Lines-on-the-Road
Create a Lane Finding pipeline that finds lane lines on the road
Language: Jupyter Notebook - Size: 40.8 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

duongquangduc/Udacity-CarND-LaneLines-P1
This is my first project in Udacity Self-Driving Car Nanodegree Program. The purpose of this project is to detect lane lines in images using Python and OpenCV.
Language: Jupyter Notebook - Size: 61.2 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

POSTECH-IMLAB/lane_detection_hough Fork of ahnjuhyun/lane_detection_hough
Lane detection using hough transform
Language: Tcl - Size: 288 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 15

ablanco1950/LaneDetection_Template
Lane detection using cv.matchTemplate function, a simpler system than the one usually used to process the image and detect contours. Furthermore, it does not require establishing a region of interest.
Language: Python - Size: 46.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ManujaDewmina/Lane-line-detection-OpenCV
Lane line detection using Sobel edge detection, Hough transformation and OpenCV using Python
Language: Python - Size: 92.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

LukasLeonardKoening/Finding-Lane-Lines
Simple algorithm to find lanes with the help of lane lines.
Language: Python - Size: 35.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

kaylaipp/lane-detection
Build a simple lane detector with Python and OpenCV
Language: Python - Size: 11.8 MB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

niuwengang/LightRoadMap
light roadmap
Language: C++ - Size: 191 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 102 - Forks: 6

jhw296/Lane_Detection
webcam을 활용한 이미지 및 동영상 내 Lane & Line 탐지 프로젝트
Language: Python - Size: 25.6 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

prateeksawhney97/Advanced-Lane-Finding-P2
Advanced Lane Detection Project which includes advanced image processing to detect lanes irrespective of the road texture, brightness, contrast, curves etc. Used Image warping and sliding window approach to find and plot the lane lines. Also determined the real curvature of the lane and vehicle position with respect to center.
Language: Jupyter Notebook - Size: 118 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 4

dineshresearch/Lanedetection
Lane detection for autonomous car using Dynamic mode decomposition
Language: Matlab - Size: 5.27 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 3

withai/autonomous-cars-ND-LaneDetection
Lane detection using computer vision algorithms
Language: Jupyter Notebook - Size: 54.9 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 0

Chenzhaowei13/Light-Condition-Style-Transfer
Lane Detection in Low-light Conditions Using an Efficient Data Enhancement : Light Conditions Style Transfer (IV 2020)
Language: Python - Size: 19.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 134 - Forks: 30

Chinnu1103/Lane-Extraction-from-Grass-Surfaces
A model to extract lanes from an image using semantic segmentation.
Language: Jupyter Notebook - Size: 51.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

hayoung-kim/Perception-for-Self-driving
Perception algorithms for Self-driving car; Lane Line Finding, Vehicle Detection, Traffic Sign Classification algorithm.
Language: Jupyter Notebook - Size: 294 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 48 - Forks: 36

apgeorg/Finding-Lane-Lines
Finding Lane Lines on the Road
Language: Jupyter Notebook - Size: 47.2 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

acvictor/Lane-Detector
An OpenCV implementation of road lane detection written in Python.
Language: Python - Size: 4.76 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

JCGCosta/RealTimeCalibrationLaneDetection
A lane detection algorithm made to detect road lines based in a computer vision pipeline.
Language: Python - Size: 28.2 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

onggieoi/simp_LaneDetect
Just a simple system
Language: Python - Size: 1.95 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

ser94mor/lane-lines-detection
Udacity: Self-Driving Car Engineer Nanodegree | Project: Finding Lane Lines on the Road
Language: Jupyter Notebook - Size: 46.5 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 1

ser94mor/advanced-lane-finding
Project: Advanced Lane Finding || Udacity: Self-Driving Car Engineer Nanodegree
Language: Python - Size: 81.6 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 4

Aaron-Paul/Image-Segmentation
[MINOR PROJECT]The aim of this project is to investigate the implementation and the applications of Image segmentation .
Language: Jupyter Notebook - Size: 83.8 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 3

Pruthvi-Sanghavi/lane-detection
Lane Detection and Turn Prediction for Self Driving Car
Language: Python - Size: 8.61 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

luisegarduno/MyLane
A lane detection program that can be applied to videos
Language: Python - Size: 13.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

fvilmos/lane_detection
Lane detection with images captured from a front-facing camera in CARLA simulator.
Language: Jupyter Notebook - Size: 3.11 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

shsarv/Lane-Line-Detection
Lane Line detection is a critical component for self driving cars and also for computer vision in general. This concept is used to describe the path for self-driving cars and to avoid the risk of getting in another lane. In this repo, we will build a machine learning project to detect lane lines in real-time. We will do this using the concepts of computer vision using OpenCV library. To detect the lane we have to detect the white markings on both sides on the lane.
Language: Python - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MohamedAtef321/YOLOv8-Extended-Edition
🚀 YOLOv8: Extended Edition is a fork of Ultralytics YOLOv8 repository. but with new features focuses on Automotive Vechicles 🚗.
Language: Python - Size: 25.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

hpc203/hybridnets-opencv-dnn
使用OpenCV部署HybridNets,同时处理车辆检测、可驾驶区域分割、车道线分割,三项视觉感知任务,包含C++和Python两种版本的程序实现。本套程序只依赖opencv库就可以运行, 彻底摆脱对任何深度学习框架的依赖。
Language: C++ - Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

calvincramer/eec-193-senior-project-lane-lines
EEC193 Senior Design on Lane Line detection
Language: Jupyter Notebook - Size: 823 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 2

calvincramer/eec-193-lab-1-lane-lines
EEC 193 Lab 1 Lane Line Detection
Language: C++ - Size: 161 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

fabvio/Cascade-LD
Lane detection and classification in an end-to-end Deep Learning fashion
Language: Jupyter Notebook - Size: 36.5 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 75 - Forks: 25

bharadwaj-chukkala/Road-Lanes-detection-and-Turn-Prediction-using-Sliding-Window-Algorithm
ENPM673: Project 2 Problem 2 and 3. In this project I detect the road lanes by performing image transformations on each frame of continuous input, further developing the program to also visually predict upcoming turns
Language: Python - Size: 92.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

mohamedameen93/Lane-lines-detection-using-Python-and-OpenCV
In this project, I used Python and OpenCV to detect lane lines on the road. I developed a processing pipeline that works on a series of individual images, and applied the result to a video stream.
Language: Jupyter Notebook - Size: 180 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 39 - Forks: 16

fabvio/TuSimple-lane-classes
TuSimple lane detection dataset addon with class information.
Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 72 - Forks: 13

PrashantShuklaa/Lane-Detection-on-Indian-roads Fork of Giscle/Moto-Dream-Lane-Detection-
This repository is related to detecting road lanes.
Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 1

arjunssat/Lane_Detection
The project is based on deep learning which detects the lane in road and suggest the user/EMI of car to drive as per the lane presence.
Language: Jupyter Notebook - Size: 21.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

brett-dun/road-lane-line-detection
C++ port of https://github.com/georgesung/road_lane_line_detection
Language: C++ - Size: 7.81 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 2

omerkocadayi/Python_Goruntu_Isleme
Giriş Seviyesinden İleri Seviyeye Kadar Python ile Görüntü İşleme.. Nesne Tespiti, Nesne Takibi, Yüz Tespiti, Göz Algılama ve Göz Hareketleri Takibi, Beden Tespiti, El Hareketlerini Anlamlandırma, Şerit Takibi, Plaka Okuma vs. gibi resim, video ve gerçek zamanlı örnek uygulamalar
Language: Python - Size: 71.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 2

LevinHinder/Neural-Network-For-Lane-Detection
Neural network to predict and draw traffic lanes.
Language: Python - Size: 3.35 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

prateeksawhney97/Canny-Edge-Detection-Lane-Lines
Detecting Lane lines by Canny Edge Detection
Language: Python - Size: 308 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Marksman007577/Computer-Vision-using-Python
Computer Vision and its application in Autonomous Vehicles
Language: Jupyter Notebook - Size: 133 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

olpotkin/Vehicle-Detection
Vehicle Detection + Advanced Lane Finding for ADAS
Language: Jupyter Notebook - Size: 24.4 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 28 - Forks: 8

mohamedameen93/Advanced-Lane-Finding-Using-OpenCV
In this project, I used OpenCV to write a software pipeline to identify the lane boundaries in a video from a front-facing camera on a car.
Language: Jupyter Notebook - Size: 301 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 23 - Forks: 9

CatUnderTheLeaf/path_from_image
A ROS package, which gets and publishes coordinates of the middle of the lane in the robot/car frame. It uses only image, camera calibration info, robot model and tf.
Language: Python - Size: 105 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

manankshastri/CarND-Advanced-Lane-Lines
Identify the lane boundaries in a video from a front-facing camera on a car.
Language: Jupyter Notebook - Size: 209 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ashishraste/CarND-AdvancedLaneDetection
Lane detection and tracking
Language: Python - Size: 59.9 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

daniel-234/CarND-Advanced-Lane-Lines
A software pipeline to identify the lane boundaries in a video from a front-facing camera on a car. Project 2 of the Udacity Self-Driving Car Engineer Nanodegree program.
Language: Jupyter Notebook - Size: 104 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

karanamrahul/Lane-Detection-using-OpenCV
Advanced lane detection using computer vision
Language: Jupyter Notebook - Size: 142 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

ken-power/SelfDrivingCarND-AdvancedLaneLines
A software pipeline to identify the lane boundaries from a video of a road.
Language: Python - Size: 276 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

AmeyaWagh/CarND-Finding_Lane_Lines
A lane detection pipeline by tracking white and yellow colored lane lines using self adjusting Canny edge detector implemented in HSL color space to make it intensity invariant.
Language: Jupyter Notebook - Size: 56.7 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

hyunnnn98/Lane-Detection-With-RC-Car
🚗 This project was created to demonstrate how a lane detection system works on cars equipped with a front facing camera.
Language: Python - Size: 153 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

jinglebot/Advanced_Finding_Lane_Lines
Python, Camera calibration and undistortion, Color and Gradient threshold, Warping and unwarping functions
Language: Jupyter Notebook - Size: 162 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

pietroventurini/lane-lines-detection
A pipeline to detect lane lines in a video captured from a moving vehicle. Project for the Udacity CarND Lane Lines Detection module
Language: Jupyter Notebook - Size: 134 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

cativo/lanenet-lane-detection Fork of MaybeShewill-CV/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/
Size: 56.1 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

tulabingryan/Autonomous-Driving-Advance-Lane-Detection
Language: Jupyter Notebook - Size: 215 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

olpotkin/CarND-Advanced-Lane-Lines
Detect lane lines on the road with advanced computer vision techniques
Language: Jupyter Notebook - Size: 51.1 MB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 1

ankitshaw/LaneTrackingAndDetection
Lane Detection and Tracking project using opencv in python
Language: Python - Size: 813 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 2

nikitaodnorob/lane-detecting
Detection of the current road lane
Language: C# - Size: 5.87 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

LinasKo/CarND-LaneLines-P1 Fork of udacity/CarND-LaneLines-P1
[Medium] Lane line detection using classical computer vision.
Language: Jupyter Notebook - Size: 151 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

KonstantinosBarmpas/CarND-Udacity
[Udacity] Projects for Self-Driving Cars Nanodegree by Udacity
Language: C++ - Size: 352 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 2

saimj7/Autonomous-Driving
Building autonomous vehicles from the ground up!
Language: Jupyter Notebook - Size: 113 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

prateeksawhney97/Detecting-Lane-Lines-P1
Lane Finding Project for Self-Driving Car Nano Degree Term 1. Road Lane Lines are detected by using various image processing techniques like Grayscale, Blurring, Canny Edge Detection, Hough Transform and Masking.
Language: Jupyter Notebook - Size: 61.6 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 3

aviralchharia/Autonomous-Vehicle-Project
Developed a computer vision system for an autonomous vehicle capable of lane changing, avoiding vehicle collision by calculating relative vehicle speeds, etc. Used Hough Transform, Canny edge detection & ED-lines algorithm. Applied CNN on German traffic sign database for identifying traffic-signs & implemented behavioral cloning on a simulator. Tested the model’s performance in different weather conditions.
Language: Jupyter Notebook - Size: 2.43 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

mvish7/lane_line_detection
This repository contains lane detection project from Udacity's Self driving car nanodegree
Language: Python - Size: 806 KB - Last synced at: 8 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ahmed-hassan97/-Finding-Lane-Lines
first project in self driving car nanodegree on udacity using python and opencv to detect lane line using cany edge detection and hough transform by using pipeline to pass it on video stream
Language: Jupyter Notebook - Size: 43.3 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

trajkd/Finding-Lane-Lines-on-the-Road
Finding Lane Lines on the Road (project 1 of 9 from Udacity Self-Driving Car Engineer Nanodegree)
Language: HTML - Size: 52.9 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 3

frgfm/sdcnd-p1-lane-detection
Lane detection project of Udacity Self Driving Car Nanodegree
Language: Python - Size: 1.35 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Abonia1/Lane-Line-Detection
This project is a a sub module of self driving car...focuses on finding the lane line in road
Language: Python - Size: 29.5 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0

alex-lechner/CarND-AdvancedLaneLines-P4
Lane line detection and vehicle position estimation with computer vision. Project 4 of Udacity's Self-Driving Car Engineer Nanodegree Program.
Language: Python - Size: 63.6 MB - Last synced at: 3 months ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

ducthotran2010/lane-lines-detection
Detect lane lines in images using Python and OpenCV
Language: HTML - Size: 43.8 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

Abezzam10/Lane_finder
Lane-Detection for Autonomous Vehicles
Language: Python - Size: 12.3 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

sauravkdeo/CarND-Advanced-Lane-Lines
Advanced Lane Finding Project
Language: Jupyter Notebook - Size: 60.6 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

zhao-zh10/CarND-FindingLaneLines-P1
My First Lane Lines Finding Project for Udacity's Self-Driving Car Nano-Degree
Language: Jupyter Notebook - Size: 59.9 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0
