Ecosyste.ms: Repos

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

GitHub topics: semantic-segmentation

Jklein64/hierarchy-generation

Code to generate a hierarchy of semantic segments given an image and some points which need to be assigned to separate regions. This was my senior research project at the Thomas Jefferson High School for Science and Technology.

Language: Python - Size: 35.4 MB - Last synced: about 4 hours ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Jklein64/QuILTER

QuILTER uses a guided filter and post-processing to rapidly feather semantic segmentation results, revealing small details that the initial segments may have missed.

Language: Python - Size: 21 MB - Last synced: about 4 hours ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

riccardomusmeci/tosem

tosem: PyTorch based semantic segmentation library

Language: Python - Size: 23.1 MB - Last synced: about 4 hours ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

bwconrad/pricon

Official repository for "Pseudo-label Guided Joint Point Region Image-level Contrastive Learning for Task-specific Pretraining"

Language: Python - Size: 5.34 MB - Last synced: about 4 hours ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

Highdrien/segmentation_MRI

semantic segmentation of cardiac MRI to detect different parts of the heart

Language: Python - Size: 35.2 KB - Last synced: about 4 hours ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

ENSTA-U2IS-AI/LDU

Latent Discriminant deterministic Uncertainty [ECCV2022]

Language: Python - Size: 569 KB - Last synced: about 4 hours ago - Pushed: almost 2 years ago - Stars: 37 - Forks: 6

rese1f/Spinal-Segmentation-and-3D-Reconstruction Fork of deeper-coder/ICUS-2022

[ICSU 2022 best] The Code of ICSU 2022 best paper "Automatic Spinal Ultrasound Image Segmentation and Deployment for Real-time Spine Volumetric Reconstruction"

Size: 44.9 KB - Last synced: about 4 hours ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

bwconrad/decoder-denoising

Pytorch reimplementation of Decoder Denoising Pretraining for Semantic Segmentation

Language: Python - Size: 650 KB - Last synced: about 4 hours ago - Pushed: about 1 year ago - Stars: 41 - Forks: 7

gcadau/Electronic-Components-AI-Detection

Machine Learining and Deep Learing algorithms for electronic components detection. Master thesis project. Msc Data Science and Engineering at Polito.

Language: Jupyter Notebook - Size: 94.2 MB - Last synced: about 10 hours ago - Pushed: about 13 hours ago - Stars: 0 - Forks: 0

MateusGilbert/ee_semantic_segmentation

This repository contains the program used to train and evaluate a Branched DNN capable of early-exit semantic segmentation, suited for an edge-cloud co-inference scenario in smart cities..

Language: Python - Size: 52.7 KB - Last synced: about 12 hours ago - Pushed: about 13 hours ago - Stars: 0 - Forks: 0

BiaPyX/BiaPy

Open source Python library for building bioimage analysis pipelines

Language: Jupyter Notebook - Size: 887 MB - Last synced: about 4 hours ago - Pushed: 4 days ago - Stars: 109 - Forks: 27

96francesco/asm-mapping-deeplearning

Deep learning and satellite data fusion for semantic segmentation of ASM sites in the DRC

Language: Python - Size: 10.7 MB - Last synced: about 15 hours ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

yassouali/pytorch-segmentation

:art: Semantic segmentation models, datasets and losses implemented in PyTorch.

Language: Jupyter Notebook - Size: 699 KB - Last synced: about 2 hours ago - Pushed: about 1 month ago - Stars: 1,571 - Forks: 375

YonghaoXu/UT-KD

Language: Python - Size: 479 KB - Last synced: about 18 hours ago - Pushed: about 19 hours ago - Stars: 1 - Forks: 0

HanXinzi-AI/awesome-computer-vision-resources

a collection of computer vision projects&tools. 计算机视觉方向项目和工具集合。

Size: 49.8 MB - Last synced: about 13 hours ago - Pushed: about 16 hours ago - Stars: 97 - Forks: 22

