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

GitHub topics: road-segmentation

oalkaya/road-segmentation-cil

Contains the implementation of a deep learning based road segmentation approach for ETHZ Computational Intelligence Lab.

Language: Jupyter Notebook - Size: 95 MB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jkk-research/urban_road_filter

Real-time LIDAR-based Urban Road and Sidewalk detection for Autonomous Vehicles 🚗

Language: C++ - Size: 22.8 MB - Last synced at: 11 days ago - Pushed at: 13 days ago - Stars: 319 - Forks: 80

moatifbutt/r2s100k

we introduce R2S100K---a large-scale dataset and benchmark for training and evaluation of road segmentation in challenging unstructured roadways.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 24 days ago - Pushed at: 9 months ago - Stars: 7 - Forks: 0

robertklee/KITTI-RoadSeg

A course project for road segmentation using a U-Net Convolutional Neural Network on the KITTI ROAD 2013 dataset

Language: Python - Size: 4.98 MB - Last synced at: 18 days ago - Pushed at: about 2 years ago - Stars: 19 - Forks: 8

joud-d/Road-Segmentation-with-Attention-Enhanced-Fat-U-Net

A deep learning-based road segmentation model that leverages the U-Net architecture enhanced with attention mechanisms for better performance in detecting road features from satellite or street-view images.

Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Charmve/SNE-RoadSeg2

🌱 SNE-RoadSeg in PyTorch, ECCV 2020 by Rui (Ranger) Fan & Hengli Wang, but now we have improved it.

Language: Python - Size: 20.9 MB - Last synced at: 2 days ago - Pushed at: 11 months ago - Stars: 26 - Forks: 9

layanBalbisi03/Road_Segmentation

This repository contains the code for a semantic segmentation project aimed at extracting roads from satellite images. The project leverages deep learning models, including U-Net, SegNet, PSPNet, and DeepLabV3, for pixel-wise classification.

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

akhilchibber/Road-Segmentation

Deep Learning based Road Segmentation using Satellite Imagery

Language: Jupyter Notebook - Size: 815 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Evocargo/Lidar-Annotation-is-All-You-Need

2D road segmentation using lidar data during training

Language: Python - Size: 9.17 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 40 - Forks: 4

Spectrewolf8/aerial-image-road-segmentation-xp

A U-Net-50 model for segmenting road networks in aerial images. Trained on the Massachusetts Roads Dataset, the model accurately identifies and segments roads, making it ideal for applications in urban planning and autonomous driving

Language: Jupyter Notebook - Size: 3.02 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

farhad-dalirani/Satellite-Imagery-Road-Segmentation

Semantic segmentation of road networks in high-resolution satellite images using a deep neural network architecture.

Language: Python - Size: 2.14 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

UtsvGrg/CVLab_MMSegmentation

A guide to use MMSegmentation to develop and benchmark different models on custom dataset.

Language: Python - Size: 5.46 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

jiankang1991/road_extraction_remote_sensing

Road Extraction based on U-Net architecture (CVPR2018 DeepGlobe Challenge submission)

Language: Python - Size: 10.5 MB - Last synced at: 12 months ago - Pushed at: about 6 years ago - Stars: 74 - Forks: 23

ibaiGorordo/ONNX-HybridNets-Multitask-Road-Detection

Python scripts for performing road segemtnation and car detection using the HybridNets multitask model in ONNX.

Language: Python - Size: 20 MB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 64 - Forks: 16

Kazuhito00/YOLOPv2-ONNX-Sample

YOLOPv2のPythonでのONNX推論サンプル

Language: Python - Size: 5.18 MB - Last synced at: 3 days ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 3

njroussel/RoadSegmentation

Segmenting satellite images of earth : determining which parts are roads.

Language: Python - Size: 48.2 MB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 11 - Forks: 5

Akhilesh64/ResUnet-a

Implementation of the paper "ResUNet-a: a deep learning framework for semantic segmentation of remotely sensed data" in TensorFlow.

Language: Python - Size: 843 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 11

ErkanMilli/3MT-RoadSeg

Multi-Modal Multi-Task (3MT) Road Segmentation, IEEE RA-L 2023

Language: Python - Size: 23.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 1

hlwang1124/SNE-RoadSeg

SNE-RoadSeg for Freespace Detection in PyTorch, ECCV 2020

Language: Python - Size: 19.6 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 273 - Forks: 71

saranshqm/Road-Segmentation

Road sementics segmentation using PSPU-NET

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Quentin18/road-segmentation

Road segmentation using CNNs

Language: Jupyter Notebook - Size: 246 MB - Last synced at: 15 days ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 1

