Giter Site home page Giter Site logo

semantic-segmentation's Introduction

Weakly-Segmentation

List of useful codes and papers for weakly supervised Semantic/Instance/Panoptic/Few Shot Segmentation

Top Works

PASCAL VOC2012

method val test notes
DSRGCVPR2018 61.4 63.2 deep seeded region growing, resnet-lfov|vgg-aspp
psaCVPR2018 61.7 63.7 pixel affinity network, resnet38
MDCCVPR2018 60.4 60.8 multi-dilated convolution, vgg-lfov
MCOFCVPR2018 60.3 61.2 iterative, RegionNet(sppx), resnet-lfov
GAINCVPR2018 55.3 56.8
DCSPBMVC2017 58.6 59.2 adversarial for saliency, and generate cues by cam+saliency(harmonic mean)
GuidedSegCVPR2017 55.7 56.7 saliency, TBD
BDSSWCVPR2018 63.0 63.9 webly, filter+enhance
WegSegarxiv 63.1 63.3 webly(pure), Noise filter module
SeeNetNIPS2018 63.1 62.8 based on DCSP
GraphECCV2018 63.6 64.5 graph partition
GraphECCV2018 64.5 65.6 use simple ImageNet dataset additionally
CIANCVPR2019 64.1 64.7 cross image affinity network
FickleNetCVPR2019 64.9 65.3 use dropout (a generalization of dilated convolution)

Resources

see this for more weakly lists and resources.
see this for more semantic/instance/panoptic/video segmentation lists and resources. see this for more implementations
a good architecture summary paper:Learning a Discriminative Feature Network for Semantic Segmentation

Tutorial

Implementation

pytorch-segmentation-detection a library for dense inference and training of Convolutional Neural Networks, 68.0%

rdn Dilated Residual Networks, 75.6%, may be the best available semantic segmentation in PyTorch?

Detectron.pytorch A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available. only for coco now

AdvSemiSeg Adversarial Learning for Semi-supervised Semantic Segmentation. heavily borrowed from a pytorch DeepLab implementation (Link)

PyTorch-ENet PyTorch implementation of ENet

tensorflow-deeplab-resnet Tensorflow implementation of deeplab-resnet(deeplabv2, resnet101-based): complete and detailed

tensorflow-deeplab-lfov Tensorflow implementation of deeplab-LargeFOV(deeplabv2, vgg16-based): complete and detailed

resnet38 Wider or Deeper: Revisiting the ResNet Model for Visual Recognition: implemented using MXNET

pytorch_deeplab_large_fov: deeplab v1

pytorch-deeplab-resnetDeepLab resnet v2 model in pytorch

DeepLab-ResNet-Pytorch Deeplab v3 model in pytorch,

BDWSS Bootstrapping the Performance of Webly Supervised Semantic Segmentation

psa Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation

DSRG: Caffe, CAM and DRFI provided

SEC

Related Tasks

Few-shot segmentation

  • One-shot learning for semantic segmentation, BMVC2017
  • Conditional networks for few-shot semantic segmentation, ICLR2018 Workshop
  • Few-Shot Segmentation Propagation with Guided Networks, preprint
  • Few-Shot Semantic Segmentation with Prototype Learning, BMVC2018
  • Attention-based Multi-Context Guiding for Few-Shot Semantic Segmentation, AAAI2019
  • CANet: Class-Agnostic Segmentation Networks with Iterative Refinement and Attentive Few-Shot Learning, CVPR2019
  • One-Shot Segmentation in Clutter, ICML 2018

Weakly-supervised Instance Segmentation

  • Weakly Supervised Instance Segmentation using Class Peak Response, CVPR2018
  • Weakly Supervised Learning of Instance Segmentation with Inter-pixel Relations, CVPR2019
  • Object Counting and Instance Segmentation with Image-level Supervision, CVPR2019
  • Cyclic Guidance for Weakly Supervised Joint Detection and Segmentation, CVPR2019
  • Where are the Masks: Instance Segmentation with Image-level Supervision, BMVC2019

Weakly-supervised Panoptic Segmentation

  • Weakly- and Semi-Supervised Panoptic Segmentation, ECCV2018

Reading List

Under Review

Published

context

  • Context Encoding for Semantic Segmentation: CVPR2018. use TEN
  • The Role of Context for Object Detection and Semantic Segmentation in the Wild: CVPR2014
  • Objects as Context for Detecting Their Semantic Parts: CVPR2018
  • Exploring context with deep structured models for semantic segmentation: TPAMI2017
  • dilated convolution
  • Deep TEN: Texture encoding network !!: CVPR2017. A global context vector, pooled from all spatial positions, can be concatenated to local features
  • Refinenet: Multi-path refinement networks for high-resolution semantic segmentation: CVPR2017. local features across different scales can be fused to encode global context
  • Non-local neural networks: CVPR2018. a densely connected graph with pairwise edges between all pixels