geo-smart/water-surf Fork of StefanTodoran/elwha-segmentation

Image dataset relalignment workflow with computer vision, plus automated river segmentation using Meta's SAM.

Language: Jupyter Notebook - Size: 296 MB - Last synced: about 19 hours ago - Pushed: about 21 hours ago - Stars: 1 - Forks: 1

OpenGVLab/InternVL

[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4V. 接近GPT-4V表现的可商用开源模型

Language: Jupyter Notebook - Size: 21.1 MB - Last synced: about 20 hours ago - Pushed: about 21 hours ago - Stars: 1,745 - Forks: 93

mrgloom/awesome-semantic-segmentation

:metal: awesome-semantic-segmentation

Size: 283 KB - Last synced: about 7 hours ago - Pushed: about 3 years ago - Stars: 10,344 - Forks: 2,490

amusi/CVPR2024-Papers-with-Code

CVPR 2024 论文和开源项目合集

Size: 436 KB - Last synced: about 22 hours ago - Pushed: 3 days ago - Stars: 16,305 - Forks: 2,514

d-f/basic-semantic-segmentation

A basic example of semantic segmentation with fully convolutional networks on the Oxford Pet dataset.

Language: Python - Size: 74.2 KB - Last synced: about 22 hours ago - Pushed: about 22 hours ago - Stars: 0 - Forks: 0

implus/RecursiveMix-pytorch

Official Codes and Pretrained Models for RecursiveMix

Language: Python - Size: 1.24 MB - Last synced: 1 day ago - Pushed: about 1 year ago - Stars: 22 - Forks: 1

chakshu-dhannawat/Semantic-Segmentation-CV-Project

This repository contains the code for Comparing Deep Learning and Classical Computer Vision for Semantic Segmentation: A comprehensive analysis of cutting-edge techniques and algorithms for precise object segmentation in computer vision tasks. This work was done under the Computer Vision course at IIT Jodhpur.

Language: Jupyter Notebook - Size: 20.5 MB - Last synced: about 20 hours ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

labelmeai/labelme

Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).

Language: Python - Size: 44.6 MB - Last synced: 1 day ago - Pushed: 11 days ago - Stars: 12,434 - Forks: 3,264

ajaystar8/UNet-PyTorch

Simple implementation of UNet architecture in PyTorch

Language: Python - Size: 163 KB - Last synced: about 20 hours ago - Pushed: 1 day ago - Stars: 0 - Forks: 0

Junjue-Wang/LoveDA

[NeurIPS 2021] LoveDA: A Remote Sensing Land-Cover Dataset for Domain Adaptive Semantic Segmentation

Language: Python - Size: 112 KB - Last synced: 1 day ago - Pushed: 1 day ago - Stars: 317 - Forks: 44

Yuki-11/CSSR

Crack Segmentation for Low-Resolution Images using Joint Learning with Super-Resolution (CSSR) was accepted to international conference on MVA2021 (oral), and selected for the Best Practical Paper Award.

Language: Python - Size: 256 MB - Last synced: 1 day ago - Pushed: 1 day ago - Stars: 71 - Forks: 7

NobuoTsukamoto/jax_examples

Jax, Flax, examples (ImageClassification, SemanticSegmentation, and more...)

Language: Python - Size: 4.18 MB - Last synced: 2 days ago - Pushed: 2 days ago - Stars: 5 - Forks: 0

NVlabs/FasterViT

[ICLR 2024] Official PyTorch implementation of FasterViT: Fast Vision Transformers with Hierarchical Attention

Language: Python - Size: 1.28 MB - Last synced: 1 day ago - Pushed: 16 days ago - Stars: 682 - Forks: 53

NVIDIA/MinkowskiEngine

Minkowski Engine is an auto-diff neural network library for high-dimensional sparse tensors

Language: Python - Size: 14.6 MB - Last synced: 1 day ago - Pushed: 2 months ago - Stars: 2,309 - Forks: 337

