All Projects → hardyqr → PyTorch-Segmentation-Zoo

hardyqr / PyTorch-Segmentation-Zoo

Licence: other
A PyTorch collection of semantic segmentation tools.

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to PyTorch-Segmentation-Zoo

Multiclass Semantic Segmentation Camvid
Tensorflow 2 implementation of complete pipeline for multiclass image semantic segmentation using UNet, SegNet and FCN32 architectures on Cambridge-driving Labeled Video Database (CamVid) dataset.
Stars: ✭ 67 (+103.03%)
Mutual labels:  image-segmentation, unet
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (+278.79%)
Mutual labels:  image-segmentation, unet
Paddleseg
End-to-end image segmentation kit based on PaddlePaddle.
Stars: ✭ 1,244 (+3669.7%)
Mutual labels:  image-segmentation, unet
Pytorch Unet
Simple PyTorch implementations of U-Net/FullyConvNet (FCN) for image segmentation
Stars: ✭ 470 (+1324.24%)
Mutual labels:  image-segmentation, unet
Geospatial Machine Learning
A curated list of resources focused on Machine Learning in Geospatial Data Science.
Stars: ✭ 289 (+775.76%)
Mutual labels:  remote-sensing, image-segmentation
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (+48.48%)
Mutual labels:  image-segmentation, unet
Open Solution Salt Identification
Open solution to the TGS Salt Identification Challenge
Stars: ✭ 124 (+275.76%)
Mutual labels:  image-segmentation, unet
ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow implementation) (IEEE ISM)
Stars: ✭ 69 (+109.09%)
Mutual labels:  image-segmentation, unet
Deep Unet For Satellite Image Segmentation
Satellite Imagery Feature Detection with SpaceNet dataset using deep UNet
Stars: ✭ 227 (+587.88%)
Mutual labels:  image-segmentation, unet
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
Stars: ✭ 196 (+493.94%)
Mutual labels:  image-segmentation, unet
Pytorch Nested Unet
PyTorch implementation of UNet++ (Nested U-Net).
Stars: ✭ 416 (+1160.61%)
Mutual labels:  image-segmentation, unet
ResUNetPlusPlus-with-CRF-and-TTA
ResUNet++, CRF, and TTA for segmentation of medical images (IEEE JBIHI)
Stars: ✭ 98 (+196.97%)
Mutual labels:  image-segmentation, unet
Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+13790.91%)
Mutual labels:  image-segmentation, unet
Unet Tensorflow
Tensorflow implement of U-Net
Stars: ✭ 50 (+51.52%)
Mutual labels:  image-segmentation, unet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+10733.33%)
Mutual labels:  image-segmentation, unet
Tf.keras Commonly Used Models
基于Tensorflow的常用模型,包括分类分割、新型激活、卷积模块,可在Tensorflow2.X下运行。
Stars: ✭ 115 (+248.48%)
Mutual labels:  image-segmentation, unet
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (+93.94%)
Mutual labels:  image-segmentation, unet
uformer-pytorch
Implementation of Uformer, Attention-based Unet, in Pytorch
Stars: ✭ 54 (+63.64%)
Mutual labels:  image-segmentation, unet
Keras unet plus plus
keras implementation of unet plus plus
Stars: ✭ 166 (+403.03%)
Mutual labels:  image-segmentation, unet
Eye In The Sky
Satellite Image Classification using semantic segmentation methods in deep learning
Stars: ✭ 185 (+460.61%)
Mutual labels:  remote-sensing, unet

PyTorch Semantic Segmentation Zoo

  • Currently under construction.

run

python3 train.py --train_rgb_path ./data/image/train \
                 --train_depth_path ./data/depth/train \
                 --train_label_path ./data/label37/train \
                 --val_rgb_path ./data/image/test \
                 --val_depth_path ./data/depth/test \
                 --val_label_path ./data/label37/test \
                 --batch_size 2 \
                 --lr 0.001 \
                 --n_classes 38 \
                 --model Deeplab-v2 \
                 --data SUNRGBD \
                 --log_path runs/test \
                 --epochs 30

Requirements

  • PyTorch >= 4.0
  • tensorboardX

Supported models

(Most models are referenced from open source projects. Please check top of [model].py for source(s).)

  • U-Net
  • ResNet-DUC-HDC
  • DeepLab-v2 (ResNet)
  • DeepLab-LargeFOV (VGG16)

Supported datasets

  • SUN RGB-D
  • Pascal VOC 2012

TODO

  • tensorboardX for visualizing logs
  • inference.py
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].