graph

  • Associating Inter-Image Salient Instances for Weakly Supervised Semantic Segmentation: ECCV2018

bbox-level

Box-driven Class-wise Region Masking and Filling Rate Guided Loss for Weakly Supervised Semantic Segmentation, CVPR2019

webly

  • Weakly Supervised Semantic Segmentation Based on Web Image Cosegmentation: BMVC2017, training model using masks of web images which are generated by cosegmentation
  • Webly Supervised Semantic Segmentation: CVPR2017
  • Weakly Supervised Semantic Segmentation using Web-Crawled Videos: CVPR2017, learns a class-agnostic decoder(attention map -> binary mask), pseudo masks are generated from video frames by solving a graph-based optimization problem.
  • Bootstrapping the Performance of Webly Supervised Semantic Segmentation: target + web domain, target model filters web images, refine mask by combine target and web masks.
  • Learning from Weak and Noisy Labels for Semantic Segmentation: TPAMI2017
  • WebSeg: Learning Semantic Segmentation from Web Searches: arxiv, directly learning from keywork retrievaled web images. using saliency and region(MCG with edge)
  • STC: A Simple to Complex Framework for Weakly-supervised Semantic Segmentation: TPAMI 2017, Initial, Enhanced, Powerful three DCNN model. inital mask(generated by saliency and label using simple images) -> initial model -> enhanced mask(generated using simple images) -> Enhanced model -> powerful mask(generated using complex images) -> powerful model
    • saliency can not handle complex images, so BMVC2017 uses coseg instead

Saliency

  • Exploiting Saliency for Object Segmentation from Image Level Labels: CVPR2017
  • Discovering Class-Specific Pixels for Weakly-Supervised Semantic Segmentation: BMVC2017
    • combine saliency(off-shelf) and CAM to get cues, use harmonic mean function
    • adapt CAM from head of Segmentation Network
    • use erasing to get multiple objects' saliency

localization

  • Adversarial Complementary Learning for Weakly Supervised Object Localization, CVPR2018. two branchs, remove high activations from feature map. code
  • Tell me where to look: Guided Attention Inference Network, CVPR2018. origin image soft erasing(CAM after sigmoid as attention) -> end2end training, force erased images have zero activation
  • Self-Erasing Network for Integral Object Attention, NIPS2018: prohibit attentions from spreading to unexpected background regions.
    • cam -> tenary mask(attention, background, potential)
    • self erasing only in attention + potential region(sign flip in background region instead of setting to 0 simply)
    • self produced psedo label for background region(difference to SPG: 1.psedo label for background and attention 2.supervise low layer)
  • Self-produced Guidance for Weakly-supervised Object localization, ECCV2018:
    • self supervised use top down framework, for single label classification prob. add pixel-wise supervision when only have image level label
    • B1, B2 sharing
    • bottom guide top inversely(B1+B2 -> C)

spp

  • Superpixel convolutional networks using bilateral inceptions
  • Learning Superpixels with Segmentation-Aware Affinity Loss: good intro for superpixel algs.

affinity

  • Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation: image-level, semantic affinity, learn a network to predict affinity
  • Adaptive Affinity Field for Semantic Segmentation: ECCV2018, semantic affinity. add a pairwise term in seg loss(similarity metric: KL divergence), use an adversarial method to determine optimal neighborhood size

region

  • Region-Based Convolutional Networks for Accurate Object Detection and Segmentation
  • Simultaneous Detection and Segmentation, 2014
  • Feedforward semantic segmentation with zoom-out features: 2015

network

  • Learned Shape-Tailored Descriptors for Segmentation
  • Normalized Cut Loss for Weakly-Supervised CNN Segmentation
  • Fully Convolutional Adaptation Networks for Semantic Segmentation
  • Learning to Adapt Structured Output Space for Semantic Segmentation
  • Semantic Segmentation with Reverse Attention: BMVC2017, equally responses of multi classes(confusion in boudary region). add reverse branch, predict the probability of pixel that doesn't belong to the corresponding class. and use attention to combine origin and reverse branch
  • Deep Clustering for Unsupervised Learning of Visual Features, ECCV2018. use assignments of knn as supervision to update weights of network
  • DEL: Deep Embedding Learning for Efficient Image Segmentation, IJCAI 2018. use spp embedding as init probs to do image segmentation
  • Learning a Discriminative Feature Network for Semantic Segmentation, CVPR2018, Smoother network: multi-scale+global context(FPN with channel atention), Broder Network: focal loss for boundary. code?
  • Convolutional Simplex Projection Network for Weakly Supervised Semantic Segmentation: BMVC 2018
  • Decoders Matter for Semantic Segmentation: Data-Dependent Decoding Enables Flexible Feature Aggregation: CVPR2019

