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)
Implementation of PersonaGPT Dialog Model

PersonaGPT An open-domain conversational agent with many personalities PersonaGPT is an open-domain conversational agent cpable of decoding personaliz

ILLIDAN Lab 42 Jan 01, 2023
Implementation of Shape and Electrostatic similarity metric in deepFMPO.

DeepFMPO v3D Code accompanying the paper "On the value of using 3D-shape and electrostatic similarities in deep generative methods". The paper can be

34 Nov 28, 2022
An implementation of the WHATWG URL Standard in JavaScript

whatwg-url whatwg-url is a full implementation of the WHATWG URL Standard. It can be used standalone, but it also exposes a lot of the internal algori

314 Dec 28, 2022
Code for Mining the Benefits of Two-stage and One-stage HOI Detection

Status: Archive (code is provided as-is, no updates expected) PPO-EWMA [Paper] This is code for training agents using PPO-EWMA and PPG-EWMA, introduce

OpenAI 33 Dec 15, 2022
Code for the paper “The Peril of Popular Deep Learning Uncertainty Estimation Methods”

Uncertainty Estimation Methods Code for the paper “The Peril of Popular Deep Learning Uncertainty Estimation Methods” Reference If you use this code,

EPFL Machine Learning and Optimization Laboratory 4 Apr 05, 2022
Unsupervised Representation Learning via Neural Activation Coding

Neural Activation Coding This repository contains the code for the paper "Unsupervised Representation Learning via Neural Activation Coding" published

yookoon park 5 May 26, 2022
Deconfounding Temporal Autoencoder: Estimating Treatment Effects over Time Using Noisy Proxies

Deconfounding Temporal Autoencoder (DTA) This is a repository for the paper "Deconfounding Temporal Autoencoder: Estimating Treatment Effects over Tim

Milan Kuzmanovic 3 Feb 04, 2022
Pytorch reimplementation of PSM-Net: "Pyramid Stereo Matching Network"

This is a Pytorch Lightning version PSMNet which is based on JiaRenChang/PSMNet. use python main.py to start training. PSM-Net Pytorch reimplementatio

XIAOTIAN LIU 1 Nov 25, 2021
Code for `BCD Nets: Scalable Variational Approaches for Bayesian Causal Discovery`, Neurips 2021

This folder contains the code for 'Scalable Variational Approaches for Bayesian Causal Discovery'. Installation To install, use conda with conda env c

14 Sep 21, 2022
Tensorflow 2 Object Detection API kurulumu, GPU desteği, custom model hazırlama

Tensorflow 2 Object Detection API Bu tutorial, TensorFlow 2.x'in kararlı sürümü olan TensorFlow 2.3'ye yöneliktir. Bu, görüntülerde / videoda nesne a

46 Nov 20, 2022
Lip Reading - Cross Audio-Visual Recognition using 3D Convolutional Neural Networks

Lip Reading - Cross Audio-Visual Recognition using 3D Convolutional Neural Networks - Official Project Page This repository contains the code develope

Amirsina Torfi 1.7k Dec 18, 2022
Deep learning model for EEG artifact removal

DeepSeparator Introduction Electroencephalogram (EEG) recordings are often contaminated with artifacts. Various methods have been developed to elimina

23 Dec 21, 2022
A repo for Causal Imitation Learning under Temporally Correlated Noise

CausIL A repo for Causal Imitation Learning under Temporally Correlated Noise. Running Experiments To re-train an expert, run: python experts/train_ex

Gokul Swamy 5 Nov 01, 2022
Rethinking the U-Net architecture for multimodal biomedical image segmentation

MultiResUNet Rethinking the U-Net architecture for multimodal biomedical image segmentation This repository contains the original implementation of "M

Nabil Ibtehaz 308 Jan 05, 2023
RuleBERT: Teaching Soft Rules to Pre-Trained Language Models

RuleBERT: Teaching Soft Rules to Pre-Trained Language Models (Paper) (Slides) (Video) RuleBERT is a pre-trained language model that has been fine-tune

16 Aug 24, 2022
Deep Learning Training Scripts With Python

Deep Learning Training Scripts DNN Frameworks Caffe PyTorch Tensorflow CNN Models VGG ResNet DenseNet Inception Language Modeling GatedCNN-LM Attentio

Multicore Computing Research Lab 16 Dec 15, 2022
ANEA: Automated (Named) Entity Annotation for German Domain-Specific Texts

ANEA The goal of Automatic (Named) Entity Annotation is to create a small annotated dataset for NER extracted from German domain-specific texts. Insta

Anastasia Zhukova 2 Oct 07, 2022
An implementation of EWC with PyTorch

EWC.pytorch An implementation of Elastic Weight Consolidation (EWC), proposed in James Kirkpatrick et al. Overcoming catastrophic forgetting in neural

Ryuichiro Hataya 166 Dec 22, 2022
This repository contains the code and models necessary to replicate the results of paper: How to Robustify Black-Box ML Models? A Zeroth-Order Optimization Perspective

Black-Box-Defense This repository contains the code and models necessary to replicate the results of our recent paper: How to Robustify Black-Box ML M

OPTML Group 2 Oct 05, 2022
This repository contains part of the code used to make the images visible in the article "How does an AI Imagine the Universe?" published on Towards Data Science.

Generative Adversarial Network - Generating Universe This repository contains part of the code used to make the images visible in the article "How doe

Davide Coccomini 9 Dec 18, 2022