Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: hough-lines

dnstech/tf-dnstech

Algorithms implemented and machine learning models developed using TensorFlow at DNS Technology.

Language: Python - Size: 1.85 MB - Last synced: 11 days ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 0

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: 24 days ago - Pushed: about 6 years ago - Stars: 1 - Forks: 1

MaitreChen/Hough-Transform

霍夫直线与圆检测的python与c++实现,并结合kmeans实现了硬币数目统计!

Language: Python - Size: 4.63 MB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

RobuRishabh/Lane_detector_Using_OpenCV_for_autonomous_vehicle

Lane detection is a crucial step in training autonomous driving cars. It helps identify and avoid entering other lanes by analyzing visual input. Lane recognition algorithms play a vital role in ADAS and autonomous vehicle systems. They accurately detect lane locations and borders, contributing to safe and reliable navigation.

Language: C++ - Size: 2.88 MB - Last synced: about 1 month ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

xmba15/3d_line_detection

3d line detection from pointcloud using Hough Transform

Language: C++ - Size: 148 KB - Last synced: about 1 month ago - Pushed: 10 months ago - Stars: 36 - Forks: 13

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: 2 months ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

MohEsmail143/road-lane-detection

Road Lane Detection using Hough Transform

Language: Jupyter Notebook - Size: 3.96 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

sharathsrini/Lane-Detection-Using-Computer-Vision

A Lane Detection program that implements Hough Lines and Canny Edge Detection from the OpenCV library of Python-3

Language: Jupyter Notebook - Size: 25.7 MB - Last synced: 3 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

AlbertoFormaggio1/Hough-Transform-From-Scratch

This GitHub repository provides a comprehensive guide and implementation of the Hough Transform for line detection in Python using OpenCV. It covers step-by-step instructions for implementing the algorithm from scratch, including edge detection, parameter space transformation, and line extraction.

Language: Jupyter Notebook - Size: 7.78 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

cheickamed/Memoire-de-master

Le mémoire de master ainsi que le code source python de l'algorithme de détection de droites discrètes avec la transformée de Hough munie d'un maillage rectangulaire de l'espace objet.

Language: Python - Size: 4.93 MB - Last synced: 5 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

ablanco1950/Directs_Object_Following_Lane

Project that positions an object in a video following a road lane.

Language: Python - Size: 58.9 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

boxreb14/CarND-LaneLines-P1

Created a pipeline for finding lane line on the road. In this project I used python with OpenCV and used the hough transform to plot the hough lines in a region of interest.

Language: Jupyter Notebook - Size: 48.1 MB - Last synced: 5 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

jerrinbright/LANE-DETECTION

Autonomous lane detection for self-driving cars using two different methods - CNN and Canny Detectors.

Language: Jupyter Notebook - Size: 1.34 MB - Last synced: 5 months ago - Pushed: over 2 years ago - Stars: 2 - Forks: 1

urwa95/Object_detection

Computer Vision tests

Language: Python - Size: 10.7 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

jameseoconnor/lane-detection-opencv

This project demonstrates the use of the Canny edge detection and Hough Transform algorithms for the real-time detection of lines on a road. OpenCV was used as the video processor.

Language: Python - Size: 37.6 MB - Last synced: 6 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

laffernandes/kht

Kernel-Based Hough Transform for Detecting Straight Lines in Images

Language: C++ - Size: 5.75 MB - Last synced: 2 months ago - Pushed: about 2 years ago - Stars: 38 - Forks: 5

neeru1207/AI_Sudoku

GUI based Smart Sudoku Solver that tries to extract a sudoku puzzle from a photo and solve it

Language: Python - Size: 33.2 MB - Last synced: 7 months ago - Pushed: 11 months ago - Stars: 973 - Forks: 143

sl3w/Edge-Detector-Canny-Hough

Edge detector by Canny algorithm with Hough transform for searching lines and circles.

Language: C# - Size: 5.34 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 2 - Forks: 1

sovse/tflite_avto_num_recognation

License plate recognition . Model training and conversion to tflite

Language: Jupyter Notebook - Size: 189 MB - Last synced: 8 months ago - Pushed: about 3 years ago - Stars: 28 - Forks: 7

WangHongshuo/Hough_Lines_Circles_detect-Qt

Hough Lines&Circles detect Qt

Language: C++ - Size: 16.6 KB - Last synced: 8 months ago - Pushed: over 6 years ago - Stars: 1 - Forks: 1

davidesqalv/landscape-field-classification-kmeans-opencv

Classification and segmentation of a landscape section using OpenCV, on an image based on the Indian Pines Hyperspectral image segmentation dataset

Language: Jupyter Notebook - Size: 1.79 MB - Last synced: 8 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

milaan9/Python_Computer_Vision_from_Scratch

