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)
tensorflow code for inverse face rendering

InverseFaceRender This is tensorflow code for our project: Learning Inverse Rendering of Faces from Real-world Videos. (https://arxiv.org/abs/2003.120

Yuda Qiu 18 Nov 16, 2022
CO-PILOT: COllaborative Planning and reInforcement Learning On sub-Task curriculum

CO-PILOT CO-PILOT: COllaborative Planning and reInforcement Learning On sub-Task curriculum, NeurIPS 2021, Shuang Ao, Tianyi Zhou, Guodong Long, Qingh

Shuang Ao 1 Feb 18, 2022
Unofficial implementation of MUSIQ (Multi-Scale Image Quality Transformer)

MUSIQ: Multi-Scale Image Quality Transformer Unofficial pytorch implementation of the paper "MUSIQ: Multi-Scale Image Quality Transformer" (paper link

41 Jan 02, 2023
MlTr: Multi-label Classification with Transformer

MlTr: Multi-label Classification with Transformer This is official implement of "MlTr: Multi-label Classification with Transformer". Abstract The task

程星 38 Nov 08, 2022
PyTorch Implementation for Fracture Detection in Wrist Bone X-ray Images

wrist-d PyTorch Implementation for Fracture Detection in Wrist Bone X-ray Images note: Paper: Under Review at MPDI Diagnostics Submission Date: Novemb

Fatih UYSAL 5 Oct 12, 2022
A self-supervised 3D representation learning framework named viewpoint bottleneck.

Pointly-supervised 3D Scene Parsing with Viewpoint Bottleneck Paper Created by Liyi Luo, Beiwen Tian, Hao Zhao and Guyue Zhou from Institute for AI In

63 Aug 11, 2022
The official implementation of Autoregressive Image Generation using Residual Quantization (CVPR '22)

Autoregressive Image Generation using Residual Quantization (CVPR 2022) The official implementation of "Autoregressive Image Generation using Residual

Kakao Brain 529 Dec 30, 2022
OrienMask: Real-time Instance Segmentation with Discriminative Orientation Maps

OrienMask This repository implements the framework OrienMask for real-time instance segmentation. It achieves 34.8 mask AP on COCO test-dev at the spe

45 Dec 13, 2022
[SIGMETRICS 2022] One Proxy Device Is Enough for Hardware-Aware Neural Architecture Search

One Proxy Device Is Enough for Hardware-Aware Neural Architecture Search paper | website One Proxy Device Is Enough for Hardware-Aware Neural Architec

10 Dec 16, 2022
TCube generates rich and fluent narratives that describes the characteristics, trends, and anomalies of any time-series data (domain-agnostic) using the transfer learning capabilities of PLMs.

TCube: Domain-Agnostic Neural Time series Narration This repository contains the code for the paper: "TCube: Domain-Agnostic Neural Time series Narrat

Mandar Sharma 7 Oct 31, 2021
Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context Code in both PyTorch and TensorFlow

Transformer-XL: Attentive Language Models Beyond a Fixed-Length Context This repository contains the code in both PyTorch and TensorFlow for our paper

Zhilin Yang 3.3k Jan 06, 2023
Set of models for classifcation of 3D volumes

Classification models 3D Zoo - Keras and TF.Keras This repository contains 3D variants of popular CNN models for classification like ResNets, DenseNet

69 Dec 28, 2022
WHENet: Real-time Fine-Grained Estimation for Wide Range Head Pose

WHENet: Real-time Fine-Grained Estimation for Wide Range Head Pose Yijun Zhou and James Gregson - BMVC2020 Abstract: We present an end-to-end head-pos

368 Dec 26, 2022
Qt-GUI implementation of the YOLOv5 algorithm (ver.6 and ver.5)

YOLOv5-GUI 🎉 YOLOv5算法(ver.6及ver.5)的Qt-GUI实现 🎉 Qt-GUI implementation of the YOLOv5 algorithm (ver.6 and ver.5). 基于YOLOv5的v5版本和v6版本及Javacr大佬的UI逻辑进行编写

EricFang 12 Dec 28, 2022
Implementation for our ICCV 2021 paper: Dual-Camera Super-Resolution with Aligned Attention Modules

DCSR: Dual Camera Super-Resolution Implementation for our ICCV 2021 oral paper: Dual-Camera Super-Resolution with Aligned Attention Modules paper | pr

Tengfei Wang 110 Dec 20, 2022
Neural Scene Flow Prior (NeurIPS 2021 spotlight)

Neural Scene Flow Prior Xueqian Li, Jhony Kaesemodel Pontes, Simon Lucey Will appear on Thirty-fifth Conference on Neural Information Processing Syste

Lilac Lee 85 Jan 03, 2023
PyAF is an Open Source Python library for Automatic Time Series Forecasting built on top of popular pydata modules.

PyAF (Python Automatic Forecasting) PyAF is an Open Source Python library for Automatic Forecasting built on top of popular data science python module

CARME Antoine 405 Jan 02, 2023
这是一个利用facenet和retinaface实现人脸识别的库,可以进行在线的人脸识别。

Facenet+Retinaface:人脸识别模型在Keras当中的实现 目录 注意事项 Attention 所需环境 Environment 文件下载 Download 预测步骤 How2predict 参考资料 Reference 注意事项 该库中包含了两个网络,分别是retinaface和fa

Bubbliiiing 31 Nov 15, 2022
Code for WSDM 2022 paper, Contrastive Learning for Representation Degeneration Problem in Sequential Recommendation.

DuoRec Code for WSDM 2022 paper, Contrastive Learning for Representation Degeneration Problem in Sequential Recommendation. Usage Download datasets fr

Qrh 46 Dec 19, 2022
Python implementation of Wu et al (2018)'s registration fusion

reg-fusion Projection of a central sulcus probability map using the RF-ANTs approach (right hemisphere shown). This is a Python implementation of Wu e

Dan Gale 26 Nov 12, 2021