GithubHelp home page GithubHelp logo

fendaq / semanticsegmentation_dl Goto Github PK

View Code? Open in Web Editor NEW

This project forked from tangzhenyu/semanticsegmentation_dl

0.0 2.0 0.0 8.3 MB

Resources of semantic segmantation based on Deep Learning model

Python 60.55% Jupyter Notebook 35.87% Shell 3.58%

semanticsegmentation_dl's Introduction

Semantic-Segmentation

A list of all papers and resoureces on Semantic Segmentation.

Dataset importance

Dataset importance plot

SemanticSegmentation_DL

Some implementation of semantic segmantation for DL model

Dataset

Resources

Survey papers

Online demos

2D Semantic Segmentation

Papers:

  • NIPS-2017-Learning Affinity via Spatial Propagation Networks [Paper]
  • AAAI-2018-Spatial As Deep: Spatial CNN for Traffic Scene Understanding [Paper]
  • Stacked Deconvolutional Network for Semantic Segmentation-2017 [Paper]
  • Deeplab v3: Rethinking Atrous Convolution for Semantic Image Segmentation-2017(DeeplabV3) [Paper]
  • Learning Object Interactions and Descriptions for Semantic Image Segmentation-2017 [Paper]
  • Pixel Deconvolutional Networks-2017 [Code-Tensorflow] [Paper]
  • Dilated Residual Networks-2017 [Paper]
  • A Review on Deep Learning Techniques Applied to Semantic Segmentation-2017 [Paper]
  • BiSeg: Simultaneous Instance Segmentation and Semantic Segmentation with Fully Convolutional Networks [Paper]
  • ICNet for Real-Time Semantic Segmentation on High-Resolution Images-2017 [Project] [Code] [Paper] [Video]
  • Not All Pixels Are Equal: Difficulty-Aware Semantic Segmentation via Deep Layer Cascade-2017 [Paper]
  • Loss Max-Pooling for Semantic Image Segmentation-2017 [Paper]
  • Annotating Object Instances with a Polygon-RNN-2017 [Project] [Paper]
  1. Feature Forwarding: Exploiting Encoder Representations for Efficient Semantic Segmentation-2017 [Project] [Code-Torch7]
  2. Reformulating Level Sets as Deep Recurrent Neural Network Approach to Semantic Segmentation-2017 [Paper]
  3. Adversarial Examples for Semantic Image Segmentation-2017 [Paper]
  4. Large Kernel Matters - Improve Semantic Segmentation by Global Convolutional Network-2017 [Paper]
  5. Label Refinement Network for Coarse-to-Fine Semantic Segmentation-2017 [Paper]
  6. PixelNet: Representation of the pixels, by the pixels, and for the pixels-2017 [Project] [Code-Caffe] [Paper]
  7. LabelBank: Revisiting Global Perspectives for Semantic Segmentation-2017 [Paper]
  8. Progressively Diffused Networks for Semantic Image Segmentation-2017 [Paper]
  9. Understanding Convolution for Semantic Segmentation-2017 [Model-Mxnet] [Paper] [Code]
  10. Predicting Deeper into the Future of Semantic Segmentation-2017 [Paper]
  11. Pyramid Scene Parsing Network-2017 [Project] [Code-Caffe] [Paper] [Slides]
  12. FCNs in the Wild: Pixel-level Adversarial and Constraint-based Adaptation-2016 [Paper]
  13. FusionNet: A deep fully residual convolutional neural network for image segmentation in connectomics-2016 [Code-PyTorch] [Paper]
  14. RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation-2016 [Code-MatConvNet] [Paper]
  15. The One Hundred Layers Tiramisu: Fully Convolutional DenseNets for Semantic Segmentation [Code-Theano] [Code-Keras1] [Code-Keras2] [Paper]
  16. Full-Resolution Residual Networks for Semantic Segmentation in Street Scenes [Code-Theano] [Paper]
  17. PixelNet: Towards a General Pixel-level Architecture-2016 [Paper]
  18. Recalling Holistic Information for Semantic Segmentation-2016 [Paper]
  19. Semantic Segmentation using Adversarial Networks-2016 [Paper] [Code-Chainer]
  20. Region-based semantic segmentation with end-to-end training-2016 [Paper]
  21. Exploring Context with Deep Structured models for Semantic Segmentation-2016 [Paper]
  22. Better Image Segmentation by Exploiting Dense Semantic Predictions-2016 [Paper]
  23. Boundary-aware Instance Segmentation-2016 [Paper]
  24. Improving Fully Convolution Network for Semantic Segmentation-2016 [Paper]
  25. Deep Structured Features for Semantic Segmentation-2016 [Paper]
  26. v2: DeepLab:Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs-2016** [Project] [Code-Caffe] [Code-Tensorflow] [Code-PyTorch] [Paper]
  27. DeepLab v1: Semantic Image Segmentation With Deep Convolutional Nets and Fully Connected CRFs-2014** [Code-Caffe1] [Code-Caffe2] [Paper]
  28. Deep Learning Markov Random Field for Semantic Segmentation-2016 [Project] [Paper]
  29. Convolutional Random Walk Networks for Semantic Image Segmentation-2016 [Paper]
  30. ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation-2016 [Code-Caffe1][Code-Caffe2] [Paper] [Blog]
  31. High-performance Semantic Segmentation Using Very Deep Fully Convolutional Networks-2016 [Paper]
  32. ScribbleSup: Scribble-Supervised Convolutional Networks for Semantic Segmentation-2016 [Paper]
  33. Object Boundary Guided Semantic Segmentation-2016 [Code-Caffe] [Paper]
  34. Segmentation from Natural Language Expressions-2016 [Project] [Code-Tensorflow] [Code-Caffe] [Paper]
  35. Seed, Expand and Constrain: Three Principles for Weakly-Supervised Image Segmentation-2016 [Code-Caffe] [Paper]
  36. Global Deconvolutional Networks for Semantic Segmentation-2016 [Paper]
  37. Learning Transferrable Knowledge for Semantic Segmentation with Deep Convolutional Neural Network-2015 [Project] [Code-Caffe] [Paper]
  38. Learning Dense Convolutional Embeddings for Semantic Segmentation-2015 [Paper]
  39. ParseNet: Looking Wider to See Better-2015 [Code-Caffe] [Model-Caffe] [Paper]
  40. Decoupled Deep Neural Network for Semi-supervised Semantic Segmentation-2015 [Project] [Code-Caffe] [Paper]
  41. SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation-2015 [Project] [Code-Caffe] [Paper] [Tutorial1] [Tutorial2]
  42. SegNet: A Deep Convolutional Encoder-Decoder Architecture for Robust Semantic Pixel-Wise Labelling-2015 [Code-Caffe] [Code-Chainer] [Paper]
  43. Semantic Image Segmentation with Task-Specific Edge Detection Using CNNs and a Discriminatively Trained Domain Transform-2015 [Paper]
  44. Semantic Segmentation with Boundary Neural Fields-2015 [Code] [Paper]
  45. Semantic Image Segmentation via Deep Parsing Network-2015 [Project] [Paper1] [Paper2] [Slides]
  46. What’s the Point: Semantic Segmentation with Point Supervision-2015 [Project] [Code-Caffe] [Model-Caffe] [Paper]
  47. U-Net: Convolutional Networks for Biomedical Image Segmentation-2015 [Project] [Code+Data] [Code-Keras] [Code-Tensorflow] [Paper] [Notes]
  48. Learning Deconvolution Network for Semantic Segmentation(DeconvNet)-2015 [Project] [Code-Caffe] [Paper] [Slides]
  49. Multi-scale Context Aggregation by Dilated Convolutions-2015 [Project] [Code-Caffe] [Code-Keras] [Paper] [Notes]
  50. ReSeg: A Recurrent Neural Network-based Model for Semantic Segmentation-2015 [Code-Theano] [Paper]
  51. BoxSup: Exploiting Bounding Boxes to Supervise Convolutional Networks for Semantic Segmentation-2015 [Paper]
  52. Feedforward semantic segmentation with zoom-out features-2015 [Code] [Paper] [Video]
  53. Conditional Random Fields as Recurrent Neural Networks-2015 [Project] [Code-Caffe1] [Code-Caffe2] [Demo] [Paper1] [Paper2]
  54. Efficient Piecewise Training of Deep Structured Models for Semantic Segmentation-2015 [Paper]
  55. Fully Convolutional Networks for Semantic Segmentation-2015 [Code-Caffe] [Model-Caffe] [Code-Tensorflow1] [Code-Tensorflow2] [Code-Chainer] [Code-PyTorch] [Paper1] [Paper2] [Slides1] [Slides2]
  56. Deep Joint Task Learning for Generic Object Extraction-2014 [Project] [Code-Caffe] [Dataset] [Paper]
  57. Highly Efficient Forward and Backward Propagation of Convolutional Neural Networks for Pixelwise Classification-2014 [Code-Caffe] [Paper]
  58. Wider or deeper: Revisiting the resnet model for visual recognition [Paper]
  59. Describing the Scene as a Whole: Joint Object Detection, Scene Classification and Semantic Segmentation[Paper]
  60. Analyzing Semantic Segmentation Using Hybrid Human-Machine CRFs[Paper]
  61. Convolutional Patch Networks with Spatial Prior for Road Detection and Urban Scene Understanding[Paper]
  62. Deep Deconvolutional Networks for Scene Parsing[Paper]
  63. FusionSeg: Learning to combine motion and appearance for fully automatic segmention of generic objects in videos[Paper][Poject]
  64. Deep Dual Learning for Semantic Image Segmentation [Paper]
  65. From image-level to pixel level labeling with convolutional networks [Paper]
  66. Scene Segmentation with DAG-Recurrent Neural Networks [Paper]
  67. Learning to Segment Every Thing [Paper]
  68. Weakly-Supervised Dual Clustering for Image Semantic Segmentation [Paper]
  69. Panoptic Segmentation [Paper]
  70. The Devil is in the Decoder [Paper]
  71. Attention to Scale: Scale-aware Semantic Image Segmentation [Paper][Project]
  72. Convolutional Oriented Boundaries: From Image Segmentation to High-Level Tasks [Paper] [Project]
  73. Scale-Aware Alignment of Hierarchical Image Segmentation [Paper] [Project]
  74. ICCV-2017 Semi Supervised Semantic Segmentation Using Generative Adversarial Network[Paper]
  75. Object Region Mining with Adversarial Erasing: A Simple Classification to Semantic Segmentation Approach [Paper]