karolzak/keras-unet

Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks

Language: Python - Size: 31.2 MB - Last synced: about 13 hours ago - Pushed: about 3 years ago - Stars: 337 - Forks: 108

AmirMansurian/AttnFD

Attention-guided Feature Distillation for Semantic Segmentation

Language: Python - Size: 188 KB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 18 - Forks: 2

MarkMoHR/Awesome-Referring-Image-Segmentation

:books: A collection of papers about Referring Image Segmentation.

Size: 917 KB - Last synced: 1 day ago - Pushed: 21 days ago - Stars: 537 - Forks: 53

abcpp12383/ThreeStageBinarization

Three-stage binarization of color document images based on discrete wavelet transform and generative adversarial networks

Language: Python - Size: 15.1 MB - Last synced: 3 days ago - Pushed: 3 days ago - Stars: 7 - Forks: 1

meetps/pytorch-semseg

Semantic Segmentation Architectures Implemented in PyTorch

Language: Python - Size: 272 KB - Last synced: 2 days ago - Pushed: 7 months ago - Stars: 3,371 - Forks: 805

Justin900429/semi-supervised-segmentation

A simple example for semi-supervised semantic segmentation with FixMatch.

Language: Python - Size: 67.4 KB - Last synced: 2 days ago - Pushed: 3 days ago - Stars: 0 - Forks: 0

surajkarki66/Image-Segmentation-Deep-Learning

This repository contains the implementation of image segmentation using deep learning.

Language: Jupyter Notebook - Size: 58.5 MB - Last synced: 3 days ago - Pushed: almost 4 years ago - Stars: 4 - Forks: 0

taexj/CV_Research_Work

Applying Deep Learning Techniques to determine fish feeding Status

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

mhamilton723/STEGO

Unsupervised Semantic Segmentation by Distilling Feature Correspondences

Language: Jupyter Notebook - Size: 9 MB - Last synced: about 15 hours ago - Pushed: about 1 year ago - Stars: 691 - Forks: 135

YilmazKadir/Mask4Former

Mask4Former: Mask Transformer for 4D Panoptic Segmentation

Language: Python - Size: 1.48 MB - Last synced: 8 days ago - Pushed: 29 days ago - Stars: 21 - Forks: 2

mahdizynali/SegLight

SegLight is super fast and real-time semantic segmentation (cpu only) for humanoid soccer robots

Language: Python - Size: 206 KB - Last synced: 3 days ago - Pushed: 4 days ago - Stars: 5 - Forks: 1

kili-technology/kili-python-sdk

Simplest and fastest image and text annotation tool.

Language: Jupyter Notebook - Size: 384 MB - Last synced: about 11 hours ago - Pushed: about 12 hours ago - Stars: 223 - Forks: 27

Tramac/awesome-semantic-segmentation-pytorch

Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)

Language: Python - Size: 1.71 MB - Last synced: about 8 hours ago - Pushed: over 1 year ago - Stars: 2,753 - Forks: 579

WangLibo1995/GeoSeg

UNetFormer: A UNet-like transformer for efficient semantic segmentation of remote sensing urban scene imagery, ISPRS. Also, including other vision transformers and CNNs for satellite, aerial image and UAV image segmentation.

Language: Python - Size: 1.33 MB - Last synced: about 4 hours ago - Pushed: 6 days ago - Stars: 548 - Forks: 92

MarcoParola/oral_segmentation

Semantic and object segmentation on photographic images of oral cancer

Language: Python - Size: 97.7 KB - Last synced: about 4 hours ago - Pushed: 4 days ago - Stars: 22 - Forks: 0

va-kiet/LiPoSeg

A Lightweight Encoder-Decoder Network for LiDAR-based Road- Object Semantic Segmentation

Language: MATLAB - Size: 34.2 KB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

dmlc/gluon-cv

Gluon CV Toolkit

