sssegmentation is a general framework for our research on strongly supervised semantic segmentation.

Overview

Introduction

sssegmentation is a general framework for our research on strongly supervised semantic segmentation.

Documents

In English

https://sssegmentation.readthedocs.io/en/latest/

Supported

Supported Backbones

Supported Models

Supported Datasets

Citation

If you use this framework in your research, please cite this project.

@misc{ssseg2020,
    author = {Zhenchao Jin},
    title = {SSSegmentation: A general framework for strongly supervised semantic segmentation},
    year = {2020},
    publisher = {GitHub},
    journal = {GitHub repository},
    howpublished = {\url{https://github.com/SegmentationBLWX/sssegmentation}},
}

References

[1]. https://github.com/open-mmlab/mmcv
[2]. https://github.com/open-mmlab/mmsegmentation
Comments
  • Training on custom dataset with 4 channels

    Training on custom dataset with 4 channels

    Hi, I want to train my own dataset which has images in 4 channels - RGB images and IR(infrared) images. Could you help me out with that? How can i modify the codes of this repo to accommodate that extra channel?

    opened by cspearl 4
  • how to train with multi-gpu in one machine

    how to train with multi-gpu in one machine

    hi,i wanna train the model with 4 gpus in one machine however, your code 'distrain.sh' and 'train.py' can only train with distributed mode in multi-machine how can i modify the code ?

    opened by Kenneth-X 3
  • isnet:imagelevel.py

    isnet:imagelevel.py

    imagelevel.py : 47: feats_il = self.correlate_net(x, torch.cat([x_global, x], dim=1))

    isanet.py: 47:context = super(SelfAttentionBlock, self).forward(x, x)

    is there any problem? bug?

    opened by shujunyy123 3
  • How to modify parameters to use single card training?

    How to modify parameters to use single card training?

    How to modify parameters to use single card training?

    In addition to modifying the following in config:

    SEGMENTOR_CFG.update(distributed{'is_on':False})

    opened by kakamie 1
  • SWIN-B with DeepLabv3+ training on custom dataset

    SWIN-B with DeepLabv3+ training on custom dataset

    Hi, I am learning about Segmentation and want to try out the segmentation my custom data set. Could you please provide steps on how to use supported backbones with some particular architectures?

    If I want to use SWIN-B as my backbone on DeepLabV3+ using a custom dataset, what should be the commands and all. I could not find anything on the docs and on the github page. Could you please help.

    opened by deshwalmahesh 1
  • Is there should be 'continue'?

    Is there should be 'continue'?

    https://github.com/SegmentationBLWX/sssegmentation/blob/7a405b1a4949606deae067223ebd68cceec6b225/ssseg/modules/models/memorynet/memory.py#L176

    If there are more than one 'num_feats_per_cls' in the furture, 'break' will make this for loop only update the first memory_feature?

    opened by EricKani 1
  • 医学图像分割也很有意义,我想给你一些公开的医学图像数据集。哈哈哈哈

    医学图像分割也很有意义,我想给你一些公开的医学图像数据集。哈哈哈哈

    Hi @CharlesPikachu !UNet 也是大名鼎鼎的分割模型啊,它在医学图像分割领域是 SOTA,个人认为 Supported Models 列表里应该有名字,而且应该在 FCN 之后。哈哈哈 🥇

    虽然 PyTorch Hub 已经有预训练的 UNet 了,但我想要皮卡丘也有! 🛩️

    这里提供一些医学数据集给你参考:

    opened by S-HuaBomb 1
Releases(v1.0.0)
A rough implementation of the paper "A Steering Algorithm for Redirected Walking Using Reinforcement Learning"

A rough implementation of the paper "A Steering Algorithm for Redirected Walking Using Reinforcement Learning"

Somnus `Chen 2 Jun 09, 2022
PyTorch implementation for Graph Contrastive Learning with Augmentations

Graph Contrastive Learning with Augmentations PyTorch implementation for Graph Contrastive Learning with Augmentations [poster] [appendix] Yuning You*

Shen Lab at Texas A&M University 382 Dec 15, 2022
Code for KDD'20 "An Efficient Neighborhood-based Interaction Model for Recommendation on Heterogeneous Graph"

Heterogeneous INteract and aggreGatE (GraphHINGE) This is a pytorch implementation of GraphHINGE model. This is the experiment code in the following w

Jinjiarui 69 Nov 24, 2022
DRLib:A concise deep reinforcement learning library, integrating HER and PER for almost off policy RL algos.

DRLib:A concise deep reinforcement learning library, integrating HER and PER for almost off policy RL algos A concise deep reinforcement learning libr

329 Jan 03, 2023
This is the repository for CVPR2021 Dynamic Metric Learning: Towards a Scalable Metric Space to Accommodate Multiple Semantic Scales

Intro This is the repository for CVPR2021 Dynamic Metric Learning: Towards a Scalable Metric Space to Accommodate Multiple Semantic Scales Vehicle Sam

39 Jul 21, 2022
Systemic Evolutionary Chemical Space Exploration for Drug Discovery

SECSE SECSE: Systemic Evolutionary Chemical Space Explorer Chemical space exploration is a major task of the hit-finding process during the pursuit of

64 Dec 16, 2022
Rethinking Nearest Neighbors for Visual Classification

Rethinking Nearest Neighbors for Visual Classification arXiv Environment settings Check out scripts/env_setup.sh Setup data Download the following fin

Menglin Jia 29 Oct 11, 2022
RepVGG: Making VGG-style ConvNets Great Again

RepVGG: Making VGG-style ConvNets Great Again (PyTorch) This is a super simple ConvNet architecture that achieves over 80% top-1 accuracy on ImageNet

2.8k Jan 04, 2023
Research on controller area network Intrusion Detection Systems

Group members information Member 1: Lixue Liang Member 2: Yuet Lee Chan Member 3: Xinruo Zhang Member 4: Yifei Han User Manual Generate Attack Packets

Roche 4 Aug 30, 2022
Time series annotation library.

CrowdCurio Time Series Annotator Library The CrowdCurio Time Series Annotation Library implements classification tasks for time series. Features Suppo

CrowdCurio 51 Sep 15, 2022
PyTorch implementation of D2C: Diffuison-Decoding Models for Few-shot Conditional Generation.

D2C: Diffuison-Decoding Models for Few-shot Conditional Generation Project | Paper PyTorch implementation of D2C: Diffuison-Decoding Models for Few-sh

Jiaming Song 90 Dec 27, 2022
Not All Points Are Equal: Learning Highly Efficient Point-based Detectors for 3D LiDAR Point Clouds (CVPR 2022, Oral)

Not All Points Are Equal: Learning Highly Efficient Point-based Detectors for 3D LiDAR Point Clouds (CVPR 2022, Oral) This is the official implementat

Yifan Zhang 259 Dec 25, 2022
Invasive Plant Species Identification

Invasive_Plant_Species_Identification Used LiDAR Odometry and Mapping (LOAM) to create a 3D point cloud map which can be used to identify invasive pla

2 May 12, 2022
A curated list of awesome Model-Based RL resources

Awesome Model-Based Reinforcement Learning This is a collection of research papers for model-based reinforcement learning (mbrl). And the repository w

OpenDILab 427 Jan 03, 2023
Repository for GNSS-based position estimation using a Deep Neural Network

Code repository accompanying our work on 'Improving GNSS Positioning using Neural Network-based Corrections'. In this paper, we present a Deep Neural

32 Dec 13, 2022
This repository contains code, network definitions and pre-trained models for working on remote sensing images using deep learning

Deep learning for Earth Observation This repository contains code, network definitions and pre-trained models for working on remote sensing images usi

Nicolas Audebert 447 Jan 05, 2023
[NeurIPS 2021 Spotlight] Code for Learning to Compose Visual Relations

Learning to Compose Visual Relations This is the pytorch codebase for the NeurIPS 2021 Spotlight paper Learning to Compose Visual Relations. Demo Imag

Nan Liu 88 Jan 04, 2023
Attention-guided gan for synthesizing IR images

SI-AGAN Attention-guided gan for synthesizing IR images This repository contains the Tensorflow code for "Pedestrian Gender Recognition by Style Trans

1 Oct 25, 2021
GLODISMO: Gradient-Based Learning of Discrete Structured Measurement Operators for Signal Recovery

GLODISMO: Gradient-Based Learning of Discrete Structured Measurement Operators for Signal Recovery This is the code to the paper: Gradient-Based Learn

3 Feb 15, 2022
Meta-Learning Sparse Implicit Neural Representations (NeurIPS 2021)

Meta-SparseINR Official PyTorch implementation of "Meta-learning Sparse Implicit Neural Representations" (NeurIPS 2021) by Jaeho Lee*, Jihoon Tack*, N

Jaeho Lee 41 Nov 10, 2022