regularizer

evaluation measure

architecture

  • The Devil is in the Decoders, BMVC2017
  • Dilated Residual Networks, CVPR2017. Dilated structure design for classification and localization.
  • Understanding Convolution for Semantic Segmentation, WACV2018. hybrid dilated convolution(2-2-2 -> 1-2-3)
  • Smoothed Dilated Convolutions for Improved Dense Prediction, KDD2018. separable and share conv(for smoothing) + dilated conv
  • Deeplab v1, v2, v3, v3+
  • Learning Fully Dense Neural Networks for Image Semantic Segmentation, AAAI2019

generative adversarial

  • Deep dual learning for semantic image segmentation:CVPR2017, image translation
  • Semantic Segmentation using Adversarial Networks, NIPS2016 workshop
    • add gan loss branch, Segnet as generator, D: GT mask or predicted mask
  • Adversarial Learning for Semi-Supervised Semantic Segmentation: BMVC2018
    • semi supervised: SegNet as G, FCN-type D(discriminate each location), use output of D as psedo label for unlabeled data
  • Semi and weakly Supervised Semantic Segmentation Using Generative Adversarial Network: ICCV2017, use SegNet as D, treat fake as new class
    • weakly, use conditionalGan, pixel-level, image-level, generated data are included in loss. performance boosts less when increasing fully data
  • generative adversarial learning towards Fast weakly supervised detection: CVPR2018
  • Adaptive Affinity Field for Semantic Segmentation: ECCV2018, semantic affinity. add a pairwise term in seg loss(similarity metric: KL divergence), use an adversarial method to determine optimal neighborhood size

scene understanding

  • ScanComplete: Large-Scale Scene Completion and Semantic Segmentation for 3D Scans
  • SeGAN: Segmenting and Generating the Invisible

other useful

  • Learning to Segment Every Thing: semi-supervised, weight transfer function (from bbox parameters to mask parameters)
  • Simple Does It: Weakly Supervised Instance and Semantic Segmentation: bbox-level, many methods, using graphcut, HED, MCG
  • Multi-Evidence Filtering and Fusion for Multi-Label Classification, Object Detection and Semantic Segmentation Based on Weakly Supervised Learning: tricky, curriculum learning: image level -> instance level -> pixel level
  • Combining Bottom-Up, Top-Down, and Smoothness Cues for Weakly Supervised Image Segmentation: CVPR2017
  • Improving Weakly-Supervised Object Localization By Micro-Annotation: BMVC2016, object classes always co-occur with same background elements(boat, train). propose a new annotation method. add human annotations to improve localization results of CAM, annotating based on clusters of dense features. each class uses a spectral clustering.(CAM has problem)
  • Co-attention CNNs for Unsupervised Object Co-segmentation: IJCAI 2018
  • Coarse-to-fine Image Co-segmentation with Intra and Inter Rank Constraints, IJCAI2018
  • Annotation-Free and One-Shot Learning for Instance Segmentation of Homogeneous Object Clusters, IJCAI2018
  • Image-level to Pixel-wise Labeling: From Theory to Practice: fully, analysis the effect of image labels on seg results. add a generator(recover original image). image label(binary, use a threshold small than 0.5, eg:0.25), IJCAI2018

application

  • SeGAN: Segmenting and Generating the Invisible: CVPR2018, generate occluded parts
  • Learning Hierarchical Semantic Image Manipulation through Structured Representations: NIPS2018, manipulate image on object-level by modify bbox

Others

priors

  • Superpixels: An Evaluation of the State-of-the-Art link
  • Learning Superpixels with Segmentation-Aware Affinity Losslink
  • Superpixel based Continuous Conditional Random Field Neural Network for Semantic Segmentation link

diffusion

Learning random-walk label propagation for weakly-supervised semantic segmentation: scribble

Convolutional Random Walk Networks for Semantic Image Segmetation: fully, affinity branch(low level)

Soft Proposal Networks for Weakly Supervised Object Localization: attention, semantic affinity

Learning Pixel-level Semantic Affinity with Image-level Supervision for Weakly Supervised Semantic Segmentation: image-level, semantic affinity

analysis

image level to pixel wise labeling: from theory to practice: IJCAI 2018 analysis the effectiveness of class-level labels for segmentation(GT, predicted) Attention based Deep Multiple Instance Learning: ICML 2018. CAM from MIL perspective view

post processing

listed in : Co-attention CNNs for Unsupervised Object Co-segmentation

  • Otsu’s method
  • GrabCut
  • CRF

common methods

  • refine segmentation results using image-level labels
  • multi-label classification branch(BDWSS)
  • generative branch(to original image)
  • crf

semantic-segmentation's People

Contributors

kevinlee9 avatar

Watchers

 avatar

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.