Language: Python - Size: 37.8 MB - Last synced: 4 days ago - Pushed: 25 days ago - Stars: 5,756 - Forks: 1,210

neuronets/nobrainer

A framework for developing neural network models for 3D image processing.

Language: Python - Size: 2.32 MB - Last synced: 2 days ago - Pushed: 2 days ago - Stars: 148 - Forks: 46

rese1f/UniAP

[AAAI 2024] UniAP: Towards Universal Animal Perception in Vision via Few-shot Learning

Language: Python - Size: 1.15 MB - Last synced: about 4 hours ago - Pushed: 5 months ago - Stars: 9 - Forks: 2

floatlazer/semantic_slam

Real time semantic slam in ROS with a hand held RGB-D camera

Language: C++ - Size: 43.8 MB - Last synced: 5 days ago - Pushed: almost 5 years ago - Stars: 603 - Forks: 175

haqishen/MFNet-pytorch

MFNet-pytorch, image semantic segmentation using RGB-Thermal images

Language: Python - Size: 6.73 MB - Last synced: 1 day ago - Pushed: over 4 years ago - Stars: 106 - Forks: 24

xiaoyufenfei/LEDNet

LEDNet: A Lightweight Encoder-Decoder Network for Real-time Semantic Segmentation

Language: Python - Size: 1.35 MB - Last synced: 5 days ago - Pushed: over 3 years ago - Stars: 510 - Forks: 79

guglielmocamporese/hands-segmentation-pytorch

A repo for training and finetuning models for hands segmentation.

Language: Python - Size: 2.62 MB - Last synced: about 4 hours ago - Pushed: 26 days ago - Stars: 90 - Forks: 12

aim-uofa/GenPercept

GenPercept: Diffusion Models Trained with Large Data Are Transferable Visual Models

Language: Python - Size: 29.1 MB - Last synced: about 4 hours ago - Pushed: 14 days ago - Stars: 79 - Forks: 1

HumanSignal/label-studio-frontend 📦

Data labeling react app that is backend agnostic and can be embedded into your applications — distributed as an NPM package

Language: JavaScript - Size: 102 MB - Last synced: 5 days ago - Pushed: 26 days ago - Stars: 411 - Forks: 315

Hitachi-Automotive-And-Industry-Lab/semantic-segmentation-editor

Web labeling tool for bitmap images and point clouds

Language: JavaScript - Size: 2.74 MB - Last synced: 4 days ago - Pushed: 9 months ago - Stars: 1,727 - Forks: 428

NRCan/geo-deep-learning

Deep learning applied to georeferenced datasets

Language: Python - Size: 106 MB - Last synced: about 23 hours ago - Pushed: about 23 hours ago - Stars: 147 - Forks: 44

haifangong/TRFE-Net-for-thyroid-nodule-segmentation

[ISBI'21, CBM'22] TRFE-Net for thyroid nodule segmentation

Language: Python - Size: 172 MB - Last synced: about 4 hours ago - Pushed: about 1 year ago - Stars: 56 - Forks: 7

vpulab/soft-labels-SS

Code for the paper: Soft labelling for budget-constrained semantic segmentation: Bringing coherence to label down-sampling

Language: Python - Size: 1000 Bytes - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 1 - Forks: 0

QingyongHu/RandLA-Net

🔥RandLA-Net in Tensorflow (CVPR 2020, Oral & IEEE TPAMI 2021)

Language: Python - Size: 375 MB - Last synced: 5 days ago - Pushed: 10 months ago - Stars: 1,245 - Forks: 317

stefanherdy/segment-anything-microseg

Implementation of Meta AI's Segment Anything Model to do an automated image annotation of simple microscope images

Language: Python - Size: 307 KB - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 3 - Forks: 0

IGNF/myria3d

Myria3D: Aerial Lidar HD Semantic Segmentation with Deep Learning

Language: Python - Size: 69.2 MB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 139 - Forks: 18