3D Semantic Segmentation

Papers

1.PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation [Paper]

2.PointNet++: Deep Hierarchical Feature Learning on Point Sets in a Metric Space (2017) [Paper]

3.Learning 3D Mesh Segmentation and Labeling (2010) [Paper]

4.Unsupervised Co-Segmentation of a Set of Shapes via Descriptor-Space Spectral Clustering (2011) [Paper]

5.Single-View Reconstruction via Joint Analysis of Image and Shape Collections (2015) [Paper]

6.3D Shape Segmentation with Projective Convolutional Networks (2017) [Paper]

7.Learning Hierarchical Shape Segmentation and Labeling from Online Repositories (2017) [Paper]

8.3D Graph Neural Networks for RGBD Semantic Segmentation (2017) [Paper]

9.3DCNN-DQN-RNN: A Deep Reinforcement Learning Framework for Semantic Parsing of Large-scale 3D Point Clouds (2017)[Paper]

Scene Understanding

Papers

1.Spatial As Deep: Spatial CNN for Traffic Scene Understanding [Paper]

Dataset & Resources

  • SUNRGB-D 3D Object Detection Challenge [Link] 19 object categories for predicting a 3D bounding box in real world dimension Training set: 10,355 RGB-D scene images, Testing set: 2860 RGB-D images
  • SceneNN (2016) [Link] 100+ indoor scene meshes with per-vertex and per-pixel annotation.
  • ScanNet (2017) [Link] An RGB-D video dataset containing 2.5 million views in more than 1500 scans, annotated with 3D camera poses, surface reconstructions, and instance-level semantic segmentations.
  • Matterport3D: Learning from RGB-D Data in Indoor Environments (2017) [Link]
    10,800 panoramic views (in both RGB and depth) from 194,400 RGB-D images of 90 building-scale scenes of private rooms. Instance-level semantic segmentations are provided for region (living room, kitchen) and object (sofa, TV) categories.
  • SUNCG: A Large 3D Model Repository for Indoor Scenes (2017) [Link]
    The dataset contains over 45K different scenes with manually created realistic room and furniture layouts. All of the scenes are semantically annotated at the object level.
  • MINOS: Multimodal Indoor Simulator (2017) [Link] MINOS is a simulator designed to support the development of multisensory models for goal-directed navigation in complex indoor environments. MINOS leverages large datasets of complex 3D environments and supports flexible configuration of multimodal sensor suites. MINOS supports SUNCG and Matterport3D scenes.
  • Facebook House3D: A Rich and Realistic 3D Environment (2017) [Link]
    House3D is a virtual 3D environment which consists of 45K indoor scenes equipped with a diverse set of scene types, layouts and objects sourced from the SUNCG dataset. All 3D objects are fully annotated with category labels. Agents in the environment have access to observations of multiple modalities, including RGB images, depth, segmentation masks and top-down 2D map views.
  • HoME: a Household Multimodal Environment (2017) [Link]
    HoME integrates over 45,000 diverse 3D house layouts based on the SUNCG dataset, a scale which may facilitate learning, generalization, and transfer. HoME is an open-source, OpenAI Gym-compatible platform extensible to tasks in reinforcement learning, language grounding, sound-based navigation, robotics, multi-agent learning.
  • AI2-THOR: Photorealistic Interactive Environments for AI Agents [Link]
    AI2-THOR is a photo-realistic interactable framework for AI agents. There are a total 120 scenes in version 1.0 of the THOR environment covering four different room categories: kitchens, living rooms, bedrooms, and bathrooms. Each room has a number of actionable objects.