samuki/oCILots

Road segmentation in aerial images.

Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

fvilmos/road_segmentation

A small and fast CNN-based segmentation network is used to segment road / vehicles+pedestrians / other objects from the scene. The data collector uses CARLA simulator.

Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

aygong/LinkNetB7-pytorch

Code for the project "LinkNetB7: LinkNet with Pretrained Encoder for Efficient Road Segmentation"

Language: Jupyter Notebook - Size: 75.5 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

lostmartian/Building-and-Road-Segmentation-from-Aerial-Images

Aerial Image segmentation using different EfficientNet based backbone encoders with UNet on Massachusetts Building and Road dataset

Language: Jupyter Notebook - Size: 44.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

mahmoudmohsen213/airs

Road Segmentation in Satellite Aerial Images

Language: Python - Size: 3.94 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 52 - Forks: 15

sunnynevarekar/Road-Segmentation

Road Segmentation from Satelite images using custom Unet model

Language: Jupyter Notebook - Size: 9.47 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

AYUSH-ISHAN/Road_Segmentation

Road Segmentation using Deep Learning

Language: Python - Size: 64.6 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 1

AbhishekRS4/fcn_road_seg

FCN implementation for road segmentation

Language: Python - Size: 26.4 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Minauras/road-segmentation

:mortar_board: ML project for EPFL course CS-433 Machine Learning. Comparing ResNet and UNET for a road segmentation task.

Language: Python - Size: 35.2 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1

MohamedHamdy28/Road-precipitation-segmentation Fork of Jud1cator/training-pipeline

Training pipeline for deep neural networks for computer vision developed in Pytorch Lightning

Language: Python - Size: 27.1 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

LiangzeJiang/Aerial-Road-Segmentation

Project for CS-433 Machine Learning @ EPFL

Language: Python - Size: 149 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

gaelmoccand/RoadSegmentation_CNN

Road Segmentation.Image Segmentation using CNN Tensorflow with SegNet

Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: 16 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

jkfrie/CIL-FS20-ETHZ

Course Project of the Computational Intelligence Lab FS20 - Road Segmentation on Satellite Images

Language: Jupyter Notebook - Size: 1.68 GB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

PauloRodriguesJr/video-processing-roads

This repository is about my Final Project of my undergraduate course "Processamento Digital de Imagens" or Digital Image Processing, at UFABC.

Language: Jupyter Notebook - Size: 100 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

Related Keywords
road-segmentation 35 computer-vision 15 deep-learning 11 semantic-segmentation 10 python 7 segmentation 7 pytorch 7 unet 6 machine-learning 5 tensorflow 4 convolutional-neural-networks 3 road-detection 3 remote-sensing 3 unet-image-segmentation 3 image-segmentation 3 satellite-imagery 2 opencv 2 onnx 2 autonomous-vehicles 2 torchvision 2 road-extraction 2 car-detection 2 deep-neural-networks 2 neural-network 2 autonomous-driving 2 segnet 2 ufabc 1 freespace 1 surface-normals 1 opencv-python 1 surface-normals-estimation 1 satellite-images 1 extract-path 1 eccv-2020 1 multitask-learning 1 multisensor-fusion 1 depth-estimation 1 video-processing 1 resunet 1 keras 1 contour-detection 1 boundary-detection 1 jupyter-notebook 1 epfl 1 cs-433 1 pytorch-lightning 1 resnet 1 fully-convolutional-networks 1 real-time-road-segmentation 1 cnn 1 satelite-images 1 cnn-for-visual-recognition 1 neural-networks 1 image-processing 1 smp 1 efficientnet 1 building-segmentation 1 convolutional-neural-network 1 aerial-imagery 1 aerial 1 cnn-segmentation 1 carla-simulator 1 f 1 tensorflow-experiments 1 segfomer 1 maskformer 1 road-sementics-change 1 data-augmentation 1 machine-vision 1 imgsegment 1 cyclegan-pytorch 1 cyclegan 1 charmve 1 kitti-dataset 1 teacher-student-learning 1 scene-understanding 1 scene-segmentation 1 r2s100k 1 dataset 1 carl 1 szenergy 1 sze 1 shell-eco-marathon 1 self-driving-car 1 ros 1 point-cloud 1 lidar-filter 1 lidar 1 filter 1 yolopv2 1 lane-segmentation 1 onnxruntime 1 object-detection 1 lane-detection 1 bird-eye-view 1 u-net 1 mmsegmentation 1 indian-driving-dataset 1 deeplab-v3-plus 1 streamlit 1