apple/ml-autofocusformer-segmentation

This is an official implementation for "AutoFocusFormer: Image Segmentation off the Grid".

Language: Python - Size: 8.17 MB - Last synced: 5 days ago - Pushed: 10 months ago - Stars: 60 - Forks: 2

open-mmlab/mmsegmentation

OpenMMLab Semantic Segmentation Toolbox and Benchmark.

Language: Python - Size: 43.2 MB - Last synced: 6 days ago - Pushed: 8 days ago - Stars: 7,447 - Forks: 2,482

linksense/LightNet

LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)

Language: Python - Size: 87.7 MB - Last synced: 6 days ago - Pushed: about 4 years ago - Stars: 715 - Forks: 175

hamnaanaa/Multiclass-Semantic-Segmentation-Duckietown-Dataset

A dataset of multiclass semantic segmentation image annotations (CVAT for Images 1.1) for the first 250 images of the "Duckietown Object Detection Dataset".

Language: Python - Size: 524 KB - Last synced: 6 days ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

HakaiInstitute/kelp-o-matic

Segmentation Tools for Remotely Sensed RPAS Imagery

Language: Python - Size: 525 MB - Last synced: 6 days ago - Pushed: 6 days ago - Stars: 11 - Forks: 2

osmr/imgclsmob

Sandbox for training deep learning networks

Language: Python - Size: 16.4 MB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 2,923 - Forks: 559

lukasmattheuwsen/KUDOSS-3D

Testing dataset for semantic segmentation on mobile mapping data

Language: HTML - Size: 20 MB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 1 - Forks: 0

TiagoCortinhal/SalsaNext

Uncertainty-aware Semantic Segmentation of LiDAR Point Clouds for Autonomous Driving

Language: Python - Size: 36.2 MB - Last synced: 5 days ago - Pushed: 8 months ago - Stars: 387 - Forks: 102

segments-ai/segments-ai

Segments.ai Python SDK

Language: Python - Size: 4.4 MB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 20 - Forks: 9

lhoyer/HRDA

[ECCV22] Official Implementation of HRDA: Context-Aware High-Resolution Domain-Adaptive Semantic Segmentation

Language: Python - Size: 3.24 MB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 228 - Forks: 32

lhoyer/DAFormer

[CVPR22] Official Implementation of DAFormer: Improving Network Architectures and Training Strategies for Domain-Adaptive Semantic Segmentation

Language: Python - Size: 5.83 MB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 430 - Forks: 90

hank891008/Deep-Learning

NYCU Deep Learning Spring 2024

Language: Python - Size: 5.02 MB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 1 - Forks: 0

yunlongdong/FCN-pytorch

Another pytorch implementation of FCN (Fully Convolutional Networks)

Language: Python - Size: 62.2 MB - Last synced: 1 day ago - Pushed: over 5 years ago - Stars: 160 - Forks: 52

ArdaGen/STEM-Automated-Nanoparticle-Analysis-YOLOv8-SAM

S/TEM Automated Nanoparticle Analysis

Language: Python - Size: 57.9 MB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 1 - Forks: 1

qanastek/HugsVision

HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision

Language: Jupyter Notebook - Size: 103 MB - Last synced: 7 days ago - Pushed: 9 months ago - Stars: 188 - Forks: 20

TLILegume/K1702_clover_analysis

Code for training semantic segmentation models and analyzing images of kura clover

Language: Jupyter Notebook - Size: 42.7 MB - Last synced: 7 days ago - Pushed: 7 days ago - Stars: 0 - Forks: 0

tue-mps/benchmark-vfm-ss

Language: Python - Size: 145 KB - Last synced: 7 days ago - Pushed: 8 days ago - Stars: 8 - Forks: 0

tianyu0207/PEBAL