Medical Image Semantic Segmentation

Papers

  1. Semantic Image Segmentation with Deep Learning [Paper]
  2. Automatic Liver and Tumor Segmentation of CT and MRI Volumes Using Cascaded Fully Convolutional Neural Networks [Paper]
  3. DeepNAT: Deep Convolutional Neural Network for Segmenting Neuroanatomy [Paper]
  4. CNN-based Segmentation of Medical Imaging Data [Paper]
  5. Deep Retinal Image Understanding (http://www.vision.ee.ethz.ch/~cvlsegmentation/driu/data/paper/DRIU_MICCAI2016.pdf)

Codes

Weakly-Supervised-Segmentatio

  • Weakly Supervised Structured Output Learning for Semantic Segmentation [Paper]
  • ICCV-2011 Weakly supervised semantic segmentation with a multi-image model [Paper]
  • ScribbleSup: Scribble-Supervised Convolutional Networks for Semantic Segmentation. IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016[Paper]
  • Constrained convolutional neural networks for weakly supervised segmentation. Proceedings of the IEEE International Conference on Computer Vision. 2015.[Paper]
  • Weakly-and semi-supervised learning of a DCNN for semantic image segmentation. arXiv preprint arXiv:1502.02734 (2015).[Paper]
  • Learning to segment under various forms of weak supervision. Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2015.[Paper]
  • STC: A Simple to Complex Framework for Weakly-supervised Semantic Segmentation 2017 TPAMI [Paper] [Project]
  • [Paper]
  • CVPR-2017-Simple Does It: Weakly Supervised Instance and Semantic Segmentation [Paper]
  • CVPR-2017-Weakly Supervised Semantic Segmentation using Web-Crawled Videos [Paper]
  • AAAI-2017-Weakly Supervised Semantic Segmentation Using Superpixel Pooling Network [Paper]
  • ICCV-2015-Weakly supervised graph based semantic segmentation by learning communities of image-parts [Paper]
  • Towards Weakly Supervised Semantic Segmentation by Means of Multiple Instance and Multitask Learning [Paper]
  • Weakly-Supervised Semantic Segmentation using Motion Cues [Paper] [Project]
  • Weakly Supervised Semantic Segmentation Based on Web Image Co-segmentation [Paper]
  • Learning to Re ne Object Segments [Paper]

Video Semantic Segmentation

  • Feature Space Optimization for Semantic Video Segmentation[Paper][Slides]
  • The Basics of Video Object Segmentation [Blog]
  • ICCV2017----SegFlow_Joint Learning for Video Object Segmentation and Optical Flow
  • OSVOS:One-Shot Video Object Segmentation
  • Surveillance Video Parsing with Single Frame Supervision
  • The 2017 DAVIS Challenge on Video Object Segmentation
  • Video Propagation Networks
  • OnAVOS: Online Adaptation of Convolutional Neural Networks for Video Object Segmentation. P. Voigtlaender, B. Leibe, BMVC 2017. [Project Page] [Precomputed results]
  • OSVOS: One-Shot Video Object Segmentation. S. Caelles*, K.K. Maninis*, J. Pont-Tuset, L. Leal-Taixé, D. Cremers, L. Van Gool, CVPR 2017. [Project Page] [Precomputed results]
  • MSK: Learning Video Object Segmentation from Static Images. F. Perazzi*, A. Khoreva*, R. Benenson, B. Schiele, A. Sorkine-Hornung, CVPR 2017. [Project Page] [Precomputed results]
  • SFL: SegFlow: Joint Learning for Video Object Segmentation and Optical Flow. J. Cheng, Y.-H. Tsai, S. Wang, M.-H. Yang, ICCV 2017. [Project Page] [Precomputed results]
  • CTN: Online Video Object Segmentation via Convolutional Trident Network. W.-D. Jang, C.-S. Kim, CVPR 2017. [Project Page] [Precomputed results]
  • VPN: Video Propagation Networks. V. Jampani, R. Gadde, P. V. Gehler, CVPR 2017. [Project Page] [Precomputed results]
  • PLM: Pixel-level Matching for Video Object Segmentation using Convolutional Neural Networks. J. Shin Yoon, F. Rameau, J. Kim, S. Lee, S. Shin, I. So Kweon, ICCV 2017. [Project Page] [Precomputed results]
  • OFL: Video Segmentation via Object Flow. Y.-H. Tsai, M.-H. Yang, M. Black, CVPR 2016. [Project Page] [Precomputed results]
  • BVS: Bilateral Space Video Segmentation. N. Marki, F. Perazzi, O. Wang, A. Sorkine-Hornung, CVPR 2016. [Project Page] [Precomputed results]
  • FCP: Fully Connected Object Proposals for Video Segmentation. F. Perazzi, O. Wang, M. Gross, A. Sorkine-Hornung, ICCV 2015. [Project Page] [Precomputed results]
  • JMP: JumpCut: Non-Successive Mask Transfer and Interpolation for Video Cutout. Q. Fan, F. Zhong, D. Lischinski, D. Cohen-Or, B. Chen, SIGGRAPH 2015. [Project Page] [Precomputed results]
  • HVS: Efficient hierarchical graph-based video segmentation. M. Grundmann, V. Kwatra, M. Han, I. A. Essa, CVPR 2010. [Project Page] [Precomputed results]
  • SEA: SeamSeg: Video Object Segmentation Using Patch Seams. S. Avinash Ramakanth, R. Venkatesh Babu, CVPR 2014. [Project Page] [Precomputed results]
  • ARP: Primary Object Segmentation in Videos Based on Region Augmentation and Reduction. Y.J. Koh, C.-S. Kim, CVPR 2017. [Project Page] [Precomputed results]
  • LVO: Learning Video Object Segmentation with Visual Memory. P. Tokmakov, K. Alahari, C. Schmid, ICCV 2017. [Project Page] [Precomputed results]
  • FSEG: FusionSeg: Learning to combine motion and appearance for fully automatic segmentation of generic objects in videos. S. Jain, B. Xiong, K. Grauman, CVPR 2017. [Project Page] [Precomputed results]
  • LMP: Learning Motion Patterns in Videos. P. Tokmakov, K. Alahari, C. Schmid, CVPR 2017. [Project Page] [Precomputed results]
  • SFL: SegFlow: Joint Learning for Video Object Segmentation and Optical Flow. J. Cheng, Y.-H. Tsai, S. Wang, M.-H. Yang, ICCV 2017. [Project Page] [Precomputed results] FST: Fast Object Segmentation in Unconstrained Video. A. Papazoglou, V. Ferrari, ICCV 2013. [Project Page] [Precomputed results]
  • CUT: Motion Trajectory Segmentation via Minimum Cost Multicuts. M. Keuper, B. Andres, T. Brox, ICCV 2015. [Project Page] [Precomputed results]
  • NLC: Video Segmentation by Non-Local Consensus voting. A. Faktor, M. Irani, BMVC 2014. [Project Page] [Precomputed results]
  • MSG: Object segmentation in video: A hierarchical variational approach for turning point trajectories into dense regions. P. Ochs, T. Brox, ICCV 2011. [Project Page] [Precomputed results]
  • KEY: Key-segments for video object segmentation. Y. Lee, J. Kim, K. Grauman, ICCV 2011. [Project Page] [Precomputed results]
  • CVOS: Causal Video Object Segmentation from Persistence of Occlusions. B. Taylor, V. Karasev, S. Soatto, CVPR 2015. [Project Page] [Precomputed results]
  • TRC: Video segmentation by tracing discontinuities in a trajectory embedding. K. Fragkiadaki, G. Zhang, J. Shi, CVPR 2012. [Project Page] [Precomputed results]
  • Result of DAVIS-Challenge 2017
  • Benchmark 2016----A Benchmark Dataset and Evaluation Methodology for Video Object Segmentation
    2016----Clockwork Convnets for Video Semantic Segmentation
    2016----MaskTrack ----Learning Video Object Segmentation from Static Images
    2017----DAVIS-Challenge-1st----Video Object Segmentation with Re-identification
    2017----DAVIS-Challenge-2nd----Lucid Data Dreaming for Multiple Object Tracking
    2017----DAVIS-Challenge-3rd----Instance Re-Identification Flow for Video Object Segmentation
    2017----DAVIS-Challenge-4th----Multiple-Instance Video Segmentation with Sequence-Specific Object Proposals
    2017----DAVIS-Challenge-5th Online Adaptation of Convolutional Neural Networks for the 2017 DAVIS Challenge on Video Object Segmentation
    2017----DAVIS-Challenge-6th ----Learning to Segment Instances in Videos with Spatial Propagation Network
    2017----DAVIS-Challenge-7th----Some Promising Ideas about Multi-instance Video Segmentation
    2017----DAVIS-Challenge-8th----One-Shot Video Object Segmentation with Iterative Online Fine-Tuning
    2017----DAVIS-Challenge-9th----Video Object Segmentation using Tracked Object Proposals

Road Segmentation

Papers:

  1. MultiNet: Real-time Joint Semantic Reasoning for Autonomous Driving [Paper]
  2. self-driving-car-road-segmentation [Link]
  3. Efficient Deep Models for Monocular Road Segmentation[Paper]
  4. Semantic Road Segmentation via Multi-scale Ensembles of Learned Features [Paper]
  5. Distantly Supervised Road Segmentation [Paper]
  6. Deep Fully Convolutional Networks with Random Data Augmentation for Enhanced Generalization in Road Detection [Paper]
  7. Real-time category-based and general obstacle detection for autonomous driving [Paper]
  8. Road Scene Segmentation from a Single Image [Paper]
  9. FoveaNet: Perspective-aware Urban Scene Parsing [Paper]

Codes

Transferable Semantic Segmentation

  1. Weakly Supervised Object Localization Using Things and Stuff Transfer [Paper]
  2. Semi and Weakly Supervised Semantic Segmentation Using Generative Adversarial Network [Paper]
  3. Weakly- and Semi-Supervised Learning of a Deep Convolutional Network for Semantic Image Segmentation [Paper]

Real-Time Semantic Segmentation

  • LinkNet: Exploiting Encoder Representations for Efficient Semantic Segmentation [Paper]
  • ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation-2016 [Code-Caffe1][Code-Caffe2] [Paper] [Blog]
  • Efficient Deep Models for Monocular Road Segmentation[Paper]
  • Real-Time Coarse-to-fine Topologically Preserving Segmentation[Paper]

Part Semantic Segmentation

  1. Look into Person: Self-supervised Structure-sensitive Learning and A New Benchmark for Human Parsing-2017 [Project] [Code-Caffe] [Paper]
  2. Deep Learning for Human Part Discovery in Images-2016 [Code-Chainer] [Paper]
  3. A CNN Cascade for Landmark Guided Semantic Part Segmentation-2016 [Project] [Paper]
  4. Deep Learning for Semantic Part Segmentation With High-level Guidance-2015 [Paper]
  5. Neural Activation Constellations-Unsupervised Part Model Discovery with Convolutional Networks-2015 [Paper]
  6. Human Parsing with Contextualized Convolutional Neural Network-2015 [Paper]
  7. Part detector discovery in deep convolutional neural networks-2014 [Code] [Paper]
  8. Hypercolumns for object segmentation and fine-grained localization [Paper]

Clothes Parsing

  1. Looking at Outfit to Parse Clothing-2017 [Paper]
  2. Semantic Object Parsing with Local-Global Long Short-Term Memory-2015 [Paper]
  3. A High Performance CRF Model for Clothes Parsing-2014 [Project] [Code] [Dataset] [Paper]
  4. Clothing co-parsing by joint image segmentation and labeling-2013 [Project] [Dataset] [Paper]
  5. Parsing clothing in fashion photographs-2012 [Project] [Paper]

Instance Segmentation

  • Pixelwise Instance Segmentation with a Dynamically Instantiated Network-2017 [Paper]
  • Semantic Instance Segmentation via Deep Metric Learning-2017 [Paper]
  • Mask R-CNN-2017 [Code-Tensorflow] [Paper]
  • Pose2Instance: Harnessing Keypoints for Person Instance Segmentation-2017 [Paper]
  • Pixelwise Instance Segmentation with a Dynamically Instantiated Network-2017 [Paper]
  • Fully Convolutional Instance-aware Semantic Segmentation-2016 [Code] [Paper]
  • Instance-aware Semantic Segmentation via Multi-task Network Cascades-2015 [Code] [Paper]
  • Recurrent Instance Segmentation-2015 [Project] [Code-Torch7] [Paper] [Poster] [Video]
  • Annotating Object Instances with a Polygon-RNN [Paper]
  • MaskLab: Instance Segmentation by Refining Object Detection with Semantic and Direction Features [Paper]
  • BlitzNet: A Real-Time Deep Network for Scene Understanding [Paper]
  • FCIS [Paper]Code
  • MNC:Instance-aware Semantic Segmentation via Multi-task Network Cascades [Paper]Code
  • DeepMask:Learning to Segment Object Candidates [Paper] Code
  • SharpMask [Paper]Code
  • RIS:Recurrent Instance Segmentation [Paper]Code
  • FastMask: Segment Multi-scale Object Candidates in One Shot [Paper]Code
  • Proposal-free network for instance-level object segmentation [Paper]

Segment Object Candidates

  1. FastMask: Segment Object Multi-scale Candidates in One Shot-2016 [Code-Caffe] [Paper]
  2. Learning to Refine Object Segments-2016 [Code-Torch] [Paper]
  3. Learning to Segment Object Candidates-2015 [Code-Torch] [Code-Theano-Keras] [Paper]

Foreground Object Segmentation

  1. Pixel Objectness-2017 [Project] [Code-Caffe] [Paper]
  2. A Deep Convolutional Neural Network for Background Subtraction-2017 [Paper]
  3. From Image-level to Pixel-level Labeling with Convolutional Networks [Paper]

Popular Methods and Implementations

Annotation Tools:

Distinguished Researchers & Teams:

Results:

Reference

https://github.com/nightrome/really-awesome-semantic-segmentation

https://github.com/mrgloom/awesome-semantic-segmentation

semanticsegmentation_dl's People

Contributors

tangzhenyu avatar

Watchers

 avatar  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.