This repository explores the variety of techniques commonly used to analyze and interpret images. It also describes challenging real-world applications where vision is being successfully used, both for specialized applications such as medical imaging, and for fun, consumer-level tasks such as image editing and stitching, which students can apply to their own personal photos and videos.

Language: Jupyter Notebook - Size: 7.41 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 232 - Forks: 186

frotms/line_detector

line segment detector(lsd) &. edge drawing line detector(edl) &. hough line detector(standard &. probabilistic) for detection

Language: C++ - Size: 529 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 172 - Forks: 65

Esraa-alii/Edge-and-boundary-detection-Hough-transform-and-SNAKE

A web application that use python script for image processing such as detect edges using canny detection , Detect lines , Detect circles , Detect ellipse and initialize the contour and evolve the Active Contour Model (snake) using the greedy algorithm.

Language: Jupyter Notebook - Size: 16.4 MB - Last synced: 8 months ago - Pushed: about 1 year ago - Stars: 2 - Forks: 0

arunumd/LaneDetection

This is a computer vision project for solving the problem of lane detection in autonomous driving vehicles. The project uses simple thresholding based techniques in L*a*b color space. Programming has been done in C++ using OpenCV library.

Language: HTML - Size: 75.2 MB - Last synced: 10 months ago - Pushed: over 4 years ago - Stars: 3 - Forks: 1

ronocara/HoughTransform_xray

Implementation of Hough Transform for auto rotation of xray images

Language: Jupyter Notebook - Size: 89.2 MB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

yunus-temurlenk/Opencv-Circle-Detection-Without-Houghcircle

I tried an algorithm with some math calculations to detect circles.

Language: C++ - Size: 9.77 KB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

sakshikakde/Lane-Detection

Python code to detect lanes from a video input.

Language: Jupyter Notebook - Size: 487 MB - Last synced: 10 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

MojTabaa4/lane-detection-on-roads

This project provides a Python implementation for lane detection using OpenCV library. It uses the Hough Transform algorithm to detect lines in video frames and draw the final lane lines on the original frames.

Language: Jupyter Notebook - Size: 12.3 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

anubhavparas/lane-detection-and-turn-prediction

Implementing a simple lane detection algorithm to mimic Lane Departure Warning systems used in Self-Driving Cars.

Language: Python - Size: 6.17 MB - Last synced: 10 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 2

vishvadesai9/CS6320_CV

Computer Vision Course at the University of Utah

Language: Jupyter Notebook - Size: 83 MB - Last synced: about 2 months ago - Pushed: about 1 year ago - Stars: 1 - Forks: 1

bmanczak/AoM-LineMatching

Detecting, filtering and matching geometrical features from an extraction set to the query image. Project for Superposition in collaboration with Netherlands Institute for Sound and Vision .

Language: Jupyter Notebook - Size: 27.1 MB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

nouranHisham/Image-cartoonifying---Lane-Detection Fork of NourhanWaleed/Image-cartoonifying---Lane-Detection

Computer Vision Assignment 1: Image Cartoonifying using various image filters and Lane Detection using Hough Transform

Language: Jupyter Notebook - Size: 10.7 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

electricalgorithm/QualityConrolMirrorProduction

A high-fps and pure image processing algorithm for quailty control on mirror production.

Language: Python - Size: 2.9 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

OlehOnyshchak/LineDetection

A pipeline which extract edges from an image with Canny Edge Detector and then identifies lines, which forms those edges

Language: Jupyter Notebook - Size: 976 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 1

FantDing/Image-document-extract-and-correction

数字图像课程大作业,实现图片中文档提取与矫正。整体思路是通过hough变换检测出直线,进而得到角点,最后经过投影变换,进行矫正。整个项目只用到了opencv的IO操作(包括手写卷积,hough哈夫变换,投影变换等等)

Language: Python - Size: 789 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 55 - Forks: 17

Hank-Tsou/Computer-Vision-OpenCV-Python

Language: Python - Size: 17.1 MB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 6 - Forks: 2

adityaintwala/Hough-Line-Detection

Implementation of Simple Hough Line Detection Algorithm in Python

Language: Python - Size: 1.26 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 8 - Forks: 0

arjun372/Deriche-Edges-HoughTransform

Convex Polygon Detection

Language: Makefile - Size: 6.39 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 3

jayshah19949596/Computer-Vision-Course-Assignments

Canny Edge Detection, Eigen Faces Face Recognition Algorithm, Applying Sobel Filter, Hough Lines, Harris Corner Detection as a Feature, Image Manipulation

Language: Jupyter Notebook - Size: 7.83 MB - Last synced: 6 months ago - Pushed: about 7 years ago - Stars: 13 - Forks: 2

hansehe/Wind-Blade-Inspection

Autonomous wind blade inspection using Hough line transformation, canny edge detection and stereo vision.