[ECCV'22 Oral] Pixel-wise Energy-biased Abstention Learning for Anomaly Segmentation on Complex Urban Driving Scenes

Language: Python - Size: 673 KB - Last synced: 6 days ago - Pushed: 9 months ago - Stars: 139 - Forks: 20

Project-AgML/AgML

AgML is a centralized framework for agricultural machine learning. AgML provides access to public agricultural datasets for common agricultural deep learning tasks, with standard benchmarks and pretrained models, as well the ability to generate synthetic data and annotations.

Language: Python - Size: 144 MB - Last synced: about 22 hours ago - Pushed: 12 days ago - Stars: 156 - Forks: 25

ayoolaolafenwa/PixelLib

Visit PixelLib's official documentation https://pixellib.readthedocs.io/en/latest/

Language: Python - Size: 162 MB - Last synced: 6 days ago - Pushed: 7 months ago - Stars: 1,017 - Forks: 261

xadrianzetx/lanefinder

TPU accelerated traffic lane segmentation engine for your Raspberry Pi

Language: Python - Size: 17.9 MB - Last synced: about 7 hours ago - Pushed: over 2 years ago - Stars: 10 - Forks: 5

Ginga-Kennis/semantic_segmentation_ros

ROS package for semantic segmentation

Language: Python - Size: 54 MB - Last synced: 8 days ago - Pushed: 8 days ago - Stars: 24 - Forks: 1

twke18/Adversarial_Structure_Matching

Adversarial Structure Matching for Structured Prediction Tasks

Language: Python - Size: 2.48 MB - Last synced: 8 days ago - Pushed: over 4 years ago - Stars: 11 - Forks: 2

AH-Merii/gis_ml_workflow_example

Language: Jupyter Notebook - Size: 1.2 MB - Last synced: 8 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 1

gmalivenko/awesome-computer-vision-models

A list of popular deep learning models related to classification, segmentation and detection problems

Size: 103 KB - Last synced: about 23 hours ago - Pushed: about 3 years ago - Stars: 497 - Forks: 93

Syeda-Farhat/awesome-Transformers-For-Segmentation

Semantic segmentation is an important job in computer vision, and its applications have grown in popularity over the last decade.We grouped the publications that used various forms of segmentation in this repository. Particularly, every paper is built on a transformer.

Size: 198 KB - Last synced: 1 day ago - Pushed: 9 days ago - Stars: 15 - Forks: 0

Sahaji-2003/Satellite-LandCover-TreeEnumeration

Satellite Land cover segmentation and tree enumeration

Language: Python - Size: 21.7 MB - Last synced: 8 days ago - Pushed: 9 days ago - Stars: 0 - Forks: 0

Gregor-Mendel-Institute/aradeepopsis

A versatile, fully open-source pipeline to extract phenotypic measurements from plant images

Language: Nextflow - Size: 2.75 MB - Last synced: 6 days ago - Pushed: over 1 year ago - Stars: 40 - Forks: 9

yoshitomo-matsubara/torchdistill

A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆25 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.

Language: Python - Size: 7.84 MB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 1,280 - Forks: 123

pycroscopy/atomai

Deep and Machine Learning for Microscopy

Language: Python - Size: 194 MB - Last synced: 6 days ago - Pushed: 3 months ago - Stars: 181 - Forks: 36

CVI-SZU/CLIMS

[CVPR 2022] CLIMS: Cross Language Image Matching for Weakly Supervised Semantic Segmentation

Language: Python - Size: 41.5 MB - Last synced: 5 days ago - Pushed: 10 days ago - Stars: 115 - Forks: 11

Mainak431/TGS-SALT-SEGMENTATION-

Kaggle Machine Learning computer vision project

Language: Python - Size: 1.19 MB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 0 - Forks: 0

MIT-SPARK/Kimera-Semantics

Real-Time 3D Semantic Reconstruction from 2D data

Language: C++ - Size: 77.3 MB - Last synced: 5 days ago - Pushed: 5 months ago - Stars: 610 - Forks: 133

rd20karim/M2T-Segmentation

Official implementation of the paper Motion2Language, Unsupervised learning of synchronized semantic motion segmentation

Language: Python - Size: 5.32 MB - Last synced: 11 days ago - Pushed: 11 days ago - Stars: 5 - Forks: 1

mberkay0/pretrained-backbones-unet

A PyTorch-based Python library with UNet architecture and multiple backbones for Image Semantic Segmentation.

Language: Python - Size: 20.5 KB - Last synced: 10 days ago - Pushed: about 1 year ago - Stars: 37 - Forks: 8

FZJ-INM1-BDA/celldetection

Instance Segmentation with PyTorch & PyTorch Lightning.

Language: Python - Size: 15.3 MB - Last synced: 11 days ago - Pushed: 11 days ago - Stars: 112 - Forks: 21

volume-em/empanada

Panoptic segmentation algorithms for 2D and 3D electron microscopy images

Language: Python - Size: 25.6 MB - Last synced: 6 days ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

codecentric-oss/niceml

niceML 🍦 is a Python-based MLOps framework designed to streamline the development and maintenance of machine learning projects, offering efficient and scalable pipelines using TensorFlow and Dagster.

Language: Python - Size: 30.3 MB - Last synced: about 18 hours ago - Pushed: about 19 hours ago - Stars: 36 - Forks: 2

incognite-lab/myGym

myGym enables fast prototyping of RL in the area of robotic manipulation and navigation.You can train different robots, in several environments on various tasks. There is automatic evaluation and benchmark tool. From version 2.1 there is support for multi-step tasks, multi-reward training and multi-network architectures.

Language: Python - Size: 630 MB - Last synced: 13 days ago - Pushed: 14 days ago - Stars: 45 - Forks: 10

Related Keywords
semantic-segmentation 2,038 deep-learning 742 pytorch 521 computer-vision 391 segmentation 256 tensorflow 249 unet 175 object-detection 165 machine-learning 154 python 151 image-segmentation 151 convolutional-neural-networks 110 keras 108 instance-segmentation 101 cityscapes 89 cnn 73 u-net 71 domain-adaptation 70 dataset 70 deep-neural-networks 70 fcn 67 unet-image-segmentation 65 deeplabv3 59 image-classification 58 remote-sensing 56 image-processing 55 neural-network 54 classification 54 fully-convolutional-networks 51 transformer 51 point-cloud 50 medical-imaging 49 autonomous-driving 48 panoptic-segmentation 47 self-driving-car 44 autonomous-vehicles 41 deeplearning 41 transfer-learning 40 tensorflow2 40 real-time 39 keras-tensorflow 39 deeplab 38 python3 34 satellite-imagery 34 deeplab-v3-plus 33 ade20k 33 artificial-intelligence 33 pspnet 31 segnet 31 depth-estimation 31 semi-supervised-learning 30 pytorch-implementation 30 neural-networks 30 vision-transformer 28 opencv 27 pascal-voc 27 imagenet 26 self-supervised-learning 24 pytorch-lightning 24 lidar 23 vgg16 23 ai 23 unet-pytorch 22 mask-rcnn 21 gan 21 labeling-tool 20 resnet 19 ros 19 annotation-tool 19 weakly-supervised-learning 19 lidar-point-cloud 19 knowledge-distillation 19 aerial-imagery 18 coco 18 medical-image-segmentation 18 image-annotation 18 real-time-semantic-segmentation 17 annotation 17 robotics 17 cvpr2022 17 cityscapes-dataset 16 transformers 16 udacity 16 scene-understanding 16 segmentation-models 16 3d 16 kitti-dataset 16 lane-detection 15 jupyter-notebook 15 unsupervised-learning 15 detectron2 15 docker 15 data-augmentation 14 pretrained-models 14 unet-keras 14 enet 14 3d-vision 14 annotations 14 detection 14 unet-segmentation 14