Language: Python - Size: 726 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 20 - Forks: 8

electricalgorithm/ConveyorBandEdgeDetection

This script finds the edges of a conveyor band in a given image.

Language: Python - Size: 2.42 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

mehmet-engineer/OpenCV_Lane_Detection

OpenCV Lane Detection with Hough Line Theory

Language: Python - Size: 20.8 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

mehmet-engineer/General_Traffic_Coordinator_Algorithm

General Traffic Coordinator Algorithm

Language: Python - Size: 42.9 MB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

CREESTL/ParkingAnalytics

Finding parking lots on the video/photo

Language: Python - Size: 385 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

felixchenfy/cpp_practice_image_processing

Implement: Sobel; Canny; Harris; Hough line; Fit line; RANSAC.

Language: C++ - Size: 1.38 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 5 - Forks: 4

huuanhhuynguyen/basic_lane_finding

Lane finding algorithm using Hough line detection

Language: C++ - Size: 45.3 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

huaesthetica63/HoughTransformation

Hough transformation implementation in C#

Language: C# - Size: 342 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

AbhijitMahalle/lane_detection

Project to detect straight and curved lanes and predict the turn

Language: Python - Size: 50.6 MB - Last synced: over 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

tylerrussin/Road-Line-Detection-Project

🚗 Road line detection web application using OpenCV, Amazon S3 Buckets, and SQL Database

Language: Jupyter Notebook - Size: 22.1 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

beccadsouza/Hough-Transform-OCR

Line Detection and Circle Detection for OCR using Hough Transform

Language: Jupyter Notebook - Size: 6.15 MB - Last synced: over 1 year ago - Pushed: over 4 years ago - Stars: 3 - Forks: 0

hayriyigit/hough-lines-transform-p5js

A simple toy to visualize hough space for lines

Language: JavaScript - Size: 1.95 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

Abonia1/ComputerVision-AI

This project going to document everthing about the study journey of CV and its application

Size: 0 Bytes - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

Anand-GitH/ImageStitching-Panorama-and-Line-Circle-Detection

Image Stitching- (Panorama Linear) and Line-Circle Detection using hough transform

Language: Jupyter Notebook - Size: 6.81 MB - Last synced: about 1 year ago - Pushed: over 3 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: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 3

FocusThen/Hough-Line-Detection

Language: Jupyter Notebook - Size: 208 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

imumarfarooq/Lane_Detection

Language: Jupyter Notebook - Size: 509 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

josieesh/Lane-Detection-Algorithm

Lane Detection Algorithm written in C++, using OpenCV and Visual Studio

Language: C++ - Size: 1.22 MB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 2

payneal/computer_vision_algorithms

algorithms used in introduction to computer vision - python

Size: 28.3 KB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 1

Related Keywords
hough-lines 59 hough-transform 29 computer-vision 21 opencv 18 canny-edge-detection 16 image-processing 14 lane-detection 13 hough-circles 11 python 11 hough-transformation 9 opencv-python 8 hough 6 edge-detection 6 line-detection 5 autonomous-vehicles 5 cpp 5 canny 4 self-driving-car 4 hough-line-transform 4 region-of-interest 4 cv2 3 segmentation 3 turn-prediction 3 harris-corner-detector 3 sobel 3 lane-lines-detection 3 eigenfaces 2 image-manipulation 2 object-detection 2 convolution 2 machine-learning 2 udacity 2 line-detector 2 feature-detection 2 straight-line 2 image-rotation 2 hough-circle-detector 2 canny-filters 2 cnn 2 canny-edges-detection 2 udacity-self-driving-car 2 warping 2 linear-regression 2 python3 2 jupyter-notebook 2 homography 2 gamma-correction 2 curve-fitting 2 hough-space 2 filtering 2 image 2 mask-image 2 camera-calibration 2 tensorflow 2 ransac 2 template-matching 1 image-thresholding 1 opencv-python-tutorials 1 normalized-cross-correlation 1 image-transformation 1 image-translation 1 compter-vision 1 deriche 1 hysteresis-thresholding 1 non-maximum-suppression 1 otsu 1 otsu-threshold 1 otsu-thresholds 1 lane-finding 1 dynamic-time-warping 1 automation 1 harris-corners 1 connected-components 1 fundamental-matrix 1 local-feature-matching 1 projection-matrix 1 ransac-algorithm 1 sift 1 sift-algorithm 1 sift-descriptors 1 sift-features 1 feature-matching 1 image-cartoonifier 1 otsu-thresholding 1 quality-control 1 binarization 1 cannyedge 1 greyscale-image 1 thresholding 1 affine-transformation 1 document-extraction 1 bitwise-operation 1 contours 1 image-blending 1 image-filtering 1 image-gradient 1 image-padding 1 image-scaling 1 median 1 moving-average 1