Benchmark Suite


We offer a benchmark suite together with an evaluation server, such that authors can upload their results and get a ranking regarding the different tasks (pixel-level, instance-level, and panoptic semantic labeling as well as 3d vehicle detection). If you would like to submit your results, please register, login, and follow the instructions on our submission page.

Pixel-Level Semantic Labeling Task

The first Cityscapes task involves predicting a per-pixel semantic labeling of the image without considering higher-level object instance or boundary information.

Metrics

To assess performance, we rely on the standard Jaccard Index, commonly known as the PASCAL VOC intersection-over-union metric IoU = TP ⁄ (TP+FP+FN) [1], where TP, FP, and FN are the numbers of true positive, false positive, and false negative pixels, respectively, determined over the whole test set. Owing to the two semantic granularities, i.e. classes and categories, we report two separate mean performance scores: IoUcategory and IoUclass. In either case, pixels labeled as void do not contribute to the score.

It is well-known that the global IoU measure is biased toward object instances that cover a large image area. In street scenes with their strong scale variation this can be problematic. Specifically for traffic participants, which are the key classes in our scenario, we aim to evaluate how well the individual instances in the scene are represented in the labeling. To address this, we additionally evaluate the semantic labeling using an instance-level intersection-over-union metric iIoU = iTP ⁄ (iTP+FP+iFN). Again iTP, FP, and iFN denote the numbers of true positive, false positive, and false negative pixels, respectively. However, in contrast to the standard IoU measure, iTP and iFN are computed by weighting the contribution of each pixel by the ratio of the class’ average instance size to the size of the respective ground truth instance. It is important to note here that unlike the instance-level task below, we assume that the methods only yield a standard per-pixel semantic class labeling as output. Therefore, the false positive pixels are not associated with any instance and thus do not require normalization. The final scores, iIoUcategory and iIoUclass, are obtained as the means for the two semantic granularities.

Results

Detailed results

Detailed results including performances regarding individual classes and categories can be found here.

Usage
Use the buttons in the first row to hide columns or to export the visible data to various formats. Use the widgets in the second row to filter the table by selecting values of interest (multiple selections possible). Click the numeric columns for sorting.

namefinefinecoarsecoarse16-bit16-bitdepthdepthvideovideosubsubIoU classiIoU classIoU categoryiIoU categoryRuntime [s]codecodetitleauthorsvenuedescription
FCN 8syesyesnononononononononono65.341.785.770.10.5yesyesFully Convolutional Networks for Semantic SegmentationJ. Long, E. Shelhamer, and T. DarrellCVPR 2015Trained by Marius Cordts on a pre-release version of the dataset
more details
RRR-ResNet152-MultiScaleyesyesyesyesnononononononono75.848.589.374.0n/anonoAnonymousupdate: this submission actually used the coarse labels, which was previously not marked accordingly
more details
Dilation10yesyesnononononononononono67.142.086.571.14.0yesyesMulti-Scale Context Aggregation by Dilated ConvolutionsFisher Yu and Vladlen KoltunICLR 2016Dilation10 is a convolutional network that consists of a front-end prediction module and a context aggregation module. Both are described in the paper. The combined network was trained jointly. The context module consists of 10 layers, each of which has C=19 feature maps. The larger number of layers in the context module (10 for Cityscapes versus 8 for Pascal VOC) is due to the high input resolution. The Dilation10 model is a pure convolutional network: there is no CRF and no structured prediction. Dilation10 can therefore be used as the baseline input for structured prediction models. Note that the reported results were produced by training on the training set only; the network was not retrained on train+val.
more details
Adelaideyesyesnononononononononono66.446.782.867.435.0nonoEfficient Piecewise Training of Deep Structured Models for Semantic SegmentationG. Lin, C. Shen, I. Reid, and A. van den HengelarXiv preprint 2015Trained on a pre-release version of the dataset
more details
DeepLab LargeFOV StrongWeakyesyesyesyesnononononono2264.834.981.358.74.0yesyesWeakly- and Semi-Supervised Learning of a DCNN for Semantic Image SegmentationG. Papandreou, L.-C. Chen, K. Murphy, and A. L. YuilleICCV 2015Trained on a pre-release version of the dataset
more details
DeepLab LargeFOV Strongyesyesnononononononono2263.134.581.258.74.0yesyesSemantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFsL.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. YuilleICLR 2015Trained on a pre-release version of the dataset
more details
DPNyesyesyesyesnononononono3359.128.179.557.9n/anonoSemantic Image Segmentation via Deep Parsing NetworkZ. Liu, X. Li, P. Luo, C. C. Loy, and X. TangICCV 2015Trained on a pre-release version of the dataset
more details
Segnet basicyesyesnononononononono4457.032.079.161.90.06yesyesSegNet: A Deep Convolutional Encoder-Decoder Architecture for Image SegmentationV. Badrinarayanan, A. Kendall, and R. CipollaarXiv preprint 2015Trained on a pre-release version of the dataset
more details
Segnet extendedyesyesnononononononono4456.134.279.866.40.06yesyesSegNet: A Deep Convolutional Encoder-Decoder Architecture for Image SegmentationV. Badrinarayanan, A. Kendall, and R. CipollaarXiv preprint 2015Trained on a pre-release version of the dataset
more details
CRFasRNNyesyesnononononononono2262.534.482.766.00.7yesyesConditional Random Fields as Recurrent Neural NetworksS. Zheng, S. Jayasumana, B. Romera-Paredes, V. Vineet, Z. Su, D. Du, C. Huang, and P. H. S. TorrICCV 2015Trained on a pre-release version of the dataset
more details
Scale invariant CNN + CRFyesyesnonononoyesyesnononono66.344.985.071.2n/ayesyesConvolutional Scale Invariance for Semantic SegmentationI. Kreso, D. Causevic, J. Krapac, and S. SegvicGCPR 2016We propose an effective technique to address large scale variation in images taken from a moving car by cross-breeding deep learning with stereo reconstruction. Our main contribution is a novel scale selection layer which extracts convolutional features at the scale which matches the corresponding reconstructed depth. The recovered scaleinvariant representation disentangles appearance from scale and frees the pixel-level classifier from the need to learn the laws of the perspective. This results in improved segmentation results due to more effi- cient exploitation of representation capacity and training data. We perform experiments on two challenging stereoscopic datasets (KITTI and Cityscapes) and report competitive class-level IoU performance.
more details
DPNyesyesnononononononononono66.839.186.069.1n/anonoSemantic Image Segmentation via Deep Parsing NetworkZ. Liu, X. Li, P. Luo, C. C. Loy, and X. TangICCV 2015DPN trained on full resolution images
more details
Pixel-level Encoding for Instance Segmentationyesyesnonononoyesyesnononono64.341.685.973.9n/anonoPixel-level Encoding and Depth Layering for Instance-level Semantic LabelingJ. Uhrig, M. Cordts, U. Franke, and T. BroxGCPR 2016We predict three encoding channels from a single image using an FCN: semantic labels, depth classes, and an instance-aware representation based on directions towards instance centers. Using low-level computer vision techniques, we obtain pixel-level and instance-level semantic labeling paired with a depth estimate of the instances.
more details
Adelaide_contextyesyesnononononononononono71.651.787.374.1n/anonoEfficient Piecewise Training of Deep Structured Models for Semantic SegmentationGuosheng Lin, Chunhua Shen, Anton van den Hengel, Ian ReidCVPR 2016We explore contextual information to improve semantic image segmentation. Details are described in the paper. We trained contextual networks for coarse level prediction and a refinement network for refining the coarse prediction. Our models are trained on the training set only (2975 images) without adding the validation set.
more details
NVSegNetyesyesnononononononononono67.441.487.268.10.4nonoAnonymousIn the inference, we use the image of 2 different scales. The same for training!
more details
ENetyesyesnononononononono2258.334.480.464.00.013yesyesENet: A Deep Neural Network Architecture for Real-Time Semantic SegmentationAdam Paszke, Abhishek Chaurasia, Sangpil Kim, Eugenio Culurciello
more details
DeepLabv2-CRFyesyesnononononononononono70.442.686.467.7n/ayesyesDeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFsLiang-Chieh Chen, George Papandreou, Iasonas Kokkinos, Kevin Murphy, Alan L. YuillearXiv preprintDeepLabv2-CRF is based on three main methods. First, we employ convolution with upsampled filters, or ‘atrous convolution’, as a powerful tool to repurpose ResNet-101 (trained on image classification task) in dense prediction tasks. Atrous convolution allows us to explicitly control the resolution at which feature responses are computed within DCNNs. It also allows us to effectively enlarge the field of view of filters to incorporate larger context without increasing the number of parameters or the amount of computation. Second, we propose atrous spatial pyramid pooling (ASPP) to robustly segment objects at multiple scales. ASPP probes an incoming convolutional feature layer with filters at multiple sampling rates and effective fields-of-views, thus capturing objects as well as image context at multiple scales. Third, we improve the localization of object boundaries by combining methods from DCNNs and fully connected Conditional Random Fields (CRFs). The model is only trained on train set.
more details
m-TCFsyesyesyesyesnononononononono71.843.687.670.61.0nonoAnonymousConvolutional Neural Network
more details
DeepLab+DynamicCRFyesyesnononononononononono64.538.383.762.4n/anonoru.nl
more details
LRR-4xyesyesnononononononononono69.748.088.274.7n/ayesyesLaplacian Pyramid Reconstruction and Refinement for Semantic SegmentationGolnaz Ghiasi, Charless C. FowlkesECCV 2016We introduce a CNN architecture that reconstructs high-resolution class label predictions from low-resolution feature maps using class-specific basis functions. Our multi-resolution architecture also uses skip connections from higher resolution feature maps to successively refine segment boundaries reconstructed from lower resolution maps. The model used for this submission is based on VGG-16 and it was trained on the training set (2975 images). The segmentation predictions were not post-processed using CRF. (This is a revision of a previous submission in which we didn't use the correct basis functions; the method name changed from 'LLR-4x' to 'LRR-4x')
more details
LRR-4xyesyesyesyesnononononononono71.847.988.473.9n/ayesyesLaplacian Pyramid Reconstruction and Refinement for Semantic SegmentationGolnaz Ghiasi, Charless C. FowlkesECCV 2016We introduce a CNN architecture that reconstructs high-resolution class label predictions from low-resolution feature maps using class-specific basis functions. Our multi-resolution architecture also uses skip connections from higher resolution feature maps to successively refine segment boundaries reconstructed from lower resolution maps. The model used for this submission is based on VGG-16 and it was trained using both coarse and fine annotations. The segmentation predictions were not post-processed using CRF.
more details
Le_Selfdriving_VGGyesyesnononononononononono65.935.684.464.3n/anonoAnonymous
more details
SQyesyesnononononononononono59.832.384.366.00.06nonoSpeeding up Semantic Segmentation for Autonomous DrivingMichael Treml, José Arjona-Medina, Thomas Unterthiner, Rupesh Durgesh, Felix Friedmann, Peter Schuberth, Andreas Mayr, Martin Heusel, Markus Hofmarcher, Michael Widrich, Bernhard Nessler, Sepp HochreiterNIPS 2016 Workshop - MLITS Machine Learning for Intelligent Transportation Systems Neural Information Processing Systems 2016, Barcelona, Spain
more details
SAITyesyesyesyesnononononononono76.951.889.675.54.0nonoAnonymousAnonymous
more details
FoveaNetyesyesnononononononononono74.152.489.377.6n/anonoFoveaNetXin Li, Jiashi Feng1.caffe-master
2.resnet-101
3.single scale testing

Previously listed as "LXFCRN".
more details
RefineNetyesyesnononononononononono73.647.287.970.6n/ayesyesRefineNet: Multi-Path Refinement Networks for High-Resolution Semantic SegmentationGuosheng Lin; Anton Milan; Chunhua Shen; Ian Reid;Please refer to our technical report for details: "RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation" (https://arxiv.org/abs/1611.06612). Our source code is available at: https://github.com/guosheng/refinenet
2975 images (training set with fine labels) are used for training.
more details
SegModelyesyesnononononononononono78.556.189.875.90.8nonoAnonymousBoth train set (2975) and val set (500) are used to train model for this submission.
more details
TuSimpleyesyesnononononononononono77.653.690.175.2n/ayesyesUnderstanding Convolution for Semantic SegmentationPanqu Wang, Pengfei Chen, Ye Yuan, Ding Liu, Zehua Huang, Xiaodi Hou, Garrison Cottrell
more details
Global-Local-Refinementyesyesnononononononononono77.353.490.076.8n/anonoGlobal-residual and Local-boundary Refinement Networks for Rectifying Scene Parsing PredictionsRui Zhang, Sheng Tang, Min Lin, Jintao Li, Shuicheng YanInternational Joint Conference on Artificial Intelligence (IJCAI) 2017global-residual and local-boundary refinement

The method was previously listed as "RefineNet". To avoid confusions with a recently appeared and similarly named approach, the submission name was updated.
more details
XPARSEyesyesnononononononononono73.449.288.774.2n/anonoAnonymous
more details
ResNet-38yesyesnononononononononono78.459.190.981.1n/ayesyesWider or Deeper: Revisiting the ResNet Model for Visual RecognitionZifeng Wu, Chunhua Shen, Anton van den Hengelarxivsingle model, single scale, no post-processing with CRFs
Model A2, 2 conv., fine only, single scale testing

The submissions was previously listed as "Model A2, 2 conv.". The name was changed for consistency with the other submission of the same work.
more details
SegModelyesyesyesyesnononononononono79.256.490.477.0n/anonoAnonymous
more details
Deep Layer Cascade (LC)yesyesnononononononononono71.147.088.174.1n/anonoNot All Pixels Are Equal: Difficulty-aware Semantic Segmentation via Deep Layer CascadeXiaoxiao Li, Ziwei Liu, Ping Luo, Chen Change Loy, Xiaoou TangCVPR 2017We propose a novel deep layer cascade (LC) method to improve the accuracy and speed of semantic segmentation. Unlike the conventional model cascade (MC) that is composed of multiple independent models, LC treats a single deep model as a cascade of several sub-models. Earlier sub-models are trained to handle easy and confident regions, and they progressively feed-forward harder regions to the next sub-model for processing. Convolutions are only calculated on these regions to reduce computations. The proposed method possesses several advantages. First, LC classifies most of the easy regions in the shallow stage and makes deeper stage focuses on a few hard regions. Such an adaptive and 'difficulty-aware' learning improves segmentation performance. Second, LC accelerates both training and testing of deep network thanks to early decisions in the shallow stage. Third, in comparison to MC, LC is an end-to-end trainable framework, allowing joint learning of all sub-models. We evaluate our method on PASCAL VOC and
more details
FRRNyesyesnononononononono2271.845.588.975.1n/ayesyesFull-Resolution Residual Networks for Semantic Segmentation in Street ScenesTobias Pohlen, Alexander Hermans, Markus Mathias, Bastian LeibeArxivFull-Resolution Residual Networks (FRRN) combine multi-scale context with pixel-level accuracy by using two processing streams within one network: One stream carries information at the full image resolution, enabling precise adherence to segment boundaries. The other stream undergoes a sequence of pooling operations to obtain robust features for recognition.
more details
MNet_MPRGyesyesnononononononononono71.946.689.377.90.6nonoChubu University, MPRGwithout val dataset, external dataset (e.g. image net) and post-processing
more details
ResNet-38yesyesyesyesnononononononono80.657.891.079.1n/ayesyesWider or Deeper: Revisiting the ResNet Model for Visual RecognitionZifeng Wu, Chunhua Shen, Anton van den Hengelarxivsingle model, no post-processing with CRFs
Model A2, 2 conv., fine+coarse, multi scale testing
more details
FCN8s-QunjieYuyesyesnononononononononono57.434.581.868.7n/anonoAnonymous
more details
RGB-D FCNyesyesyesyesnonoyesyesnononono67.442.187.571.0n/anonoAnonymousGoogLeNet + depth branch, single model
no data augmentation, no training on validation set, no graphical model
Used coarse labels to initialize depth branch
more details
MultiBoostyesyesyesyesnonoyesyesnono2259.332.581.960.20.25nonoAnonymousBoosting based solution.
Publication is under review.
more details
GoogLeNet FCNyesyesnononononononononono63.038.685.869.8n/anonoGoing Deeper with ConvolutionsChristian Szegedy , Wei Liu , Yangqing Jia , Pierre Sermanet , Scott Reed , Dragomir Anguelov , Dumitru Erhan , Vincent Vanhoucke , Andrew RabinovichCVPR 2015GoogLeNet
No data augmentation, no graphical model
Trained by Lukas Schneider, following "Fully Convolutional Networks for Semantic Segmentation", Long et al. CVPR 2015
more details
ERFNet (pretrained)yesyesnononononononono2269.744.187.372.70.02yesyesERFNet: Efficient Residual Factorized ConvNet for Real-time Semantic SegmentationEduardo Romera, Jose M. Alvarez, Luis M. Bergasa and Roberto ArroyoTransactions on Intelligent Transportation Systems (T-ITS)ERFNet pretrained on ImageNet and trained only on the fine train (2975) annotated images


more details
ERFNet (from scratch)yesyesnononononononono2268.040.486.570.40.02yesyesEfficient ConvNet for Real-time Semantic SegmentationEduardo Romera, Jose M. Alvarez, Luis M. Bergasa and Roberto ArroyoIV2017ERFNet trained entirely on the fine train set (2975 images) without any pretraining nor coarse labels
more details
TuSimple_Coarseyesyesyesyesnononononononono80.156.990.777.8n/ayesyesUnderstanding Convolution for Semantic SegmentationPanqu Wang, Pengfei Chen, Ye Yuan, Ding Liu, Zehua Huang, Xiaodi Hou, Garrison CottrellHere we show how to improve pixel-wise semantic segmentation by manipulating convolution-related operations that are better for practical use. First, we implement dense upsampling convolution (DUC) to generate pixel-level prediction, which is able to capture and decode more detailed information that is generally missing in bilinear upsampling. Second, we propose a hybrid dilated convolution (HDC) framework in the encoding phase. This framework 1) effectively enlarges the receptive fields of the network to aggregate global information; 2) alleviates what we call the "gridding issue" caused by the standard dilated convolution operation. We evaluate our approaches thoroughly on the Cityscapes dataset, and achieve a new state-of-art result of 80.1% mIOU in the test set. We also are state-of-the-art overall on the KITTI road estimation benchmark and the
PASCAL VOC2012 segmentation task. Pretrained models are available at https://goo.gl/DQMeun.
more details
SAC-multipleyesyesnononononononononono78.155.290.678.3n/anonoScale-adaptive Convolutions for Scene ParsingRui Zhang, Sheng Tang, Yongdong Zhang, Jintao Li, and Shuicheng YanInternational Conference on Computer Vision (ICCV) 2017
more details
NetWarpyesyesyesyesnonononoyesyesnono80.559.591.079.8n/anonoAnonymous
more details
depthAwareSeg_RNN_ffyesyesnononononononononono78.256.089.776.9n/ayesyesAnonymoustraining with fine-annotated training images only (val set is not used); flip-augmentation only in training; single GPU for train&test; softmax loss; resnet101 as front end; multiscale test.
more details
Ladder DenseNetyesyesnononononononononono74.351.689.779.50.45yesyesLadder-style DenseNets for Semantic Segmentation of Large Natural ImagesIvan Krešo, Josip Krapac, Siniša ŠegvićICCV 2017https://ivankreso.github.io/publication/ladder-densenet/
more details
Real-time FCNyesyesyesyesnononononononono72.645.587.971.60.044nonoUnderstanding Cityscapes: Efficient Urban Semantic Scene UnderstandingMarius CordtsDissertationCombines the following concepts:
Network architecture: "Going deeper with convolutions". Szegedy et al., CVPR 2015
Framework and skip connections: "Fully convolutional networks for semantic segmentation". Long et al., CVPR 2015
Context modules: "Multi-scale context aggregation by dilated convolutions". Yu and Kolutin, ICLR 2016
more details
GridNetyesyesnononononononononono69.544.187.971.1n/anonoAnonymousConv-Deconv Grid-Network for semantic segmentation.
Using only the training set without extra coarse annotated data (only 2975 images).
No pre-training (ImageNet).
No post-processing (like CRF).
more details
PEARLyesyesnonononononoyesyesnono75.451.689.275.1n/anonoVideo Scene Parsing with Predictive Feature LearningXiaojie Jin, Xin Li, Huaxin Xiao, Xiaohui Shen, Zhe Lin, Jimei Yang, Yunpeng Chen, Jian Dong, Luoqi Liu, Zequn Jie, Jiashi Feng, and Shuicheng YanICCV 2017We proposed a novel Parsing with prEdictive feAtuRe Learning (PEARL) model to address the following two problems in video scene parsing: firstly, how to effectively learn meaningful video representations for producing the temporally consistent labeling maps; secondly, how to overcome the problem of insufficient labeled video training data, i.e. how to effectively conduct unsupervised deep learning. To our knowledge, this is the first model to employ predictive feature learning in the video scene parsing.
more details
pruned & dilated inception-resnet-v2 (PD-IR2)yesyesyesyesnononononononono67.342.186.568.30.69yesyesAnonymous
more details
PSPNetyesyesyesyesnononononononono81.259.691.279.2n/ayesyesPyramid Scene Parsing NetworkHengshuang Zhao, Jianping Shi, Xiaojuan Qi, Xiaogang Wang, Jiaya JiaCVPR 2017This submission is trained on coarse+fine(train+val set, 2975+500 images).

Former submission is trained on coarse+fine(train set, 2975 images) which gets 80.2 mIoU: https://www.cityscapes-dataset.com/method-details/?submissionID=314

Previous versions of this method were listed as "SenseSeg_1026".
more details
motovisyesyesyesyesnononononononono81.357.791.580.7n/anonomotovis.com
more details
ML-CRNNyesyesnononononononononono71.247.187.772.5n/anonoMulti-level Contextual RNNs with Attention Model for Scene LabelingHeng Fan, Xue Mei, Danil Prokhorov, Haibin LingarXivA framework based on CNNs and RNNs is proposed, in which the RNNs are used to model spatial dependencies among image units. Besides, to enrich deep features, we use different features from multiple levels, and adopt a novel attention model to fuse them.
more details
Hybrid Modelyesyesnononononononononono65.841.285.268.5n/anonoAnonymous
more details
tek-Iflyyesyesnononononononononono81.160.190.979.6n/anonoIflytekIflytek-yinusing a fusion strategy of three single models, the best result of a single model is 80.01%,multi-scale
more details
GridNetyesyesnononononononononono69.844.588.171.4n/ayesyesResidual Conv-Deconv Grid Network for Semantic SegmentationDamien Fourure, Rémi Emonet, Elisa Fromont, Damien Muselet, Alain Tremeau & Christian WolfBMVC 2017We used a new architecture for semantic image segmentation called GridNet, following a grid pattern allowing multiple interconnected streams to work at different resolutions (see paper).
We used only the training set without extra coarse annotated data (only 2975 images) and no pre-training (ImageNet) nor pre or post-processing.
more details
firenetyesyesnononononononono2268.247.884.975.5n/anonoAnonymous
more details
DeepLabv3yesyesyesyesnononononononono81.362.191.681.7n/anonoRethinking Atrous Convolution for Semantic Image SegmentationLiang-Chieh Chen, George Papandreou, Florian Schroff, Hartwig AdamarXiv preprintIn this work, we revisit atrous convolution, a powerful tool to explicitly adjust filter’s field-of-view as well as control the resolution of feature responses computed by Deep Convolutional Neural Networks, in the application of semantic image segmentation. To handle the problem of segmenting objects
at multiple scales, we employ a module, called Atrous Spatial Pyrmid Pooling (ASPP), which adopts atrous convolution in parallel to capture multi-scale context with multiple atrous rates. Furthermore, we propose to augment ASPP module with image-level features encoding global context and further boost performance.
Results obtained with a single model (no ensemble), trained with fine + coarse annotations. More details will be shown in the updated arXiv report.
more details
EdgeSenseSegyesyesnononononononononono76.857.189.878.5n/anonoAnonymousDeep segmentation network with hard negative mining and other tricks.
more details
ScaleNetyesyesyesyesnononononononono75.153.189.676.8n/anonoScaleNet: Scale Invariant Network for Semantic Segmentation in Urban Driving ScenesMohammad Dawud Ansari, Stephan Krarß, Oliver Wasenmüller and Didier StrickerInternational Conference on Computer Vision Theory and Applications, Funchal, Portugal, 2018The scale difference in driving scenarios is one of the essential challenges in semantic scene segmentation.
Close objects cover significantly more pixels than far objects. In this paper, we address this challenge with a
scale invariant architecture. Within this architecture, we explicitly estimate the depth and adapt the pooling
field size accordingly. Our model is compact and can be extended easily to other research domains. Finally,
the accuracy of our approach is comparable to the state-of-the-art and superior for scale problems. We evaluate
on the widely used automotive dataset Cityscapes as well as a self-recorded dataset.
more details
K-netyesyesnononononononononono76.052.888.875.4n/anonoXinLiang Zhong
more details
MSNETyesyesnononononononononono76.857.190.681.60.2nonoAnonymouspreviously also listed as "MultiPathJoin" and "MultiPath_Scale".
more details
Multitask Learningyesyesnononononononononono78.557.489.977.7n/anonoMulti-Task Learning Using Uncertainty to Weigh Losses for Scene Geometry and SemanticsAlex Kendall, Yarin Gal and Roberto CipollaNumerous deep learning applications benefit from multi-task learning with multiple regression and classification objectives. In this paper we make the observation that the performance of such systems is strongly dependent on the relative weighting between each task's loss. Tuning these weights by hand is a difficult and expensive process, making multi-task learning prohibitive in practice. We propose a principled approach to multi-task deep learning which weighs multiple loss functions by considering the homoscedastic uncertainty of each task. This allows us to simultaneously learn various quantities with different units or scales in both classification and regression settings. We demonstrate our model learning per-pixel depth regression, semantic and instance segmentation from a monocular input image. Perhaps surprisingly, we show our model can learn multi-task weightings and outperform separate models trained individually on each task.
more details
DeepMotionyesyesnononononononononono81.458.690.778.1n/anonoAnonymousWe propose a novel method based on convnets to extract multi-scale features in a large range particularly for solving street scene segmentation.
more details
SR-AICyesyesyesyesnononononononono81.960.791.379.6n/anonoAnonymous
more details
Roadstar.ai_CV(SFNet)yesyesnononononononononono79.260.891.082.60.2nonoRoadstar.ai-CVMaosheng Ye, Guang Zhou, Tongyi Cao, YongTao Huang, Yinzi Chensame foucs net(SFNet), based on only fine labels, with focus on the loss distribution and same focus on the every layer of feature map
more details
DFNyesyesyesyesnononononononono80.358.390.879.6n/anonoLearning a Discriminative Feature Network for Semantic SegmentationChangqian Yu, Jingbo Wang, Chao Peng, Changxin Gao, Gang Yu, Nong SangarxivMost existing methods of semantic segmentation still suffer from two aspects of challenges: intra-class inconsistency and inter-class indistinction. To tackle these two problems, we propose a Discriminative Feature Network (DFN), which contains two sub-networks: Smooth Network and Border Network. Specifically, to handle the intra-class inconsistency problem, we specially design a Smooth Network with Channel Attention Block and global average pooling to select the more discriminative features. Furthermore, we propose a Border Network to make the bilateral features of boundary distinguishable with deep semantic boundary supervision. Based on our proposed DFN, we achieve state-of-the-art performance 86.2% mean IOU on PASCAL VOC 2012 and 80.3% mean IOU on Cityscapes dataset.
more details
RelationNet_Coarseyesyesyesyesnononononononono82.461.991.881.4n/anonoRelationNet: Learning Deep-Aligned Representation for Semantic Image SegmentationYueqing ZhuangICPR Semantic image segmentation, which assigns labels in pixel level, plays a central role in image understanding. Recent approaches have attempted to harness the capabilities of deep learning. However, one central problem of these methods is that deep convolution neural network gives little consideration to the correlation among pixels. To handle this issue, in this paper, we propose a novel deep neural network named RelationNet, which utilizes CNN and RNN to aggregate context information. Besides, a spatial correlation loss is applied to supervise RelationNet to align features of spatial pixels belonging to same category. Importantly, since it is expensive to obtain pixel-wise annotations, we exploit a new training method for combining the coarsely and finely labeled data. Separate experiments show the detailed improvements of each proposal. Experimental results demonstrate the effectiveness of our proposed method to the problem of semantic image segmentation.
more details
ARSAITyesyesnononononononononono73.648.289.074.81.0nonoAnonymousanonymous
more details
Mapillary Research: In-Place Activated BatchNormyesyesyesyesnononononononono82.065.991.281.7n/ayesyesIn-Place Activated BatchNorm for Memory-Optimized Training of DNNsSamuel Rota Bulò, Lorenzo Porzi, Peter KontschiederarXivIn-Place Activated Batch Normalization (InPlace-ABN) is a novel approach to drastically reduce the training memory footprint of modern deep neural networks in a computationally efficient way. Our solution substitutes the conventionally used succession of BatchNorm + Activation layers with a single plugin layer, hence avoiding invasive framework surgery while providing straightforward applicability for existing deep learning frameworks. We obtain memory savings of up to 50% by dropping intermediate results and by recovering required information during the backward pass through the inversion of stored forward results, with only minor increase (0.8-2%) in computation time. Test results are obtained using a single model.
more details
EFBNETyesyesnononononononononono81.859.990.778.8n/anonoAnonymous
more details
Ladder DenseNet v2yesyesnononononononononono78.454.690.878.71.0nonoJournal submissionAnonymousDenseNet-121 model used in downsampling path with ladder-style skip connections upsampling path on top of it.
more details
ESPNetyesyesnononononononono2260.331.882.263.10.0089yesyesESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation Sachin Mehta, Mohammad Rastegari, Anat Caspi, Linda Shapiro, and Hannaneh HajishirziWe introduce a fast and efficient convolutional neural network, ESPNet, for semantic segmentation of high resolution images under resource constraints. ESPNet is based on a new convolutional module, efficient spatial pyramid (ESP), which is efficient in terms of computation, memory, and power. ESPNet is 22 times faster (on a standard GPU) and 180 times smaller than the state-of-the-art semantic segmentation network PSPNet, while its category-wise accuracy is only 8% less. We evaluated EPSNet on a variety of semantic segmentation datasets including Cityscapes, PASCAL VOC, and a breast biopsy whole slide image dataset. Under the same constraints on memory and computation, ESPNet outperforms all the current efficient CNN networks such as MobileNet, ShuffleNet, and ENet on both standard metrics and our newly introduced performance metrics that measure efficiency on edge devices. Our network can process high resolution images at a rate of 112 and 9 frames per second on a standard GPU and edge device, respectively
more details
ENet with the Lovász-Softmax lossyesyesnononononononono2263.134.183.661.00.013yesyesThe Lovász-Softmax loss: A tractable surrogate for the optimization of the intersection-over-union measure in neural networksMaxim Berman, Amal Rannen Triki, Matthew B. BlaschkoarxivThe Lovász-Softmax loss is a novel surrogate for optimizing the IoU measure in neural networks. Here we finetune the weights provided by the authors of ENet (arXiv:1606.02147) with this loss, for 10'000 iterations on training dataset. The runtimes are unchanged with respect to the ENet architecture.
more details
DRN_CRL_Coarseyesyesyesyesnononononononono82.861.191.880.7n/ayesyesDense Relation Network: Learning Consistent and Context-Aware Representation For Semantic Image SegmentationYueqing ZhuangICIPDRN_CoarseSemantic image segmentation, which aims at assigning pixel-wise category, is one of challenging image understanding problems. Global context plays an important role on local pixel-wise category assignment. To make the best of global context, in this paper, we propose dense relation network (DRN) and context-restricted loss (CRL) to aggregate global and local information. DRN uses Recurrent Neural Network (RNN) with different skip lengths in spatial directions to get context-aware representations while CRL helps aggregate them to learn consistency. Compared with previous methods, our proposed method takes full advantage of hierarchical contextual representations to produce high-quality results. Extensive experiments demonstrate that our methods achieves significant state-of-the-art performances on Cityscapes and Pascal Context benchmarks, with mean-IoU of 82.8% and 49.0% respectively.
more details
ShuffleSegyesyesyesyesnononononononono58.332.480.262.2n/anonoShuffleSeg: Real-time Semantic Segmentation NetworkMostafa Gamal, Mennatullah Siam, Mo'men Abdel-RazekUnder Review by ICIP 2018ShuffleSeg: An efficient realtime semantic segmentation network with skip connections and ShuffleNet units
more details
SkipNet-MobileNetyesyesyesyesnononononononono61.535.282.063.0n/anonoRTSeg: Real-time Semantic Segmentation FrameworkMennatullah Siam, Mostafa Gamal, Moemen Abdel-Razek, Senthil Yogamani, Martin JagersandUnder Review by ICIP 2018An efficient realtime semantic segmentation network with skip connections based on MobileNet.

more details
ThunderNetyesyesnononononononono2264.040.484.169.30.0104nonoAnonymous
more details
PAC: Perspective-adaptive Convolutionsyesyesnononononononononono78.955.790.778.3n/anonoPerspective-adaptive Convolutions for Scene ParsingRui Zhang, Sheng Tang, Yongdong Zhang, Jintao Li, and Shuicheng YanIEEE Transactions on Pattern Analysis and Machine Intelligence (TPAMI)Many existing scene parsing methods adopt Convolutional Neural Networks with receptive fields of fixed sizes and shapes, which frequently results in inconsistent predictions of large objects and invisibility of small objects. To tackle this issue, we propose perspective-adaptive convolutions to acquire receptive fields of flexible sizes and shapes during scene parsing. Through adding a new perspective regression layer, we can dynamically infer the position-adaptive perspective coefficient vectors utilized to reshape the convolutional patches. Consequently, the receptive fields can be adjusted automatically according to the various sizes and perspective deformations of the objects in scene images. Our proposed convolutions are differentiable to learn the convolutional parameters and perspective coefficients in an end-to-end way without any extra training supervision of object sizes. Furthermore, considering that the standard convolutions lack contextual information and spatial dependencies, we propose a context adaptive bias to capture both local and global contextual information through average pooling on the local feature patches and global feature maps, followed by flexible attentive summing to the convolutional results. The attentive weights are position-adaptive and context-aware, and can be learned through adding an additional context regression layer. Experiments on Cityscapes and ADE20K datasets well demonstrate the effectiveness of the proposed methods.
more details
SU_Netnononononononononononono75.352.388.575.0n/anonoAnonymous
more details
MobileNetV2Plusyesyesnononononononononono70.746.887.672.9n/anonoHuijun LiuMobileNetV2Plus
more details
DeepLabv3+yesyesyesyesnononononononono82.162.492.081.9n/ayesyes Encoder-Decoder with Atrous Separable Convolution for Semantic Image SegmentationLiang-Chieh Chen, Yukun Zhu, George Papandreou, Florian Schroff, Hartwig AdamarXivSpatial pyramid pooling module or encode-decoder structure are used in deep neural networks for semantic segmentation task. The former networks are able to encode multi-scale contextual information by probing the incoming features with filters or pooling operations at multiple rates and multiple effective fields-of-view, while the latter networks can capture sharper object boundaries by gradually recovering the spatial information. In this work, we propose to combine the advantages from both methods. Specifically, our proposed model, DeepLabv3+, extends DeepLabv3 by adding a simple yet effective decoder module to refine the segmentation results especially along object boundaries. We further explore the Xception model and apply the depthwise separable convolution to both Atrous Spatial Pyramid Pooling and decoder modules, resulting in a faster and stronger encoder-decoder network. We will provide more details in the coming update on the arXiv report.
more details
RFMobileNetV2Plusyesyesnononononononononono70.749.488.375.8n/anonoHuijun LiuReceptive Filed MobileNetV2Plus for Semantic Segmentation
more details
GoogLeNetV1_ROByesyesnononononononononono59.635.183.064.4n/anonoAnonymousGoogLeNet-v1 FCN trained on Cityscapes, KITTI, and ScanNet, as required by the Robust Vision Challenge at CVPR'18 (http://robustvision.net/)
more details
SAITv2yesyesyesyesnononononononono70.036.584.562.10.025nonoAnonymous
more details
GUNetyesyesnononononononono2270.440.886.869.10.03nonoGuided Upsampling Network for Real-Time Semantic SegmentationDavide MazziniarxivGuided Upsampling Network for Real-Time Semantic Segmentation
more details
RMNetyesyesnononononononononono64.537.384.667.70.014nonoAnonymousA fast and light net for semantic segmentation.
more details
ContextNetyesyesnononononononononono66.136.882.864.30.0238nonoContextNet: Exploring Context and Detail for Semantic Segmentation in Real-timeRudra PK Poudel, Ujwal Bonde, Stephan Liwicki, Christopher ZacharXivModern deep learning architectures produce highly accurate results on many challenging semantic segmentation datasets. State-of-the-art methods are, however, not directly transferable to real-time applications or embedded devices, since naive adaptation of such systems to reduce computational cost (speed, memory and energy) causes a significant drop in accuracy. We propose ContextNet, a new deep neural network architecture which builds on factorized convolution, network compression and pyramid representations to produce competitive semantic segmentation in real-time with low memory requirements. ContextNet combines a deep branch at low resolution that captures global context information efficiently with a shallow branch that focuses on high-resolution segmentation details. We analyze our network in a thorough ablation study and present results on the Cityscapes dataset, achieving 66.1% accuracy at 18.3 frames per second at full (1024x2048) resolution.
more details
RFLRyesyesyesyesyesyesnononono4430.07.860.222.60.03nonoRandom Forest with Learned Representations for Semantic SegmentationByeongkeun Kang, Truong Q. NguyenIEEE Transactions on Image ProcessingRandom Forest with Learned Representations for Semantic Segmentation
more details
DPCyesyesyesyesnononononononono82.763.392.082.5n/ayesyesSearching for Efficient Multi-Scale Architectures for Dense Image PredictionLiang-Chieh Chen, Maxwell D. Collins, Yukun Zhu, George Papandreou, Barret Zoph, Florian Schroff, Hartwig Adam, Jonathon ShlensNIPS 2018In this work we explore the construction of meta-learning techniques for dense image prediction focused on the tasks of scene parsing. Constructing viable search spaces in this domain is challenging because of the multi-scale representation of visual information and the necessity to operate on high resolution imagery. Based on a survey of techniques in dense image prediction, we construct a recursive search space and demonstrate that even with efficient random search, we can identify architectures that achieve state-of-the-art performance. Additionally, the resulting architecture (called DPC for Dense Prediction Cell) is more computationally efficient, requiring half the parameters and half the computational cost as previous state of the art systems.
more details
NV-ADLRyesyesyesyesnononononononono83.264.292.182.2n/anonoAnonymousNVIDIA Applied Deep Learning Research
more details
Adaptive Affinity Field on PSPNetyesyesnononononononononono79.156.190.878.5n/ayesyesAdaptive Affinity Field for Semantic SegmentationTsung-Wei Ke*, Jyh-Jing Hwang*, Ziwei Liu, Stella X. YuECCV 2018Existing semantic segmentation methods mostly rely on per-pixel supervision, unable to capture structural regularity present in natural images. Instead of learning to enforce semantic labels on individual pixels, we propose to enforce affinity field patterns in individual pixel neighbourhoods, i.e., the semantic label patterns of whether neighbouring pixels are in the same segment should match between the prediction and the ground-truth. The affinity fields characterize geometric relationships within the image, such as "motorcycles have round wheels". We further develop a novel method for learning the optimal neighbourhood size for each semantic category, with an adversarial loss that optimizes over worst-case scenarios. Unlike the common Conditional Random Field (CRF) approaches, our adaptive affinity field (AAF) method has no extra parameters during inference, and is less sensitive to appearance changes in the image.
more details
APMoE_seg_ROByesyesnononononononononono56.530.683.566.10.9yesyesPixel-wise Attentional Gating for Parsimonious Pixel LabelingShu Kong, Charless FowlkesarxivThe Pixel-level Attentional Gating (PAG) unit is trained to choose for each pixel the pooling size to adopt to aggregate contextual region around it. There are multiple branches with different dilate rates for varied pooling size, thus varying receptive field. For this ROB challenge, PAG is expected to robustly aggregate information for final prediction.

This is our entry for Robust Vision Challenge 2018 workshop (ROB). The model is based on ResNet50, trained over mixed dataset of Cityscapes, ScanNet and Kitti.
more details
BatMAN_ROByesyesyesyesnononononononono55.429.383.965.01.0nonoAnonymousbatch-normalized multistage attention network
more details
HiSS_ROByesyesnononononononono2258.932.181.460.50.06nonoAnonymous
more details
VENUS_ROByesyesnononononononononono66.437.184.566.7n/anonoAnonymousVENUS_ROB
more details
VlocNet++_ROBnononononononononononono62.733.983.460.8n/anonoAnonymous
more details
AHiSS_ROByesyesyesyesnononononono2270.639.884.262.90.06nonoAnonymousAugmented Hierarchical Semantic Segmentation
more details
IBN-PSP-SA_ROByesyesnononononononononono75.146.389.172.0n/anonoAnonymousIBN-PSP-SA_ROB
more details
LDN2_ROByesyesnononononononononono77.952.390.177.11.0nonoAnonymousLadder DenseNet: https://ivankreso.github.io/publication/ladder-densenet/
more details
MiniNetyesyesnononononononono4440.715.870.544.80.004nonoAnonymous
more details
AdapNetv2_ROByesyesnononononononononono63.834.984.362.4n/anonoAnonymous
more details
MapillaryAI_ROByesyesnononononononononono80.560.191.180.2n/anonoAnonymous
more details
FCN101_ROByesyesnononononononononono30.411.361.138.5n/anonoAnonymous
more details
MaskRCNN_BOSHyesyesnononononononononono73.948.587.270.0n/anonoJin shengtao, Yi zhihao, Liu wei [Our team name is firefly]Bosh autodrive challenge
more details
EnsembleModel_Boschyesyesnononononononononono74.448.988.572.9n/anonoJin shengtao, Yi zhihao, Liu wei [Our team name was MaskRCNN_BOSH,firefly]we've ensembled three model(erfnet,deeplab-mobilenet,tusimple) and gained 0.57 improvment of IoU Classes value. The best single model is 73.8549
more details
EVANetyesyesnononononononononono69.844.087.773.1n/anonoAnonymous
more details
CLRCNetyesyesnononononononononono63.335.984.468.00.013nonoCLRCNet: Cascaded Low-Rank Convolutions for Semantic Segmentation in Real-timeAnonymousA lightweight and real-time semantic segmentation method.
more details
Edgenetyesyesnononononononono2271.046.688.575.00.03nonoAnonymousA lightweight semantic segmentation network combined with edge information and channel-wise attention mechanism.
more details
L2-SPyesyesyesyesnononononononono81.258.191.078.5n/ayesyesExplicit Inductive Bias for Transfer Learning with Convolutional NetworksXuhong Li, Yves Grandvalet, Franck DavoineICML-2018With a simple variant of weight decay, L2-SP regularization (see the paper for details), we reproduced PSPNet based on the original ResNet-101 using "train_fine + val_fine + train_extra" set (2975 + 500 + 20000 images), with a small batch size 8. The sync batch normalization layer is implemented in Tensorflow (see the code).
more details
ALV303yesyesnononononononononono72.252.089.879.20.2nonoAnonymous
more details
NCTU-ITRIyesyesnononononononono2269.141.486.870.80.0147nonoAnonymousFor the purpose of fast semantic segmentation, we design a CNN-based encoder-decoder architecture, which is called DSNet. The encoder part is constructed based on the concept of DenseNet, and a simple decoder is adopted to make the network more efficient without degrading the accuracy. We pre-train the encoder network on the ImageNet dataset. Then, only the fine-annotated Cityscapes dataset (2975 training images) is used to train the complete DSNet. The DSNet demonstrates a good trade-off between accuracy and speed. It can process 68 frames per second on 1024x512 resolution images on a single GTX 1080 Ti GPU.
more details
ADSCNetyesyesnononononononononono64.536.884.968.70.013nonoADSCNet: Asymmetric Depthwise Separable Convolution for Semantic Segmentation in Real-timeAnonymousA lightweight and real-time semantic segmentation method for mobile devices.
more details
SRC-B-MachineLearningLabyesyesyesyesnononononononono82.560.791.881.5n/anonoJianlong Yuan, Zelu Deng, Shu Wang, Zhenbo LuoSamsung Research Center MachineLearningLab. The result is tested by multi scale and filp. The paper is in preparing.
more details
Tencent AI Labyesyesyesyesnononononononono82.963.991.880.4n/anonoAnonymous
more details
ERINetyesyesnononononononono2269.844.187.473.40.023nonoAnonymousEfficient residual inception networks for real-time semantic segmentation
more details
PGCNet_Res101_fineyesyesnononononononononono80.560.791.581.1n/anonoAnonymouswe choose the ResNet101 pretrained on ImageNet as our backbone, then we use both the train-fine and the val-fine data to train our model with batch size=8 for 8w iterations without any bells and whistles. We will release our paper latter.
more details
EDANetyesyesnononononononono2267.341.885.869.90.0092yesyesEfficient Dense Modules of Asymmetric Convolution for Real-Time Semantic SegmentationShao-Yuan Lo (NCTU), Hsueh-Ming Hang (NCTU), Sheng-Wei Chan (ITRI), Jing-Jhih Lin (ITRI)Training data: Fine annotations only (train+val. set, 2975+500 images) without any pretraining nor coarse annotations.
For training on fine annotations (train set only, 2975 images), it attains a mIoU of 66.3%.

Runtime: (resolution 512x1024) 0.0092s on a single GTX 1080Ti, 0.0123s on a single Titan X.
more details
OCNet_ResNet101_fineyesyesnononononononononono81.261.391.681.1n/anonoAnonymousContext is essential for various computer vision tasks.
The state-of-the-art scene parsing methods define the context as the prior of the scene categories (e.g., bathroom, badroom, street).
Such scene context is not suitable for the street scene parsing tasks as most of the scenes are similar.

In this work, we propose the Object Context that captures the prior of the object's category that the pixel belongs to.
We compute the object context by aggregating all the pixels' features according to a attention map that encodes the probability of each pixel that it belongs to the same category with the associated pixel.
Specifically, We employ the self-attention method to compute the pixel-wise attention map.

We further propose the Pyramid Object Context and Atrous Spatial Pyramid Object Context to handle the problem of multi-scales.
more details
Knowledge-Awareyesyesnononononononononono79.355.690.778.0n/anonoAnonymousKnowledge-Aware Semantic Segmentation
more details
CASIA_IVA_DANet_NoCoarseyesyesnononononononononono81.562.391.682.6n/ayesyesDual Attention Network for Scene SegmentationJun Fu, Jing Liu, Haijie Tian, Yong Li, Yongjun Bao, Zhiwei Fang,and Hanqing LuCVPR2019we address the scene segmentation task by capturing rich contextual dependencies based on the selfattention mechanism. Unlike previous works that capture contexts by multi-scale features fusion, we propose a Dual Attention Networks (DANet) to adaptively integrate local features with their global dependencies. Specifically, we append two types of attention modules on top of traditional dilated FCN, which model the semantic interdependencies in spatial and channel dimensions respectively. The position attention module selectively aggregates the features at each
position by a weighted sum of the features at all positions. Similar features would be related to each other regardless of their distances. Meanwhile, the channel attention module selectively emphasizes interdependent channel maps by integrating associated features among all channel maps.
We sum the outputs of the two attention modules to further improve feature representation which contributes to more precise segmentation results
more details
LDFNetyesyesnonononoyesyesnono2271.346.388.574.2n/ayesyesIncorporating Luminance, Depth and Color Information by Fusion-based Networks for Semantic SegmentationShang-Wei Hung, Shao-Yuan LoWe propose a preferred solution, which incorporates Luminance, Depth and color information by a Fusion-based network named LDFNet. It includes a distinctive encoder sub-network to process the depth maps and further employs the luminance images to assist the depth information in a process. LDFNet achieves very competitive results compared to the other state-of-art systems on the challenging Cityscapes dataset, while it maintains an inference speed faster than most of the existing top-performing networks. The experimental results show the effectiveness of the proposed information-fused approach and the potential of LDFNet for road scene understanding tasks.
more details
CGNetyesyesnononononononononono64.835.985.767.50.02yesyesTianyi Wu et alwe propose a novel Context Guided Network for semantic segmentation on mobile devices. We first design a Context Guided (CG) block by considering the inherent characteristic of semantic segmentation. CG Block aggregates local feature, surrounding context feature and global context feature effectively and efficiently. Based on the CG block, we develop Context Guided Network (CGNet), which not only has a strong capacity of localization and recognition, but also has a low computational and memory footprint. Under a similar number of parameters, the proposed
CGNet significantly outperforms existing segmentation networks. Extensive experiments on Cityscapes and CamVid datasets verify the effectiveness of the proposed approach.
Specifically, without any post-processing, the proposed approach achieves 64.8% mean IoU on Cityscapes test set with less than 0.5 M parameters, and has a frame-rate of 50 fps on one NVIDIA Tesla K80 card for 2048 × 1024 high-resolution image.
more details
SAITv2-lightyesyesyesyesnononononononono73.044.087.469.40.025nonoAnonymous
more details
Deform_ResNet_Balancedyesyesnononononononononono51.331.278.063.20.258nonoAnonymous
more details
NfS-Segyesyesyesyesnonoyesyesyesyesnono73.144.487.570.10.00837312nonoUncertainty-Aware Knowledge Distillation for Real-Time Scene Segmentation: 7.43 GFLOPs at Full-HD Image with 120 fpsAnonymous
more details
Improving Semantic Segmentation via Video Propagation and Label Relaxationyesyesyesyesnonononoyesyesnono83.564.492.282.0n/ayesyesImproving Semantic Segmentation via Video Propagation and Label RelaxationYi Zhu, Karan Sapra, Fitsum A. Reda, Kevin J. Shih, Shawn Newsam, Andrew Tao, Bryan CatanzaroCVPR 2019Semantic segmentation requires large amounts of pixel-wise annotations to learn accurate models. In this paper, we present a video prediction-based methodology to scale up training sets by synthesizing new training samples in order to improve the accuracy of semantic segmentation networks. We exploit video prediction models' ability to predict future frames in order to also predict future labels. A joint propagation strategy is also proposed to alleviate mis-alignments in synthesized samples. We demonstrate that training segmentation models on datasets augmented by the synthesized samples lead to significant improvements in accuracy. Furthermore, we introduce a novel boundary label relaxation technique that makes training robust to annotation noise and propagation artifacts along object boundaries. Our proposed methods achieve state-of-the-art mIoUs of 83.5% on Cityscapes and 82.9% on CamVid. Our single model, without model ensembles, achieves 72.8% mIoU on the KITTI semantic segmentation test set, which surpasses the winning entry of the ROB challenge 2018.
more details
Spatial Sampling Netyesyesnononononononono2268.939.085.966.50.00884nonoSpatial Sampling Network for Fast Scene UnderstandingDavide Mazzini, Raimondo SchettiniCVPR 2019 Workshop on Autonomous DrivingWe propose a network architecture to perform efficient scene understanding. This work presents three main novelties: the first is an Improved Guided Upsampling Module that can replace in toto the decoder part in common semantic segmentation networks.
Our second contribution is the introduction of a new module based on spatial sampling to perform Instance Segmentation. It provides a very fast instance segmentation, needing only thresholding as post-processing step at inference time. Finally, we propose a novel efficient network design that includes the new modules and we test it against different datasets for outdoor scene understanding.
more details
SwiftNetRN-18yesyesnononononononononono75.552.089.877.20.0243yesyesIn Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving ImagesMarin Oršić, Ivan Krešo, Petra Bevandić, Siniša ŠegvićCVPR 2019
more details
Fast-SCNNyesyesyesyesnononononononono68.037.984.763.50.0081nonoFast-SCNN: Fast Semantic Segmentation NetworkRudra PK Poudel, Stephan Liwicki, Roberto CipollaThe encoder-decoder framework is state-of-the-art for offline semantic image segmentation. Since the rise in autonomous systems, real-time computation is increasingly desirable. In this paper, we introduce fast segmentation convolutional neural network (Fast-SCNN), an above real-time semantic segmentation model on high resolution image data (1024x2048px) suited to efficient computation on embedded devices with low memory. Building on existing two-branch methods for fast segmentation, we introduce our `learning to downsample' module which computes low-level features for multiple resolution branches simultaneously. Our network combines spatial detail at high resolution with deep features extracted at lower resolution, yielding an accuracy of 68.0% mean intersection over union at 123.5 frames per second on Cityscapes. We also show that large scale pre-training is unnecessary. We thoroughly validate our metric in experiments with ImageNet pre-training and the coarse labeled data of Cityscapes. Finally, we show even faster computation with competitive results on subsampled inputs, without any network modifications.
more details
Fast-SCNN (Half-resolution)yesyesyesyesnononononono2262.831.980.557.10.0035nonoFast-SCNN: Fast Semantic Segmentation NetworkRudra P K Poudel, Stephan Liwicki, Roberto CipollaThe encoder-decoder framework is state-of-the-art for offline semantic image segmentation. Since the rise in autonomous systems, real-time computation is increasingly desirable. In this paper, we introduce fast segmentation convolutional neural network (Fast-SCNN), an above real-time semantic segmentation model on high resolution image data (1024x2048px) suited to efficient computation on embedded devices with low memory. Building on existing two-branch methods for fast segmentation, we introduce our `learning to downsample' module which computes low-level features for multiple resolution branches simultaneously. Our network combines spatial detail at high resolution with deep features extracted at lower resolution, yielding an accuracy of 68.0% mean intersection over union at 123.5 frames per second on Cityscapes. We also show that large scale pre-training is unnecessary. We thoroughly validate our metric in experiments with ImageNet pre-training and the coarse labeled data of Cityscapes. Finally, we show even faster computation with competitive results on subsampled inputs, without any network modifications.
more details
Fast-SCNN (Quarter-resolution)yesyesnononononononono4451.923.074.248.20.00206nonoFast-SCNN: Fast Semantic Segmentation NetworkRudra P K Poudel, Stephan Liwicki, Roberto CipollaThe encoder-decoder framework is state-of-the-art for offline semantic image segmentation. Since the rise in autonomous systems, real-time computation is increasingly desirable. In this paper, we introduce fast segmentation convolutional neural network (Fast-SCNN), an above real-time semantic segmentation model on high resolution image data (1024x2048px) suited to efficient computation on embedded devices with low memory. Building on existing two-branch methods for fast segmentation, we introduce our `learning to downsample' module which computes low-level features for multiple resolution branches simultaneously. Our network combines spatial detail at high resolution with deep features extracted at lower resolution, yielding an accuracy of 68.0% mean intersection over union at 123.5 frames per second on Cityscapes. We also show that large scale pre-training is unnecessary. We thoroughly validate our metric in experiments with ImageNet pre-training and the coarse labeled data of Cityscapes. Finally, we show even faster computation with competitive results on subsampled inputs, without any network modifications.
more details
DSNetyesyesyesyesnononononono2269.342.886.070.70.027yesyesDSNet for Real-Time Driving Scene Semantic SegmentationWenfu WangDSNet for Real-Time Driving Scene Semantic Segmentation
more details
SwiftNetRN-18 pyramidyesyesnononononononononono74.448.489.574.6n/anonoAnonymous
more details
DF-Segyesyesnononononononononono71.445.086.669.60.007yesyesPartial Order Pruning: for Best Speed/Accuracy Trade-off in Neural Architecture SearchXin Li, Yiming Zhou, Zheng Pan, Jiashi FengCVPR 2019DF1-Seg-d8
more details
DF-Segyesyesnononononononononono75.350.289.273.30.018nonoAnonymousDF2-Seg2
more details
DDARyesyesyesyesnononononononono82.262.791.981.5n/anonoAnonymousDiDi Labs, AR Group
more details
LDN-121yesyesnononononononononono79.354.790.778.40.048nonoEfficient Ladder-style DenseNets for Semantic Segmentation of Large ImagesIvan Kreso, Josip Krapac, Sinisa SegvicLadder DenseNet-121 trained on train+val, fine labels only. Single-scale inference.
more details
TKCNyesyesnononononononononono79.561.391.181.5n/ayesyesTree-structured Kronecker Convolutional Network for Semantic SegmentationTianyi Wu, Sheng Tang, Rui Zhang, Juan Cao, Jintao Li
more details
RPNetyesyesnononononononono2268.343.686.872.30.008yesyesResidual Pyramid Learning for Single-Shot Semantic SegmentationXiaoyu Chen, Xiaotian Lou, Lianfa Bai, Jing HanarXivwe put forward a method for single-shot segmentation in a feature residual pyramid network (RPNet), which learns the main and residuals of segmentation by decomposing the label at different levels of residual blocks.
more details
naviyesyesnononononononononono81.060.191.279.1n/anonoyuxbmutil scale test
more details
Auto-DeepLab-Lyesyesyesyesnononononononono82.161.091.982.0n/ayesyesAuto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image SegmentationChenxi Liu, Liang-Chieh Chen, Florian Schroff, Hartwig Adam, Wei Hua, Alan Yuille, Li Fei-FeiarxivIn this work, we study Neural Architecture Search for semantic image segmentation, an important computer vision task that assigns a semantic label to every pixel in an image. Existing works often focus on searching the repeatable cell structure, while hand-designing the outer network structure that controls the spatial resolution changes. This choice simplifies the search space, but becomes increasingly problematic for dense image prediction which exhibits a lot more network level architectural variations. Therefore, we propose to search the network level structure in addition to the cell level structure, which forms a hierarchical architecture search space. We present a network level search space that includes many popular designs, and develop a formulation that allows efficient gradient-based architecture search (3 P100 GPU days on Cityscapes images). We demonstrate the effectiveness of the proposed method on the challenging Cityscapes, PASCAL VOC 2012, and ADE20K datasets. Without any ImageNet pretraining, our architecture searched specifically for semantic image segmentation attains state-of-the-art performance. Please refer to https://arxiv.org/abs/1901.02985 for details.
more details
LiteSeg-Darknet19yesyesyesyesnononononononono70.849.188.376.10.0102yesyesLiteSeg: A Litewiegth ConvNet for Semantic SegmentationTaha Emara, Hossam E. Abd El Munim, Hazem M. AbbasDICTA 2019
more details
AdapNet++yesyesyesyesnononononononono81.359.591.080.1n/ayesyes Self-Supervised Model Adaptation for Multimodal Semantic SegmentationAbhinav Valada, Rohit Mohan, Wolfram BurgardIJCV 2019In this work, we propose the AdapNet++ architecture for semantic segmentation that aims to achieve the right trade-off between performance and computational complexity of the model. AdapNet++ incorporates a new encoder with multiscale residual units and an efficient atrous spatial pyramid pooling (eASPP) module that has a larger effective receptive field with more than 10x fewer parameters compared to the standard ASPP, complemented with a strong decoder with a multi-resolution supervision scheme that recovers high-resolution details. Comprehensive empirical evaluations on the challenging Cityscapes, Synthia, SUN RGB-D, ScanNet and Freiburg Forest datasets demonstrate that our architecture achieves state-of-the-art performance while simultaneously being efficient in terms of both the number of parameters and inference time. Please refer to https://arxiv.org/abs/1808.03833 for details.

A live demo on various datasets can be viewed at http://deepscene.cs.uni-freiburg.de
more details
SSMAyesyesyesyesnonoyesyesnononono82.362.391.581.7n/ayesyes Self-Supervised Model Adaptation for Multimodal Semantic SegmentationAbhinav Valada, Rohit Mohan, Wolfram BurgardIJCV 2019Learning to reliably perceive and understand the scene is an integral enabler for robots to operate in the real-world. This problem is inherently challenging due to the multitude of object types as well as appearance changes caused by varying illumination and weather conditions. Leveraging
complementary modalities can enable learning of semantically richer representations that are resilient to such perturbations. Despite the tremendous progress in recent years, most multimodal convolutional neural network approaches directly concatenate feature maps from individual modality streams
rendering the model incapable of focusing only on the relevant complementary information for fusion. To address this limitation, we propose a mutimodal semantic segmentation framework that dynamically adapts the fusion of modality-specific features while being sensitive to the object category, spatial location and scene context in a self-supervised manner. Specifically, we propose an architecture consisting of two modality-specific encoder streams that fuse intermediate encoder representations into a single decoder using our proposed SSMA fusion mechanism which optimally combines complementary features. As intermediate representations are not aligned across modalities, we introduce an attention scheme for better correlation. Extensive experimental evaluations on the challenging Cityscapes, Synthia, SUN RGB-D, ScanNet and Freiburg Forest datasets demonstrate that our architecture achieves state-of-the-art performance in addition to providing exceptional robustness in adverse perceptual conditions. Please refer to https://arxiv.org/abs/1808.03833 for details.

A live demo on various datasets can be viewed at http://deepscene.cs.uni-freiburg.de
more details
LiteSeg-Mobilenetyesyesyesyesnononononononono67.845.386.872.00.0062yesyesLiteSeg: A Litewiegth ConvNet for Semantic SegmentationTaha Emara, Hossam E. Abd El Munim, Hazem M. AbbasDICTA 2019
more details
LiteSeg-Shufflenetyesyesyesyesnononononononono65.241.085.467.30.007518yesyesLiteSeg: A Litewiegth ConvNet for Semantic SegmentationTaha Emara, Hossam E. Abd El Munim, Hazem M. AbbasDICTA 2019
more details
Fast OCNetyesyesnononononononononono82.161.091.780.7n/anonoAnonymous
more details
ShuffleNet v2 + DPCyesyesyesyesnononononononono70.343.686.569.9n/ayesyesAn efficient solution for semantic segmentation: ShuffleNet V2 with atrous separable convolutionsSercan Turkmen, Janne HeikkilaShuffleNet v2 with DPC at output_stride 16.
more details
ERSNet-coarseyesyesyesyesnononononono4467.639.285.967.80.012nonoAnonymous
more details
MiniNet-v2-coarseyesyesyesyesnononononono2267.839.286.168.30.012nonoAnonymous
more details
SwiftNetRN-18 ensembleyesyesnononononononononono76.551.490.176.5n/ayesyesIn Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving ImagesMarin Oršić, Ivan Krešo, Petra Bevandić, Siniša ŠegvićCVPR 2019
more details
EFC_syncyesyesnonononononoyesyesnono80.256.790.977.8n/anonoAnonymous
more details
PL-Segyesyesnononononononononono69.141.286.467.70.0192yesyesPartial Order Pruning: for Best Speed/Accuracy Trade-of in Neural Architecture SearchXin Li, Yiming Zhou, Zheng Pan, Jiashi FengCVPR 2019Following "partial order pruning", we conduct architecture searching experiments on Snapdragon 845 platform, and obtained PL1A/PL1A-Seg.

1、Snapdragon 845
2、NCNN Library
3、latency evaluated at 640x384

more details
MiniNet-v2-pretrainedyesyesyesyesnononononono2268.039.786.268.40.012nonoAnonymous
more details
GALD-Netyesyesyesyesyesyesyesyesnononono83.364.592.381.9n/ayesyesGlobal Aggregation then Local Distribution in Fully Convolutional NetworksXiangtai Li, Li Zhang, Ansheng You, Maoke Yang, Kuiyuan Yang, Yunhai TongBMVC 2019We propose Global Aggregation then Local Distribution (GALD) scheme to distribute global information to each position adaptively according to the local information around the position. (Joint work: Key Laboratory of Machine Perception, School of EECS @Peking University and DeepMotion AI Research )
more details
GALD-netyesyesyesyesnononononononono83.163.592.281.4n/ayesyesGlobal Aggregation then Local Distribution in Fully Convolutional NetworksXiangtai Li, Li Zhang, Ansheng You, Maoke Yang, Kuiyuan Yang, Yunhai TongBMVC 2019We propose Global Aggregation then Local Distribution (GALD) scheme to distribute global information to each position adaptively according the local information surrounding the position.
more details
ndnetyesyesnononononononononono64.834.784.564.70.024nonoAnonymous
more details
HRNetV2yesyesnononononononononono81.861.292.282.1n/ayesyesHigh-Resolution Representations for Labeling Pixels and RegionsKe Sun, Yang Zhao, Borui Jiang, Tianheng Cheng, Bin Xiao, Dong Liu, Yadong Mu, Xinggang Wang, Wenyu Liu, Jingdong WangThe high-resolution network (HRNet) recently developed for human pose estimation, maintains high-resolution representations through the whole process by connecting high-to-low resolution convolutions in parallel and produces strong high-resolution representations by repeatedly conducting fusions across parallel convolutions.
more details
SPGNetyesyesnononononononononono81.161.492.182.1n/anonoSPGNet: Semantic Prediction Guidance for Scene ParsingBowen Cheng, Liang-Chieh Chen, Yunchao Wei, Yukun Zhu, Zilong Huang, Jinjun Xiong, Thomas Huang, Wen-Mei Hwu, Honghui ShiICCV 2019Multi-scale context module and single-stage encoder-decoder structure are commonly employed for semantic segmentation. The multi-scale context module refers to the operations to aggregate feature responses from a large spatial extent, while the single-stage encoder-decoder structure encodes the high-level semantic information in the encoder path and recovers the boundary information in the decoder path. In contrast, multi-stage encoder-decoder networks have been widely used in human pose estimation and show superior performance than their single-stage counterpart. However, few efforts have been attempted to bring this effective design to semantic segmentation. In this work, we propose a Semantic Prediction Guidance (SPG) module which learns to re-weight the local features through the guidance from pixel-wise semantic prediction. We find that by carefully re-weighting features across stages, a two-stage encoder-decoder network coupled with our proposed SPG module can significantly outperform its one-stage counterpart with similar parameters and computations. Finally, we report experimental results on the semantic segmentation benchmark Cityscapes, in which our SPGNet attains 81.1% on the test set using only 'fine' annotations.
more details
LDN-161yesyesnononononononononono80.656.491.379.12.0nonoEfficient Ladder-style DenseNets for Semantic Segmentation of Large ImagesIvan Kreso, Josip Krapac, Sinisa SegvicLadder DenseNet-161 trained on train+val, fine labels only. Inference on multi-scale inputs.
more details
GGCFyesyesyesyesnononononononono83.263.092.081.3n/anonoAnonymous
more details
GFF-Netyesyesnononononononononono82.362.192.081.4n/anonoGFF: Gated Fully Fusion for Semantic SegmentationXiangtai Li, Houlong Zhao, Yunhai Tong, Kuiyuan YangWe proposed Gated Fully Fusion (GFF) to fuse features from multiple levels through gates in a fully connected way. Specifically, features at each level are enhanced by higher-level features with stronger semantics and lower-level features with more details, and gates are used to control the pass of useful information which significantly reducing noise propagation during fusion. (Joint work: Key Laboratory of Machine Perception, School of EECS @Peking University and DeepMotion AI Research )
more details
Gated-SCNNyesyesnononononononononono82.864.392.382.7n/ayesyesGated-SCNN: Gated Shape CNNs for Semantic SegmentationTowaki Takikawa, David Acuna, Varun Jampani, Sanja Fidler
more details
ESPNetv2yesyesnononononononono2266.236.084.366.3n/ayesyesESPNetv2: A Light-weight, Power Efficient, and General Purpose Convolutional Neural NetworkSachin Mehta, Mohammad Rastegari, Linda Shapiro, and Hannaneh HajishirziCVPR 2019We introduce a light-weight, power efficient, and general purpose convolutional neural network, ESPNetv2, for modeling visual and sequential data. Our network uses group point-wise and depth-wise dilated separable convolutions to learn representations from a large effective receptive field with fewer FLOPs and parameters. The performance of our network is evaluated on three different tasks: (1) object classification, (2) semantic segmentation, and (3) language modeling. Experiments on these tasks, including image classification on the ImageNet and language modeling on the PenTree bank dataset, demonstrate the superior performance of our method over the state-of-the-art methods. Our network has better generalization properties than ShuffleNetv2 when tested on the MSCOCO multi-object classification task and the Cityscapes urban scene semantic segmentation task. Our experiments show that ESPNetv2 is much more power efficient than existing state-of-the-art efficient methods including ShuffleNets and MobileNets. Our code is open-source and available at https://github.com/sacmehta/ESPNetv2
more details
MRFMyesyesyesyesnononononononono83.062.292.082.0n/anonoMulti Receptive Field Network for Semantic SegmentationJianlong Yuan, Zelu Deng, Shu Wang, Zhenbo LuoWACV2020Semantic segmentation is one of the key tasks in comput-
er vision, which is to assign a category label to each pixel
in an image. Despite significant progress achieved recently,
most existing methods still suffer from two challenging is-
sues: 1) the size of objects and stuff in an image can be very
diverse, demanding for incorporating multi-scale features
into the fully convolutional networks (FCNs); 2) the pixel-
s close to or at the boundaries of object/stuff are hard to
classify due to the intrinsic weakness of convolutional net-
works. To address the first issue, we propose a new Multi-
Receptive Field Module (MRFM), explicitly taking multi-
scale features into account. For the second issue, we design
an edge-aware loss which is effective in distinguishing the
boundaries of object/stuff. With these two designs, our Mul-
ti Receptive Field Network achieves new state-of-the-art re-
sults on two widely-used semantic segmentation benchmark
datasets. Specifically, we achieve a mean IoU of 83.0% on
the Cityscapes dataset and 88.4% mean IoU on the Pascal
VOC2012 dataset.
more details
DGCNetyesyesnononononononononono82.061.791.881.1n/anonoDual Graph Convolutional Network for Semantic SegmentationLi Zhang*, Xiangtai Li*, Anurag Arnab, Kuiyuan Yang, Yunhai Tong, Philip H.S. TorrBMVC 2019We propose Dual Graph Convolutional Network (DGCNet) models the global context of the input feature by modelling two orthogonal graphs in a single framework. (Joint work: University of Oxford, Peking University and DeepMotion AI Research)
more details
dpcan_trainval_os16_225yesyesnononononononononono81.661.191.781.1n/anonoAnonymous
more details
Learnable Tree Filteryesyesnononononononononono80.860.791.681.1n/ayesyesLearnable Tree Filter for Structure-preserving Feature TransformLin Song; Yanwei Li; Zeming Li; Gang Yu; Hongbin Sun; Jian Sun; Nanning ZhengNeurIPS 2019Learnable Tree Filter for Structure-preserving Feature Transform
more details
FreeNetyesyesnononononononononono65.840.385.170.2n/anonoAnonymous
more details
HRNetV2 + OCRyesyesyesyesnononononononono83.362.092.181.7n/ayesyesHigh-Resolution Representations for Labeling Pixels and Regions; OCNet: Object Context Network for Scene ParsingHRNet Team; OCR TeamHRNetV2W48 + OCR. OCR is an extension of object context networks https://arxiv.org/pdf/1809.00916.pdf
more details
Valeo DAR Germanyyesyesyesyesnononononononono82.862.992.082.2n/anonoAnonymousValeo DAR Germany, New Algo Lab

more details
GLNet_fineyesyesnononononononononono80.858.391.379.5n/anonoAnonymousThe proposed network architecture, combined with spatial information and multi scale context information, and repair the boundaries and details of the segmented object through channel attention modules.(Use the train-fine and the val-fine data)
more details
MCDNyesyesnononononononononono81.162.491.581.2n/anonoAnonymous
more details
AAF+GLRyesyesnononononononononono78.254.990.979.3n/anonoAnonymous
more details
HRNetV2 + OCR (w/ ASP)yesyesyesyesnononononononono83.764.892.483.5n/ayesyesopenseg-group (OCR team + HRNet team)Our approach is based on a single HRNet48V2 and an OCR module combined with ASPP. We apply depth based multi-scale ensemble weights during testing (provided by DeepMotion AI Research) .
more details
CASIA_IVA_DRANet-101_NoCoarseyesyesnononononononononono82.966.192.484.4n/anonoAnonymous
more details
Hyundai Mobis AD Labyesyesyesyesnononononononono83.865.092.482.4n/anonoHyundai Mobis AD Lab, DL-DB Group, AA (Automated Annotator) Team
more details
EFRNet-13yesyesnononononononononono72.843.687.070.10.0146nonoAnonymous
more details
FarSee-Netyesyesnononononononono2268.439.385.969.70.0119nonoFarSee-Net: Real-Time Semantic Segmentation by Efficient Multi-scale Context Aggregation and Feature Space Super-resolutionZhanpeng Zhang and Kaipeng ZhangIEEE International Conference on Robotics and Automation (ICRA) 2020FarSee-Net: Real-Time Semantic Segmentation by Efficient Multi-scale Context Aggregation and Feature Space Super-resolution

Real-time semantic segmentation is desirable in many robotic applications with limited computation resources. One challenge of semantic segmentation is to deal with the objectscalevariationsandleveragethecontext.Howtoperform multi-scale context aggregation within limited computation budget is important. In this paper, firstly, we introduce a novel and efficient module called Cascaded Factorized Atrous Spatial Pyramid Pooling (CF-ASPP). It is a lightweight cascaded structure for Convolutional Neural Networks (CNNs) to efficiently leverage context information. On the other hand, for runtime efficiency, state-of-the-art methods will quickly decrease the spatial size of the inputs or feature maps in the early network stages. The final high-resolution result is usuallyobtainedbynon-parametricup-samplingoperation(e.g. bilinear interpolation). Differently, we rethink this pipeline and treat it as a super-resolution process. We use optimized superresolution operation in the up-sampling step and improve the accuracy, especially in sub-sampled input image scenario for real-time applications. By fusing the above two improvements, our methods provide better latency-accuracy trade-off than the other state-of-the-art methods. In particular, we achieve 68.4% mIoU at 84 fps on the Cityscapes test set with a single Nivida Titan X (Maxwell) GPU card. The proposed module can be plugged into any feature extraction CNN and benefits from the CNN structure development.
more details
C3Net [2,3,7,13]nononononononononono2264.837.384.767.8n/ayesyesC3: Concentrated-Comprehensive Convolution and its application to semantic segmentationHyojin Park, Youngjoon Yoo, Geonseok Seo, Dongyoon Han, Sangdoo Yun, Nojun Kwak
more details
Panoptic-DeepLab [Cityscapes-fine]yesyesnononononononononono79.458.591.778.4n/anonoPanoptic-DeepLabBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenOur proposed bottom-up Panoptic-DeepLab is conceptually simple yet delivers state-of-the-art results. The Panoptic-DeepLab adopts dual-ASPP and dual-decoder modules, specific to semantic segmentation and instance segmentation respectively. The semantic segmentation prediction follows the typical design of any semantic segmentation model (e.g., DeepLab), while the instance segmentation prediction involves a simple instance center regression, where the model learns to predict instance centers as well as the offset from each pixel to its corresponding center. This submission exploits only Cityscapes fine annotations.
more details
EKENetyesyesnononononononononono74.344.187.269.90.0229nonoAnonymous
more details
SPSSNyesyesnononononononononono69.441.886.070.2n/anonoAnonymousStage Pooling Semantic Segmentation Network
more details
FC-HarDNet-70yesyesnononononononononono75.951.489.976.70.015yesyesHarDNet: A Low Memory Traffic NetworkPing Chao, Chao-Yang Kao, Yu-Shan Ruan, Chien-Hsiang Huang, Youn-Long LinICCV 2019Fully Convolutional Harmonic DenseNet 70
U-shape encoder-decoder structure with HarDNet blocks
Trained with single scale loss at stride-4
validation mIoU=77.7
more details
BFPyesyesnononononononononono81.462.391.481.4n/anonoBoundary-Aware Feature Propagation for Scene SegmentationHenghui Ding, Xudong Jiang, Ai Qun Liu, Nadia Magnenat Thalmann, and Gang WangIEEE International Conference on Computer Vision (ICCV), 2019Boundary-Aware Feature Propagation for Scene Segmentation
more details
FasterSegyesyesnononononononononono71.544.388.173.60.00613yesyesFasterSeg: Searching for Faster Real-time Semantic SegmentationWuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang WangICLR 2020We present FasterSeg, an automatically designed semantic segmentation network with not only state-of-the-art performance but also faster speed than current methods. Utilizing neural architecture search (NAS), FasterSeg is discovered from a novel and broader search space integrating multi-resolution branches, that has been recently found to be vital in manually designed segmentation models. To better calibrate the balance between the goals of high accuracy and low latency, we propose a decoupled and fine-grained latency regularization, that effectively overcomes our observed phenomenons that the searched networks are prone to "collapsing" to low-latency yet poor-accuracy models. Moreover, we seamlessly extend FasterSeg to a new collaborative search (co-searching) framework, simultaneously searching for a teacher and a student network in the same single run. The teacher-student distillation further boosts the student model's accuracy. Experiments on popular segmentation benchmarks demonstrate the competency of FasterSeg. For example, FasterSeg can run over 30% faster than the closest manually designed competitor on Cityscapes, while maintaining comparable accuracy.
more details
VCD-NoCoarseyesyesnononononononononono82.364.292.383.2n/anonoAnonymous
more details
NAVINFO_DLRyesyesyesyesnononononononono83.865.692.483.7n/anonopengfei zhangweighted aspp+ohem+hard region refine
more details
LBPSSyesyesnononononononono2261.034.484.367.50.9nonoAnonymousCVPR 2020 submission #5455
more details
KANet_Res101yesyesnononononononononono81.863.191.682.5n/anonoAnonymous
more details
Learnable Tree Filter V2yesyesnononononononononono82.164.092.183.6n/ayesyesRethinking Learnable Tree Filter for Generic Feature TransformLin Song, Yanwei Li, Zhengkai Jiang, Zeming Li, Xiangyu Zhang, Hongbin Sun, Jian Sun, Nanning ZhengNeurIPS 2020Based on ResNet-101 backbone and FPN architecture.
more details
GPSNetyesyesnononononononononono82.162.492.081.6n/anonoAnonymous
more details
FTFNetyesyesyesyesnononononononono72.445.887.670.90.0088nonoAnonymousAn Efficient Network Focused on Tiny Feature Maps for Real-Time Semantic Segmentation
more details
iFLYTEK-CVyesyesyesyesnononononononono84.464.992.482.4n/anonoAnonymousiFLYTEK Research, CV Group
more details
F2MF-shortyesyesnonononononoyesyesnono70.243.682.561.5n/ayesyesWarp to the Future: Joint Forecasting of Features and Feature Motion Josip Saric, Marin Orsic, Tonci Antunovic, Sacha Vrazic, Sinisa SegvicThe IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2020Our method forecasts semantic segmentation 3 timesteps into the future.
more details
HPNetyesyesnononononononononono81.660.691.480.4n/anonoHigh-Order Paired-ASPP Networks for Semantic SegmentationYu Zhang, Xin Sun, Junyu Dong, Changrui Chen, Yue Shen
more details
HANet (fine-train only)yesyesnononononononononono80.958.691.279.5n/anonoTBAAnonymousWe use only fine-training data.
more details
F2MF-midyesyesnonononononoyesyesnono59.132.972.448.0n/ayesyesWarp to the Future: Joint Forecasting of Features and Feature MotionJosip Saric, Marin Orsic, Tonci Antunovic, Sacha Vrazic, Sinisa SegvicThe IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2020Our method forecasts semantic segmentation 9 timesteps into the future.
more details
EMANetyesyesnononononononononono81.961.391.680.3n/anonoExpectation Maximization Attention Networks for Semantic SegmentationXia Li, Zhisheng Zhong, Jianlong Wu, Yibo Yang, Zhouchen Lin, Hong LiuICCV 2019
more details
PartnerNetyesyesnononononononononono72.448.388.273.60.0058nonoAnonymousPARTNERNET: A LIGHTWEIGHT AND EFFICIENT PARTNER NETWORK FOR SEMANTIC SEGMENTATION
more details
SwiftNet RN18 pyr sepBN MVDyesyesnononononononononono76.452.990.377.90.029yesyesEfficient semantic segmentation with pyramidal fusionM Oršić, S ŠegvićPattern Recognition 2020
more details
Tencent YYB VisualAlgoyesyesyesyesnononononononono83.664.892.282.0n/anonoAnonymousTencent YYB VisualAlgo Group
more details
MoKu Labyesyesnononononononononono84.365.192.683.1n/anonoAnonymousAlibaba, MoKu AI Lab, CV Group
more details
HRNetV2 + OCR + SegFixyesyesyesyesnononononononono84.565.992.783.9n/ayesyesObject-Contextual Representations for Semantic SegmentationYuhui Yuan, Xilin Chen, Jingdong WangFirst, we pre-train "HRNet+OCR" method on the Mapillary training set (achieves 50.8% on the Mapillary val set). Second, we fine-tune the model with the Cityscapes training, validation and coarse set. Finally, we apply the "SegFix" scheme to further improve the results.
more details
DecoupleSegNetyesyesnononononononononono83.764.492.381.4n/ayesyesImproving Semantic Segmentation via Decoupled Body and Edge SupervisionXiangtai Li, Xia Li, Li Zhang, Guangliang Cheng, Jianping Shi, Zhouchen Lin, Shaohua Tan, and Yunhai TongECCV-2020In this paper, We propose a new paradigm for semantic segmentation. Our insight is that appealing performance of semantic segmentation re- quires explicitly modeling the object body and edge, which correspond to the high and low frequency of the image. To do so, we first warp the image feature by learning a flow field to make the object part more consistent. The resulting body feature and the residual edge feature are further optimized under decoupled supervision by explicitly sampling dif- ferent parts (body or edge) pixels. The code and models have been released.
more details
LGE A&B Center: HANet (ResNet-101)yesyesnononononononononono82.162.292.081.2n/ayesyesCars Can’t Fly up in the Sky: Improving Urban-Scene Segmentation via Height-driven Attention NetworksSungha Choi (LGE, Korea Univ.), Joanne T. Kim (Korea Univ.), Jaegul Choo (KAIST)CVPR 2020Dataset: "fine train + fine val", No coarse, Backbone: ImageNet pretrained ResNet-101
more details
DCNASyesyesyesyesnononononononono83.665.091.982.5n/anonoDCNAS: Densely Connected Neural Architecture Search for Semantic Image SegmentationXiong Zhang, Hongmin Xu, Hong Mo, Jianchao Tan, Cheng Yang, Wenqi RenNeural Architecture Search (NAS) has shown great potentials in automatically designing scalable network architectures for dense image predictions. However, existing NAS algorithms usually compromise on restricted search space and search on proxy task to meet the achievable computational demands. To allow as wide as possible network architectures and avoid the gap between target and proxy dataset, we propose a Densely Connected NAS (DCNAS) framework, which directly searches the optimal network structures for the multi-scale representations of visual information, over a large-scale target dataset. Specifically, by connecting cells with each other using learnable weights, we introduce a densely connected search space to cover an abundance of mainstream network designs. Moreover, by combining both path-level and channel-level sampling strategies, we design a fusion module to reduce the memory consumption of ample search space.
more details
GPNet-ResNet101yesyesnononononononononono82.562.491.982.0n/anonoAnonymous
more details
Axial-DeepLab-XL [Cityscapes-fine]yesyesnononononononononono79.957.391.676.7n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Axial-DeepLab-L [Mapillary Vistas]yesyesnononononononononono83.164.092.378.9n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Axial-DeepLab-L [Cityscapes-fine]yesyesnononononononononono79.557.591.576.2n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.

more details
LGE A&B Center: HANet (ResNext-101)yesyesyesyesnononononononono83.262.692.180.7n/ayesyesCars Can’t Fly up in the Sky: Improving Urban-Scene Segmentation via Height-driven Attention NetworksSungha Choi (LGE, Korea Univ.), Joanne T. Kim (Korea Univ.), Jaegul Choo (KAIST)CVPR 2020Dataset: "fine train + fine val + coarse", Backbone: Mapillary pretrained ResNext-101
more details
ERINet-v2yesyesnononononononononono67.439.285.770.00.00526316nonoEfficient Residual Inception NetworkMINJONG KIM, SUYOUNG CHIongoing
more details
Naive-Student (iterative semi-supervised learning with Panoptic-DeepLab)yesyesnonononononoyesyesnono85.268.892.982.0n/anonoSemi-Supervised Learning in Video Sequences for Urban Scene SegmentationLiang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon ShlensSupervised learning in large discriminative models is a mainstay for modern computer vision. Such an approach necessitates investing in large-scale human-annotated datasets for achieving state-of-the-art results. In turn, the efficacy of supervised learning may be limited by the size of the human annotated dataset. This limitation is particularly notable for image segmentation tasks, where the expense of human annotation is especially large, yet large amounts of unlabeled data may exist. In this work, we ask if we may leverage semi-supervised learning in unlabeled video sequences to improve the performance on urban scene segmentation, simultaneously tackling semantic, instance, and panoptic segmentation. The goal of this work is to avoid the construction of sophisticated, learned architectures specific to label propagation (e.g., patch matching and optical flow). Instead, we simply predict pseudo-labels for the unlabeled data and train subsequent models with both human-annotated and pseudo-labeled data. The procedure is iterated for several times. As a result, our Naive-Student model, trained with such simple yet effective iterative semi-supervised learning, attains state-of-the-art results at all three Cityscapes benchmarks, reaching the performance of 67.8% PQ, 42.6% AP, and 85.2% mIOU on the test set. We view this work as a notable step towards building a simple procedure to harness unlabeled video sequences to surpass state-of-the-art performance on core computer vision tasks.
more details
Axial-DeepLab-XL [Mapillary Vistas]yesyesnononononononononono84.166.092.679.7n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
TUE-5LSM0-g23yesyesyesyesnononononononono65.842.481.867.8n/anonoAnonymousDeeplabv3+decoder
more details
PBRNetyesyesnononononononononono72.451.988.777.30.0107nonoAnonymousmodified MobileNetV2 backbone + Prediction and Boundary attention-based Refinement Module (PBRM)
more details
ResNeSt200yesyesnononononononononono83.363.092.381.3n/anonoResNeSt: Split-Attention NetworksHang Zhang, Chongruo Wu, Zhongyue Zhang, Yi Zhu, Zhi Zhang, Haibin Lin, Yue Sun, Tong He, Jonas Mueller, R. Manmatha, Mu Li, and Alexander SmolaDeepLabV3+ network with ResNeSt200 backbone.
more details
Panoptic-DeepLab [Mapillary Vistas]yesyesnononononononononono84.568.792.982.8n/anonoPanoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic SegmentationBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenWe employ a stronger backbone, WR-41, in Panoptic-DeepLab.
For Panoptic-DeepLab, please refer to https://arxiv.org/abs/1911.10194.
For wide-ResNet-41 (WR-41) backbone, please refer to https://arxiv.org/abs/2005.10266.
more details
EaNet-V1yesyesnononononononononono81.759.691.277.8n/anonoParsing Very High Resolution Urban Scene Images by Learning Deep ConvNets with Edge-Aware LossXianwei Zheng, Linxi Huan, Gui-Song Xia, Jianya GongParsing very high resolution (VHR) urban scene images into regions with semantic meaning, e.g. buildings and cars, is a fundamental task necessary for interpreting and understanding urban scenes. However, due to the huge quantity of details contained in an image and the large variations of objects in scale and appearance, the existing semantic segmentation methods often break one object into pieces, or confuse adjacent objects and thus fail to depict these objects consistently. To address this issue, we propose a concise and effective edge-aware neural network (EaNet) for urban scene semantic segmentation. The proposed EaNet model is deployed as a standard balanced encoder-decoder framework. Specifically, we devised two plug-and-play modules that append on top of the encoder and decoder respectively, i.e., the large kernel pyramid pooling (LKPP) and the edge-aware loss (EA loss) function, to extend the model ability in learning discriminating features. The LKPP module captures rich multi-scale context with strong continuous feature relations to promote coherent labeling of multi-scale urban objects. The EA loss module learns edge information directly from semantic segmentation prediction, which avoids costly post-processing or extra edge detection. During training, EA loss imposes a strong geometric awareness to guide object structure learning at both the pixel- and image-level, and thus effectively separates confusing objects with sharp contours.
more details
EfficientPS [Mapillary Vistas]yesyesnononononononononono84.265.292.583.5n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaUnderstanding the scene in which an autonomous robot operates is critical for its competent functioning. Such scene comprehension necessitates recognizing instances of traffic participants along with general scene semantics which can be effectively addressed by the panoptic segmentation task. In this paper, we introduce the Efficient Panoptic Segmentation (EfficientPS) architecture that consists of a shared backbone which efficiently encodes and fuses semantically rich multi-scale features. We incorporate a new semantic head that aggregates fine and contextual features coherently and a new variant of Mask R-CNN as the instance head. We also propose a novel panoptic fusion module that congruously integrates the output logits from both the heads of our EfficientPS architecture to yield the final panoptic segmentation output. Additionally, we introduce the KITTI panoptic segmentation dataset that contains panoptic annotations for the popularly challenging KITTI benchmark. Extensive evaluations on Cityscapes, KITTI, Mapillary Vistas and Indian Driving Dataset demonstrate that our proposed architecture consistently sets the new state-of-the-art on all these four benchmarks while being the most efficient and fast panoptic segmentation architecture to date.
more details
FSFNetyesyesnononononononononono69.143.086.672.60.0049261yesyesAccelerator-Aware Fast Spatial Feature Network for Real-Time Semantic SegmentationMinjong Kim, Byungjae Park, Suyoung ChiIEEE AccessSemantic segmentation is performed to understand an image at the pixel level; it is widely used in the field of autonomous driving. In recent years, deep neural networks achieve good accuracy performance; however, there exist few models that have a good trade-off between high accuracy and low inference time. In this paper, we propose a fast spatial feature network (FSFNet), an optimized lightweight semantic segmentation model using an accelerator, offering high performance as well as faster inference speed than current methods. FSFNet employs the FSF and MRA modules. The FSF module has three different types of subset modules to extract spatial features efficiently. They are designed in consideration of the size of the spatial domain. The multi-resolution aggregation module combines features that are extracted at different resolutions to reconstruct the segmentation image accurately. Our approach is able to run at over 203 FPS at full resolution 1024 x 2048) in a single NVIDIA 1080Ti GPU, and obtains a result of 69.13% mIoU on the Cityscapes test dataset. Compared with existing models in real-time semantic segmentation, our proposed model retains remarkable accuracy while having high FPS that is over 30% faster than the state-of-the-art model. The experimental results proved that our model is an ideal approach for the Cityscapes dataset.
more details
Hierarchical Multi-Scale Attention for Semantic Segmentationyesyesyesyesnononononononono85.470.493.285.4n/ayesyesHierarchical Multi-Scale Attention for Semantic SegmentationAndrew Tao, Karan Sapra, Bryan Catanzaro Multi-scale inference is commonly used to improve the results of semantic segmentation. Multiple images scales are passed through a network and then the results are combined with averaging or max pooling. In this work, we present an attention-based approach to combining multi-scale predictions. We show that predictions at certain scales are better at resolving particular failures modes and that the network learns to favor those scales for such cases in order to generate better predictions. Our attention mechanism is hierarchical, which enables it to be roughly 4x more memory efficient to train than other recent approaches. In addition to enabling faster training, this allows us to train with larger crop sizes which leads to greater model accuracy. We demonstrate the result of our method on two datasets: Cityscapes and Mapillary Vistas. For Cityscapes, which has a large number of weakly labelled images, we also leverage auto-labelling to improve generalization. Using our approach we achieve a new state-of-the-art results in both Mapillary (61.1 IOU val) and Cityscapes (85.4 IOU test).
more details
SANetyesyesnononononononono4480.959.691.480.225.0nonoAnonymous
more details
SJTU_hpmyesyesyesyesnonoyesyesnononono81.359.191.479.1n/anonoHard Pixel Mining for Depth Privileged Semantic SegmentationZhangxuan Gu, Li Niu*, Haohua Zhao, and Liqing Zhang
more details
FANetyesyesnononononononononono64.133.283.161.1n/anonoFANet: Feature Aggregation Network for Semantic SegmentationTanmay Singha, Duc-Son Pham, and Aneesh KrishnaFeature Aggregation Network for Semantic Segmentation
more details
Hard Pixel Mining for Depth Privileged Semantic Segmentationyesyesyesyesnonoyesyesnononono83.465.292.382.6n/anonoHard Pixel Mining for Depth Privileged Semantic SegmentationZhangxuan Gu, Li Niu, Haohua Zhao, and Liqing ZhangSemantic segmentation has achieved remarkable progress but remains challenging due to the complex scene, object occlusion, and so on. Some research works have attempted to use extra information such as a depth map to help RGB based semantic segmentation because the depth map could provide complementary geometric cues. However, due to the inaccessibility of depth sensors, depth information is usually unavailable for the test images. In this paper, we leverage only the depth of training images as the privileged information to mine the hard pixels in semantic segmentation, in which depth information is only available for training images but not available for test images. Specifically, we propose a novel Loss Weight Module, which outputs a loss weight map by employing two depth-related measurements of hard pixels: Depth Prediction Error and Depthaware Segmentation Error. The loss weight map is then applied to segmentation loss, with the goal of learning a more robust model by paying more attention to the hard pixels. Besides, we also explore a curriculum learning strategy based on the loss weight map. Meanwhile, to fully mine the hard pixels on different scales, we apply our loss weight module to multi-scale side outputs. Our hard pixels mining method achieves the state-of-the-art results on three benchmark datasets, and even outperforms the methods which need depth input during testing.
more details
MSeg1080_RVCyesyesnononononononononono80.757.791.579.50.49yesyesMSeg: A Composite Dataset for Multi-domain Semantic SegmentationJohn Lambert*, Zhuang Liu*, Ozan Sener, James Hays, Vladlen KoltunCVPR 2020We present MSeg, a composite dataset that unifies semantic segmentation datasets from different domains. A naive merge of the constituent datasets yields poor performance due to inconsistent taxonomies and annotation practices. We reconcile the taxonomies and bring the pixel-level annotations into alignment by relabeling more than 220,000 object masks in more than 80,000 images, requiring more than 1.34 years of collective annotator effort. The resulting composite dataset enables training a single semantic segmentation model that functions effectively across domains and generalizes to datasets that were not seen during training. We adopt zero-shot cross-dataset transfer as a benchmark to systematically evaluate a model’s robustness and show that MSeg training yields substantially more robust models in comparison to training on individual datasets or naive mixing of datasets without the presented contributions.
more details
SA-Gate (ResNet-101,OS=16)yesyesnonononoyesyesnononono82.863.591.983.0n/ayesyesBi-directional Cross-Modality Feature Propagation with Separation-and-Aggregation Gate for RGB-D Semantic SegmentationXiaokang Chen, Kwan-Yee Lin, Jingbo Wang, Wayne Wu, Chen Qian, Hongsheng Li, and Gang ZengEuropean Conference on Computer Vision (ECCV), 2020RGB+HHA input, input resolution = 800x800, output stride = 16, training 240 epochs, no coarse data is used.
more details
seamseg_rvcsubsetnononononononononononono67.044.886.067.9n/ayesyesSeamless Scene SegmentationPorzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, PeterThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019Seamless Scene Segmentation Resnet101, pretrained on Imagenet; supplied with altered MVD to include WildDash2 classes; does not contain other RVC label policies (i.e. no ADE20K/COCO-specific classes -> rvcsubset and not a proper submission)
more details
HRNet + LKPP + EA lossyesyesnononononononononono82.661.891.478.6n/anonoAnonymous
more details
SN_RN152pyrx8_RVCyesyesnononononononononono74.750.589.475.91.0yesyesIn Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving ImagesMarin Oršić, Ivan Krešo, Petra Bevandić, Siniša ŠegvićCVPR 2019
more details
EffPS_b1bs4_RVCyesyesnononononononononono63.233.585.369.2n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaEfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4.
more details
AttaNet_lightyesyesnononononononononono70.142.987.072.1n/ayesyesAttaNet: Attention-Augmented Network for Fast and Accurate Scene Parsing(AAAI21)Anonymous
more details
CFPNetyesyesnononononononononono70.143.787.472.2n/anonoAnonymous
more details
Seg_UJSyesyesnononononononononono84.369.092.784.4n/anonoAnonymous
more details
Bilateral_attention_semanticyesyesnononononononononono76.555.990.479.50.0141nonoAnonymouswe use bilateral attention mechanism for semantic segmentation
more details
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine]yesyesnononononononononono80.462.292.381.7n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
ESANet RGB-D (small input)yesyesnonononoyesyesnono2275.644.989.070.70.0427yesyesEfficient RGB-D Semantic Segmentation for Indoor Scene AnalysisDaniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael GrossEfficient RGB-D Semantic Segmentation for Indoor Scene Analysis.
ESANet-R34-NBt1D using RGB-D data with half the input resolution.
more details
ESANet RGB (small input)yesyesnononononononono2272.940.587.166.50.031yesyesEfficient RGB-D Semantic Segmentation for Indoor Scene AnalysisDaniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael GrossESANet: Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis.
ESANet-R34-NBt1D using RGB images with half the input resolution.
more details
ESANet RGB-Dyesyesnonononoyesyesnononono78.456.491.379.00.1613yesyesEfficient RGB-D Semantic Segmentation for Indoor Scene AnalysisDaniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael GrossEfficient RGB-D Semantic Segmentation for Indoor Scene Analysis.
ESANet-R34-NBt1D using RGB-D data.
more details
DAHUA-ARIyesyesyesyesnononononononono85.870.693.285.4n/anonoAnonymousmulti-scale and refineNet
more details
ESANet RGByesyesnononononononononono77.653.190.276.20.1205yesyesEfficient RGB-D Semantic Segmentation for Indoor Scene AnalysisDaniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael GrossESANet: Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis.
ESANet-R34-NBt1D using RGB images only.
more details
DCNAS+ASPP [Mapillary Vistas]yesyesyesyesnononononononono85.370.093.185.3n/anonoAnonymousExisting NAS algorithms usually compromise on restricted search space or search on proxy task to meet the achievable computational demands. To allow as wide as possible network architectures and avoid the gap between realistic and proxy setting, we propose a novel Densely Connected NAS (DCNAS) framework, which directly searches the optimal network structures for the multi-scale representations of visual information, over a large-scale target dataset without proxy. Specifically, by connecting cells with each other using learnable weights, we introduce a densely connected search space to cover an abundance of mainstream network designs. Moreover, by combining both path-level and channel-level sampling strategies, we design a fusion module and mixture layer to reduce the memory consumption of ample search space, hence favor the proxyless searching. Compared with contemporary works, experiments reveal that the proxyless searching scheme is capable of bridge the gap between searching and training environments.
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas]yesyesnononononononononono84.168.692.983.3n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
DCNAS+ASPPyesyesyesyesnononononononono84.368.592.784.6n/anonoDCNAS: Densely Connected Neural Architecture Search for Semantic ImageSegmentationAnonymousExisting NAS algorithms usually compromise on restricted search space or search on proxy task to meet the achievable computational demands. To allow as wide as possible network architectures and avoid the gap between realistic and proxy setting, we propose a novel Densely Connected NAS (DCNAS) framework, which directly searches the optimal network structures for the multi-scale representations of visual information, over a large-scale target dataset without proxy. Specifically, by connecting cells with each other using learnable weights, we introduce a densely connected search space to cover an abundance of mainstream network designs. Moreover, by combining both path-level and channel-level sampling strategies, we design a fusion module and mixture layer to reduce the memory consumption of ample search space, hence favor the proxyless searching.
more details
ddl_segyesyesnononononononononono84.669.492.884.4n/anonoAnonymous
more details
CABiNetyesyesnononononononononono76.049.091.175.70.013nonoCABiNet: Efficient Context Aggregation Network for Low-Latency Semantic SegmentationSaumya Kumaar, Ye Lyu, Francesco Nex, Michael Ying YangWith the increasing demand of autonomous machines, pixel-wise semantic segmentation for visual scene understanding needs to be not only accurate but also efficient for any potential real-time applications. In this paper, we propose CABiNet (Context Aggregated Bi-lateral Network), a dual branch convolutional neural network (CNN), with significantly lower computational costs as compared to the state-of-the-art, while maintaining a competitive prediction accuracy. Building upon the existing multi-branch architectures for high-speed semantic segmentation, we design a cheap high resolution branch for effective spatial detailing and a context branch with light-weight versions of global aggregation and local distribution blocks, potent to capture both long-range and local contextual dependencies required for accurate semantic segmentation, with low computational overheads. Specifically, we achieve 76.6% and 75.9% mIOU on Cityscapes validation and test sets respectively, at 76 FPS on an NVIDIA RTX 2080Ti and 8 FPS on a Jetson Xavier NX. Codes and training models will be made publicly available.
more details
Margin calibrationyesyesyesyesnononononononono82.162.592.181.8n/anonoAnonymousThe model is DeepLab v3+ backend on SEResNeXt50. We used the margin calibration with log-loss as the learning objective.
more details
MT-SSSRyesyesnononononononono2279.057.691.481.6n/anonoAnonymous
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas + Pseudo-labels]yesyesnonononononoyesyesnono85.171.293.085.1n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime. Following Naive-Student, this model is additionally trained with pseudo-labels generated from Cityscapes Video and train-extra set (i.e., the coarse annotations are not used, but the images are).
more details
DSANet: Dilated Spatial Attention for Real-time Semantic Segmentation in Urban Street Scenesyesyesnononononononononono71.442.988.072.5n/anonoAnonymouswe present computationally efficient network named DSANet, which follows a two-branch strategy to tackle the problem of real-time semantic segmentation in urban scenes. We first design a Context branch, which employs Depth-wise Asymmetric ShuffleNet DAS as main building block to acquire sufficient receptive fields. In addition, we propose a dual attention module consisting of dilated spatial attention and channel attention to make full use of the multi-level feature maps simultaneously, which helps predict the pixel-wise labels in each stage. Meanwhile, Spatial Encoding Network is used to enhance semantic information by preserving the spatial details. Finally, to better combine context information and spatial information, we introduce a Simple Feature Fusion Module to combine the features from the two branches.
more details
UJS_modelyesyesnononononononononono85.370.593.185.1n/anonoAnonymous
more details
Mobilenetv3-small-backbone real-time segmentationyesyesnononononononononono63.937.884.367.50.02yesyesAnonymousThe model is a dual-path network with mobilenetv3-small backbone. PSP module was used as the context aggregation block. We also use feature fusion module at x16, x32. The features of the two branches are then concatenated and fused with a bottleneck conv.
Only train data is used to train the model excluding validation data. And evaluation was done by single scale input images.
more details
M2FANetyesyesnononononononononono68.338.786.967.8n/ayesyesUrban street scene analysis using lightweight multi-level multi-path feature aggregation networkTanmay Singha; Duc-Son Pham; Aneesh KrishnaMultiagent and Grid Systems Journal
more details
AFPNetyesyesnononononononononono76.450.189.375.20.03nonoAnonymous
more details
YOLO V5s with Segmentation Headyesyesnononononononono2271.346.385.770.40.007yesyesAnonymousMultitask model. fine tune from COCO detection pretrained model, train semantic segmentation and object detection(transfer from instance label) at the same time
more details
FSFFNetyesyesyesyesnononononononono69.440.487.168.5n/ayesyesA Lightweight Multi-scale Feature Fusion Network for Real-Time Semantic SegmentationTanmay Singha, Duc-Son Pham, Aneesh Krishna, Tom GedeonInternational Conference on Neural Information Processing 2021Feature Scaling Feature Fusion Network
more details
Qualcomm AI Researchyesyesyesyesnononononononono85.872.093.185.6n/ayesyesInverseForm: A Loss Function for Structured Boundary-Aware SegmentationShubhankar Borse, Ying Wang, Yizhe Zhang, Fatih PorikliCVPR 2021 oral
more details
HIK-CCSLTyesyesyesyesnononononononono86.170.393.385.0n/anonoAnonymous
more details
BFNetyesyesnononononononononono71.043.187.671.3n/anonoBFNetJiaqi Fan
more details
Hai Wang+Yingfeng Cai-research groupyesyesnononononononononono85.370.193.184.60.00164nonoAnonymous
more details
Jiangsu_university_Intelligent_Drive_AIyesyesnononononononononono85.370.193.184.6n/anonoAnonymous
more details
MCANetyesyesyesyesnononononononono73.445.888.972.8n/ayesyesAnonymous
more details
UFONet (half-resolution)yesyesnononononononononono48.022.178.656.7n/anonoUFO RPN: A Region Proposal Network for Ultra Fast Object DetectionWenkai Li, Andy SongThe 34th Australasian Joint Conference on Artificial Intelligence
more details
SCMNetyesyesnononononononononono67.937.186.868.0n/anonoAnonymous
more details
FsaNetyesyesyesyesnononononononono83.062.291.879.5n/anonoFsaNet: Frequency Self-attention for Semantic SegmentationAnonymous
more details
SCMNet coarseyesyesyesyesnononononononono68.338.387.269.1n/ayesyesSCMNet: Shared Context Mining Network for Real-time Semantic SegmentationTanmay Singha; Moritz Bergemann; Duc-Son Pham; Aneesh Krishna2021 Digital Image Computing: Techniques and Applications (DICTA)
more details
SAIT SeeThroughNetyesyesyesyesnononononononono86.271.593.285.7n/anonoAnonymous
more details
JSU_IDT_groupyesyesnononononononononono85.969.093.284.8n/anonoAnonymous
more details
DLA_HRNet48OCR_MSFLIP_000yesyesyesyesnononononononono84.868.693.084.5n/anonoAnonymousThis set of predictions is from DLA (differentiable lattice assignment network) with "HRNet48+OCR-Head" as base segmentation model. The model is, first trained on coarse-data, and then trained on fine-annotated train/val sets. Multi-scale (0.5, 0.75, 1.0, 1.25, 1.5, 1.75) and flip scheme is adopted during inference.
more details
MYBank-AIoTyesyesyesyesnononononononono86.372.993.385.8n/anonoAnonymous
more details
kMaX-DeepLab [Cityscapes-fine]yesyesnononononononononono83.265.992.382.7n/ayesyesk-means Mask TransformerQihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, and Liang-Chieh ChenECCV 2022kMaX-DeepLab w/ ConvNeXt-L backbone (ImageNet-22k + 1k pretrained). This result is obtained by the kMaX-DeepLab trained for Panoptic Segmentation task. No test-time augmentation or other external dataset.
more details
LeapAIyesyesyesyesnononononononono86.470.993.284.2n/anonoAnonymousUsing advanced AI techniques.
more details
adlab_iiau_ldzyesyesnononononononononono85.669.593.185.1n/anonoAnonymousmeticulous-caiman_2022.05.01_03.32
more details
SFRSegyesyesnononononononononono70.641.386.365.8n/ayesyesA Real-Time Semantic Segmentation Model Using Iteratively Shared Features In Multiple Sub-EncodersTanmay Singha, Duc-Son Pham, Aneesh KrishnaPattern Recognition
more details
PIDNet-Syesyesnononononononononono78.655.090.577.90.0107yesyesPIDNet: A Real-time Semantic Segmentation Network Inspired from PID ControllerAnonymous
more details
Vision Transformer Adapter for Dense Predictionsyesyesnononononononononono85.268.392.883.4n/ayesyesVision Transformer Adapter for Dense PredictionsZhe Chen, Yuchen Duan, Wenhai Wang, Junjun He, Tong Lu, Jifeng Dai, Yu QiaoViT-Adapter-L, BEiT pre-train, multi-scale testing
more details
SSNetyesyesnonononoyesyesnononono72.551.789.978.2n/anonoAnonymous
more details
SDBNetyesyesnononononononononono70.842.087.269.4n/ayesyesSDBNet: Lightweight Real-time Semantic Segmentation Using Short-term Dense BottleneckTanmay Singha, Duc-Son Pham, Aneesh Krishna2022 International Conference on Digital Image Computing: Techniques and Applications (DICTA)
more details
MeiTuan-BaseModelyesyesyesyesnononononononono86.573.293.485.4n/anonoAnonymous
more details
SDBNetV2yesyesnononononononononono72.443.887.970.6n/ayesyesImproved Short-term Dense Bottleneck network for efficient scene analysisTanmay Singha; Duc-Son Pham; Aneesh KrishnaComputer Vision and Image Understanding
more details
mogo_semanticyesyesnononononononononono85.369.693.285.2n/anonoAnonymous
more details
UDSSEG_RVCyesyesnononononononononono79.455.990.777.1n/anonoAnonymousUDSSEG_RVC
more details
MIX6D_RVCyesyesnononononononononono79.858.689.374.6n/anonoAnonymousMIX6D_RVC
more details
FAN_NV_RVCyesyesnononononononononono82.059.091.078.3n/anonoAnonymousHybrid-Base + Segformer
more details
UNIV_CNP_RVCyesyesnononononononononono75.150.286.270.2n/anonoAnonymousRVC 2022
more details
AntGroup-AI-VisionAlgoyesyesyesyesnonononoyesyesnono86.471.393.284.5n/anonoAnonymousAntGroup AI vision algo
more details
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable Convolutionsyesyesyesyesnononononononono86.173.693.085.0n/ayesyesInternImage: Exploring Large-Scale Vision Foundation Models with Deformable ConvolutionsWenhai Wang, Jifeng Dai, Zhe Chen, Zhenhang Huang, Zhiqi Li, Xizhou Zhu, Xiaowei Hu, Tong Lu, Lewei Lu, Hongsheng Li, Xiaogang Wang, Yu QiaoCVPR 2023We use Mask2Former as the segmentation framework, and initialize our InternImage-H model with the pre-trained weights on the 427M joint dataset of public Laion-400M, YFCC-15M, and CC12M. Following common practices, we first pre-train on Mapillary Vistas for 80k iterations, and then fine-tune on Cityscapes for 80k iterations. The crop size is set to 1024×1024 in this experiment. As a result, our InternImage-H achieves 87.0 multi-scale mIoU on the validation set, and 86.1 multi-scale mIoU on the test set.
more details
Dense Prediction with Attentive Feature aggregationyesyesyesyesnononononononono83.665.192.582.2n/ayesyesDense Prediction with Attentive Feature AggregationYung-Hsu Yang, Thomas E. Huang, Min Sun, Samuel Rota Bulò, Peter Kontschieder, Fisher YuWACV 2023We propose Attentive Feature Aggregation (AFA) to exploit both spatial and channel information for semantic segmentation and boundary detection.
more details
W3_FAFMyesyesnononononononononono80.559.391.180.30.029309nonoJunyan Yang, Qian Xu, Lei LaTeam: BOSCH-XC-DX-WAVE3
more details
HRNyesyesnononononononononono77.753.490.077.245.0nonoAnonymousHierarchical residual network
more details
HRN+DCNv2_for_DOASyesyesnononononononononono81.259.891.681.00.032nonoAnonymousHRN with DCNv2 for DOAS in paper "Dynamic Obstacle Avoidance System based on Rapid Instance Segmentation Network"
more details
GEELY-ATC-SEGyesyesyesyesnononononononono86.773.993.385.4n/anonoAnonymous
more details
PMSDSENyesyesnononononononononono74.049.988.875.7n/ayesyesEfficient Parallel Multi-Scale Detail and Semantic Encoding Network for Lightweight Semantic SegmentationXiao Liu, Xiuya Shi, Lufei Chen, Linbo Qing, Chao RenACM International Conference on Multimedia 2023MM '23: Proceedings of the 31th ACM International Conference on Multimedia
more details
ECFDyesyesnononononononononono82.163.692.282.1n/ayesyesAnonymousbackbone: ConvNext-Large
more details
DWGSeg-L75yesyesnononononononono1.31.376.750.389.475.00.00755nonoAnonymous
more details
SERNet-Former (Leverkusen)yesyesnononononononononono3.31.63.51.7n/anonoSerdar Erisen
more details
SERNet-Former Partial Result (Munich 250-end)yesyesnononononononononono16.811.817.213.3n/ayesyesSERNet-Former: Semantic Segmentation by Efficient Residual Network with Attention-Boosting Gates and Attention-Fusion NetworksSerdar ErisenThe test results of SERNet-Former could only be acquired partially as this result shows the accuracy of the network on partially tested dataset ranging from Munich's 250th sample to the end.
more details
SERNet-Former-woAtyesyesnononononononononono69.745.186.872.3n/anonoSERNet-Former: Semantic Segmentation by Efficient Residual Network with Attention-Boosting Gates and Attention-Fusion NetworksSerdar ErisenSERNet-Former Ablation Study: SERNET-Former is developed by using ResNet-50 as the baseline. This result shows the efficiency of the baseline itself trained for 60 epochs without using the additional methods.
more details
VLTSegyesyesnononononononononono86.473.393.185.3n/anonoVLTSeg: Simple Transfer of CLIP-Based Vision-Language Representations for Domain Generalized Semantic SegmentationChristoph Hümmer, Manuel Schwonberg, Liangwei Zhou, Hu Cao, Alois Knoll, Hanno Gottschalk
more details
Ser-Net-Former-Hybrid1yesyesnononononononononono73.349.986.270.9n/anonoAnonymous
more details
SERNet-Former (Berlin)yesyesnononononononononono28.625.033.135.1n/anonoSERNet-Former: Semantic Segmentation by Efficient Residual Network with Attention-Boosting Gates and Attention-Fusion NetworksSerdar ErisenTrained for 60 epochs
more details

Instance-Level Semantic Labeling Task

In the second Cityscapes task we focus on simultaneously detecting objects and segmenting them. This is an extension to both traditional object detection, since per-instance segments must be provided, and pixel-level semantic labeling, since each instance is treated as a separate label. Therefore, algorithms are required to deliver a set of detections of traffic participants in the scene, each associated with a confidence score and a per-instance segmentation mask.

Metrics

To assess instance-level performance, we compute the average precision on the region level (AP [2]) for each class and average it across a range of overlap thresholds to avoid a bias towards a specific value. Specifically, we follow [3] and use 10 different overlaps ranging from 0.5 to 0.95 in steps of 0.05. The overlap is computed at the region level, making it equivalent to the IoU of a single instance. We penalize multiple predictions of the same ground truth instance as false positives. To obtain a single, easy to compare compound score, we report the mean average precision AP, obtained by also averaging over the class label set. As minor scores, we add AP50% for an overlap value of 50 %, as well as AP100m and AP50m where the evaluation is restricted to objects within 100 m and 50 m distance, respectively.

Results

Detailed results

Detailed results including performances regarding individual classes can be found here.

Usage
Use the buttons in the first row to hide columns or to export the visible data to various formats. Use the widgets in the second row to filter the table by selecting values of interest (multiple selections possible). Click the numeric columns for sorting.

namefinefinecoarsecoarse16-bit16-bitdepthdepthvideovideosubsubAPAP 50%AP 100mAP 50mRuntime [s]codecodetitleauthorsvenuedescription
R-CNN + MCG convex hullyesyesnononononononono224.612.97.710.360.0nonoThe Cityscapes Dataset for Semantic Urban Scene UnderstandingM. Cordts, M. Omran, S. Ramos, T. Rehfeld, M. Enzweiler, R. Benenson, U. Franke, S. Roth, B. SchieleCVPR 2016We compute MCG object proposals [1] and use their convex hulls as instance candidates. These proposals are scored by a Fast R-CNN detector [2].

[1] P. Arbelaez, J. Pont-Tuset, J. Barron, F. Marqués, and J. Malik. Multiscale combinatorial grouping. In CVPR, 2014.
[2] R. Girshick. Fast R-CNN. In ICCV, 2015.
more details
Pixel-level Encoding for Instance Segmentationyesyesnonononoyesyesnononono8.921.115.316.7n/anonoPixel-level Encoding and Depth Layering for Instance-level Semantic LabelingJ. Uhrig, M. Cordts, U. Franke, and T. BroxGCPR 2016We predict three encoding channels from a single image using an FCN: semantic labels, depth classes, and an instance-aware representation based on directions towards instance centers. Using low-level computer vision techniques, we obtain pixel-level and instance-level semantic labeling paired with a depth estimate of the instances.
more details
Instance-level Segmentation of Vehicles by Deep Contoursyesyesnononononononono222.33.73.94.90.2nonoInstance-level Segmentation of Vehicles by Deep ContoursJan van den Brand, Matthias Ochs and Rudolf MesterAsian Conference on Computer Vision - Workshop on Computer Vision Technologies for Smart VehicleOur method uses the fully convolutional network (FCN) for semantic labeling and for estimating the boundary of each vehicle. Even though a contour is in general a one pixel wide structure which cannot be directly learned by a CNN, our network addresses this by providing areas around the contours. Based on these areas, we separate the individual vehicle instances.
more details
Boundary-aware Instance Segmentationyesyesnononononononono2217.436.729.334.0n/anonoBoundary-aware Instance SegmentationZeeshan Hayder, Xuming He, Mathieu SalzmannCVPR 2017End-to-end model for instance segmentation using VGG16 network

Previously listed as "Shape-Aware Instance Segmentation"
more details
RecAttendyesyesnononononononono449.518.916.820.9n/anonoAnonymous
more details
Joint Graph Decomposition and Node Labelingyesyesnononononononono889.823.216.820.3n/anonoJoint Graph Decomposition and Node Labeling: Problem, Algorithms, ApplicationsEvgeny Levinkov, Jonas Uhrig, Siyu Tang, Mohamed Omran, Eldar Insafutdinov, Alexander Kirillov, Carsten Rother, Thomas Brox, Bernt Schiele, Bjoern AndresComputer Vision and Pattern Recognition (CVPR) 2017
more details
InstanceCutyesyesyesyesnononononononono13.027.922.126.1n/anonoInstanceCut: from Edges to Instances with MultiCutA. Kirillov, E. Levinkov, B. Andres, B. Savchynskyy, C. RotherComputer Vision and Pattern Recognition (CVPR) 2017InstanceCut represents the problem by two output modalities: (i) an instance-agnostic semantic segmentation and (ii) all instance-boundaries. The former is computed from a standard CNN for semantic segmentation, and the latter is derived from a new instance-aware edge detection model. To reason globally about the optimal partitioning of an image into instances, we combine these two modalities into a novel MultiCut formulation.
more details
Semantic Instance Segmentation with a Discriminative Loss Functionyesyesnononononononono2217.535.927.831.0n/ayesyesSemantic Instance Segmentation with a Discriminative Loss FunctionBert De Brabandere, Davy Neven, Luc Van GoolDeep Learning for Robotic Vision, workshop at CVPR 2017This method uses a discriminative loss function, operating at the pixel level, that encourages a convolutional network to produce a representation of the image that can easily be clustered into instances with a simple post-processing step. The loss function encourages the network to map each pixel to a point in feature space so that pixels belonging to the same instance lie close together while different instances are separated by a wide margin.

Previously listed as "PPLoss".
more details
SGNyesyesyesyesnononononononono25.044.938.944.5n/anonoSGN: Sequential Grouping Networks for Instance SegmentationShu Liu, Jiaya Jia, Sanja Fidler, Raquel UrtasunICCV 2017Instance segmentation using a sequence of neural networks, each solving a sub-grouping problem of increasing semantic complexity in order to gradually compose objects out of pixels.
more details
Mask R-CNN [COCO]yesyesnononononononononono32.058.145.849.5n/anonoMask R-CNNKaiming He, Georgia Gkioxari, Piotr Dollár, Ross GirshickMask R-CNN, ResNet-50-FPN, Cityscapes [fine-only] + COCO
more details
Mask R-CNN [fine-only]yesyesnononononononononono26.249.937.640.1n/anonoMask R-CNNKaiming He, Georgia Gkioxari, Piotr Dollár, Ross GirshickMask R-CNN, ResNet-50-FPN, Cityscapes fine-only
more details
Deep Watershed Transformationyesyesnononononononono2219.435.331.436.8n/anonoDeep Watershed Transformation for Instance SegmentationMin Bai and Raquel UrtasunCVPR 2017Instance segmentation using a watershed transformation inspired CNN. The input RGB image is augmented using the semantic segmentation from the recent PSPNet by H. Zhao et al.
Previously named "DWT".
more details
Foveal Vision for Instance Segmentation of Road Imagesyesyesnonononoyesyesnononono12.525.220.422.1n/anonoFoveal Vision for Instance Segmentation of Road ImagesBenedikt Ortelt, Christian Herrmann, Dieter Willersinn, Jürgen BeyererVISAPP 2018Directly based on 'Pixel-level Encoding for Instance Segmentation'. Adds an improved angular distance measure and a foveal concept to better address small objects at the vanishing point of the road.
more details
SegNetyesyesyesyesnononononononono29.555.643.245.80.5nonoAnonymous
more details
DCMEyesyesnononononononono333.87.76.69.5n/anonoDistance to Center of Mass Encoding for Instance SegmentationThomio Watanabe and Denis Wolf2018 21st International Conference on Intelligent Transportation Systems (ITSC)
more details
RRLyesyesnonononoyesyesnononono29.756.140.941.8n/anonoAnonymous
more details
PANet [fine-only]yesyesnononononononononono31.857.144.246.0n/ayesyesPath Aggregation Network for Instance SegmentationShu Liu, Lu Qi, Haifang Qin, Jianping Shi, Jiaya JiaCVPR 2018PANet, ResNet-50 as base model, Cityscapes fine-only, training hyper-parameters are adopted from Mask R-CNN.
more details
PANet [COCO]yesyesnononononononononono36.463.149.251.8n/ayesyesPath Aggregation Network for Instance SegmentationShu Liu, Lu Qi, Haifang Qin, Jianping Shi, Jiaya JiaCVPR 2018PANet, ResNet-50 as base model, Cityscapes fine-only + COCO, training hyper-parameters are adopted from Mask R-CNN.
more details
LCISyesyesnononononononononono15.130.824.225.8n/anonoAnonymous
more details
Pixelwise Instance Segmentation with a Dynamically Instantiated Networkyesyesyesyesnononononononono23.445.236.840.9n/anonoPixelwise Instance Segmentation with a Dynamically Instantiated NetworkAnurag Arnab and Philip H. S. TorrComputer Vision and Pattern Recognition (CVPR) 2017We propose an Instance Segmentation system that produces a segmentation map where each pixel is assigned an object class and instance identity label (this has recently been termed "Panoptic Segmentation"). Our method is based on an initial semantic segmentation module which feeds into an instance subnetwork. This subnetwork uses the initial category-level segmentation, along with cues from the output of an object detector, within an end-to-end CRF to predict instances. This part of our model is dynamically instantiated to produce a variable number of instances per image. Our end-to-end approach requires no post-processing and considers the image holistically, instead of processing independent proposals. As a result, it reasons about occlusions (unlike some related work, a single pixel cannot belong to multiple instances).

more details
PolygonRNN++yesyesnononononononononono25.545.539.343.4n/ayesyesEfficient Annotation of Segmentation Datasets with Polygon-RNN++D. Acuna, H. Ling, A. Kar, and S. FidlerCVPR 2018
more details
GMIS: Graph Merge for Instance Segmentationyesyesyesyesnononononononono27.644.642.747.9n/anonoYiding Liu, Siyu Yang, Bin Li, Wengang Zhou, Jizheng Xu, Houqiang Li, Yan Lu
more details
TCnetyesyesnononononononononono32.659.045.047.8n/anonoAnonymousTCnet
more details
MaskRCNN_ROByesyesnononononononononono10.225.214.614.6n/anonoAnonymousMaskRCNN Instance segmentation baseline for ROB challenge using default parameters from Matterport's implementation of Mask RCNN
https://github.com/matterport/Mask_RCNN
more details
Multitask Learningyesyesnononononononononono21.639.035.037.0n/ayesyesMulti-Task Learning Using Uncertainty to Weigh Losses for Scene Geometry and SemanticsAlex Kendall, Yarin Gal and Roberto CipollaCVPR 2018Numerous deep learning applications benefit from multi-task learning with multiple regression and classification objectives. In this paper we make the observation that the performance of such systems is strongly dependent on the relative weighting between each task's loss. Tuning these weights by hand is a difficult and expensive process, making multi-task learning prohibitive in practice. We propose a principled approach to multi-task deep learning which weighs multiple loss functions by considering the homoscedastic uncertainty of each task. This allows us to simultaneously learn various quantities with different units or scales in both classification and regression settings. We demonstrate our model learning per-pixel depth regression, semantic and instance segmentation from a monocular input image. Perhaps surprisingly, we show our model can learn multi-task weightings and outperform separate models trained individually on each task.
more details
Deep Coloringyesyesnononononononononono24.946.239.044.0n/anonoAnonymousAnonymous ECCV submission #2955
more details
MRCNN_VSCMLab_ROByesyesnononononononononono14.829.524.829.31.0nonoAnonymousMaskRCNN+FPN with pre-trained COCO model.
ms-training with short edge [800, 1024]
inference with shore edge size 800
Randomly subsample ScanNet to the size close to CityScape

optimizer: Adam
learning rate: start from 1e-4 to 1e-3 with linear warm up schedule. decrease by factor of 0.1 at 200, 300 epoch.

epoch: 400
step per epoch: 500
roi_per_im: 512
more details
BAMRCNN_ROByesyesnononononononononono0.30.90.20.1n/anonoAnonymous
more details
NL_ROI_ROByesyesnononononononononono24.045.836.140.8n/anonoAnonymousNon-local ROI on Mask R-CNN
more details
RUSH_ROByesyesnononononononononono32.155.545.246.3n/anonoAnonymous
more details
MaskRCNN_BOSHyesyesnononononononononono12.828.022.126.7n/anonoJin shengtao, Yi zhihao, Liu wei [Our team name is firefly]MaskRCNN segmentation baseline for Bosh autodrive challenge ,
using Matterport's implementation of Mask RCNN https://github.com/matterport/Mask_RCNN
55k iterations, default parameters (backbone :resenet 101)
19hours for training
more details
NV-ADLRyesyesnononononononononono35.361.549.353.5n/anonoAnonymousNVIDIA Applied Deep Learning Research
more details
Sogou_MMyesyesnononononononononono37.264.551.154.5n/anonoGlobal Concatenating Feature Enhancement for Instance SegmentationHang Yang, Xiaozhe Xin, Wenwen Yang, Bin LiGlobal Concatenating Feature Enhancement for Instance Segmentation
more details
Instance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering Bandwidthyesyesnononononononononono27.750.937.837.30.1yesyesInstance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering BandwidthDavy Neven, Bert De Brabandere, Marc Proesmans and Luc Van GoolCVPR 2019Fine only - ERFNet backbone
more details
Instance Annotationyesyesnononononononono227.714.913.616.64.416nonoInstance Segmentation as Image Segmentation AnnotationThomio Watanabe and Denis F. Wolf2019 IEEE Intelligent Vehicles Symposium (IV)Based on DCME
more details
NJUSTyesyesnononononononononono38.964.153.055.4n/anonoAng Li, Chongyang ZhangMask R-CNN based on FPN enhancement and Mask Rescore, etc. Only one single model SE-ResNext-152 with COCO pre-train used;
more details
BshapeNet+ [fine-only]yesyesnononononononononono27.350.440.543.1n/anonoBshapeNet: Object Detection and Instance Segmentation with Bounding Shape MasksBa Rom Kang, Ha Young KimBshapeNet+, ResNet-50-FPN as base model, Cityscapes [fine-only]
more details
SSAPyesyesnononononononononono32.751.847.351.4n/anonoSSAP: Single-Shot Instance Segmentation With Affinity PyramidNaiyu Gao, Yanhu Shan, Yupei Wang, Xin Zhao, Yinan Yu, Ming Yang, Kaiqi HuangICCV 2019SSAP, ResNet-101, Cityscapes fine-only
more details
Spatial Sampling Netyesyesnononononononono229.216.816.421.40.00884nonoSpatial Sampling Network for Fast Scene UnderstandingDavide Mazzini, Raimondo SchettiniCVPR 2019 Workshop on Autonomous DrivingWe propose a network architecture to perform efficient scene understanding. This work presents three main novelties: the first is an Improved Guided Upsampling Module that can replace in toto the decoder part in common semantic segmentation networks.
Our second contribution is the introduction of a new module based on spatial sampling to perform Instance Segmentation. It provides a very fast instance segmentation, needing only thresholding as post-processing step at inference time. Finally, we propose a novel efficient network design that includes the new modules and we test it against different datasets for outdoor scene understanding.
more details
UPSNetyesyesnononononononononono33.059.646.850.70.227yesyesUPSNet: A Unified Panoptic Segmentation NetworkYuwen Xiong, Renjie Liao, Hengshuang Zhao, Rui Hu, Min Bai, Ersin Yumer, Raquel UrtasunCVPR 2019
more details
Sem2Insyesyesnononononononononono19.336.429.332.8n/anonoAnonymousAnonymous NeurIPS19 submission #4671
more details
BshapeNet+ [COCO]yesyesnononononononononono32.958.847.350.7n/anonoBshapeNet: Object Detection and Instance Segmentation with Bounding Shape MasksBa Rom Kang, Ha Young KimBshapeNet+ single model, ResNet-50-FPN as base model, Cityscapes [fine-only + COCO]
more details
AdaptISyesyesnononononononononono32.552.548.252.1n/anonoAnonymousAdaptive Instance Selection network architecture for class-agnostic instance segmentation. Given an input image and a point (x, y), it generates a mask for the object located at (x, y). The network adapts to the input point with a help of AdaIN layers, thus producing different masks for different objects on the same image. AdaptIS generates pixel-accurate object masks, therefore it accurately segments objects of complex shape or severely occluded ones.
more details
AInnoSegmentationyesyesnononononononononono39.566.053.956.7n/anonoFaen Zhang, Jiahong Wu, Haotian Cao, Zhizheng Yang, Jianfei Song, Ze Huang, Jiashui Huang, Shenglan BenAInnoSegmentation use SE-Resnet 152 as backbone and FPN model to extract multi-level features and use self-develop method to combine multi-features and use COCO datasets to pre-train model and so on
more details
iFLYTEK-CVyesyesnononononononononono42.371.155.758.7n/anonoAnonymousiFLYTEK Research, CV Group
more details
Panoptic-DeepLab [Cityscapes-fine]yesyesnononononononononono34.657.350.553.1n/anonoPanoptic-DeepLabBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenOur proposed bottom-up Panoptic-DeepLab is conceptually simple yet delivers state-of-the-art results. The Panoptic-DeepLab adopts dual-ASPP and dual-decoder modules, specific to semantic segmentation and instance segmentation respectively. The semantic segmentation prediction follows the typical design of any semantic segmentation model (e.g., DeepLab), while the instance segmentation prediction involves a simple instance center regression, where the model learns to predict instance centers as well as the offset from each pixel to its corresponding center. This submission exploits only Cityscapes fine annotations.
This entry fixes a minor inference bug (i.e., same trained model) for instance segmentation, compared to the previous submission.
more details
snakeyesyesnononononononononono31.758.443.244.70.217yesyesDeep Snake for Real-Time Instance SegmentationSida Peng, Wen Jiang, Huaijin Pi, Xiuli Li, Hujun Bao, Xiaowei ZhouCVPR 2020
more details
PolyTransformyesyesnononononononononono40.165.954.858.0n/anonoPolyTransform: Deep Polygon Transformer for Instance SegmentationJustin Liang, Namdar Homayounfar, Wei-Chiu Ma, Yuwen Xiong, Rui Hu, Raquel Urtasun
more details
StixelPointNetyesyesnononononononononono8.519.315.118.30.035nonoLearning Stixel-Based Instance SegmentationMonty Santarossa, Lukas Schneider, Claudius Zelenka, Lars Schmarje, Reinhard Koch, Uwe Franke IV 2021An adapted version of the PointNet is trained on Stixels as input for instance segmentation.
more details
Axial-DeepLab-XL [Cityscapes-fine]yesyesnononononononononono34.055.949.653.1n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
PolyTransform + SegFixyesyesnononononononononono41.266.156.059.2n/ayesyesAnonymousopensegWe simply apply a novel post-processing scheme based on the PolyTransform (thanks to the authors of PolyTransform for providing their segmentation results). The performance of the baseline PolyTransform is 40.1% and our method achieves 41.2%. Besides, our method also could improve the results of PointRend and PANet by more than 1.0% without any re-training or fine-tuning the segmentation models.
more details
GAIS-Netyesyesnonononoyesyesnononono32.359.544.646.6n/ayesyesGeometry-Aware Instance Segmentation with Disparity MapsCho-Ying Wu, Xiaoyan Hu, Michael Happold, Qiangeng Xu, Ulrich NeumannScalability in Autonomous Driving, workshop at CVPR 2020Geometry-Aware Instance Segmentation with Disparity Maps
more details
Axial-DeepLab-L [Mapillary Vistas]yesyesnononononononononono38.161.654.357.3n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
LevelSet R-CNN [fine-only]yesyesnononononononononono33.358.247.550.3n/anonoLevelSet R-CNN: A Deep Variational Method for Instance SegmentationNamdar Homayounfar*, Yuwen Xiong*, Justin Liang*, Wei-Chiu Ma, Raquel UrtasunECCV 2020Obtaining precise instance segmentation masks is of high importance in many modern applications such as robotic manipulation and autonomous driving. Currently, many state of the art models are based on the Mask R-CNN framework which, while very powerful, outputs masks at low resolutions which could result in imprecise boundaries. On the other hand, classic variational methods for segmentation impose desirable global and local data and geometry constraints on the masks by optimizing an energy functional. While mathematically elegant, their direct dependence on good initialization, non-robust image cues and manual setting of hyperparameters renders them unsuitable for modern applications. We propose LevelSet R-CNN, which combines the best of both worlds by obtaining powerful feature representations that are combined in an end-to-end manner with a variational segmentation framework. We demonstrate the effectiveness of our approach on COCO and Cityscapes datasets.
more details
LevelSet R-CNN [COCO]yesyesnononononononononono40.065.754.558.1n/anonoLevelSet R-CNN: A Deep Variational Method for Instance SegmentationNamdar Homayounfar*, Yuwen Xiong*, Justin Liang*, Wei-Chiu Ma, Raquel UrtasunECCV 2020Obtaining precise instance segmentation masks is of high importance in many modern applications such as robotic manipulation and autonomous driving. Currently, many state of the art models are based on the Mask R-CNN framework which, while very powerful, outputs masks at low resolutions which could result in imprecise boundaries. On the other hand, classic variational methods for segmentation impose desirable global and local data and geometry constraints on the masks by optimizing an energy functional. While mathematically elegant, their direct dependence on good initialization, non-robust image cues and manual setting of hyperparameters renders them unsuitable for modern applications. We propose LevelSet R-CNN, which combines the best of both worlds by obtaining powerful feature representations that are combined in an end-to-end manner with a variational segmentation framework. We demonstrate the effectiveness of our approach on COCO and Cityscapes datasets.
more details
Axial-DeepLab-L [Cityscapes-fine]yesyesnononononononononono33.354.948.852.0n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.

more details
Deep Affinity Net [fine-only]yesyesnononononononononono27.548.041.546.9n/anonoDeep Affinity Net: Instance Segmentation via AffinityXingqian Xu, Mangtik Chiu, Thomas Huang, Honghui ShiA proposal-free method that uses FPN generated features and network predicted 4-neighbor affinities to reconstruct instance segments. During inference time, an efficient graph partitioning algorithm, Cascade-GAEC, is introduced to overcome the long execution time in the high-resolution graph partitioning problem.
more details
Naive-Student (iterative semi-supervised learning with Panoptic-DeepLab)yesyesnonononononoyesyesnono42.667.657.959.8n/anonoSemi-Supervised Learning in Video Sequences for Urban Scene SegmentationLiang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon ShlensSupervised learning in large discriminative models is a mainstay for modern computer vision. Such an approach necessitates investing in large-scale human-annotated datasets for achieving state-of-the-art results. In turn, the efficacy of supervised learning may be limited by the size of the human annotated dataset. This limitation is particularly notable for image segmentation tasks, where the expense of human annotation is especially large, yet large amounts of unlabeled data may exist. In this work, we ask if we may leverage semi-supervised learning in unlabeled video sequences to improve the performance on urban scene segmentation, simultaneously tackling semantic, instance, and panoptic segmentation. The goal of this work is to avoid the construction of sophisticated, learned architectures specific to label propagation (e.g., patch matching and optical flow). Instead, we simply predict pseudo-labels for the unlabeled data and train subsequent models with both human-annotated and pseudo-labeled data. The procedure is iterated for several times. As a result, our Naive-Student model, trained with such simple yet effective iterative semi-supervised learning, attains state-of-the-art results at all three Cityscapes benchmarks, reaching the performance of 67.8% PQ, 42.6% AP, and 85.2% mIOU on the test set. We view this work as a notable step towards building a simple procedure to harness unlabeled video sequences to surpass state-of-the-art performance on core computer vision tasks.
more details
Axial-DeepLab-XL [Mapillary Vistas]yesyesnononononononononono39.664.255.557.4n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Panoptic-DeepLab [Mapillary Vistas]yesyesnononononononononono40.666.455.657.0n/anonoPanoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic SegmentationBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenWe employ a stronger backbone, WR-41, in Panoptic-DeepLab.
For Panoptic-DeepLab, please refer to https://arxiv.org/abs/1911.10194.
For wide-ResNet-41 (WR-41) backbone, please refer to https://arxiv.org/abs/2005.10266.
more details
EfficientPS [Mapillary Vistas]yesyesnononononononononono39.864.952.955.8n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaUnderstanding the scene in which an autonomous robot operates is critical for its competent functioning. Such scene comprehension necessitates recognizing instances of traffic participants along with general scene semantics which can be effectively addressed by the panoptic segmentation task. In this paper, we introduce the Efficient Panoptic Segmentation (EfficientPS) architecture that consists of a shared backbone which efficiently encodes and fuses semantically rich multi-scale features. We incorporate a new semantic head that aggregates fine and contextual features coherently and a new variant of Mask R-CNN as the instance head. We also propose a novel panoptic fusion module that congruously integrates the output logits from both the heads of our EfficientPS architecture to yield the final panoptic segmentation output. Additionally, we introduce the KITTI panoptic segmentation dataset that contains panoptic annotations for the popularly challenging KITTI benchmark. Extensive evaluations on Cityscapes, KITTI, Mapillary Vistas and Indian Driving Dataset demonstrate that our proposed architecture consistently sets the new state-of-the-art on all these four benchmarks while being the most efficient and fast panoptic segmentation architecture to date.
more details
seamseg_rvcsubsetnononononononononononono22.139.431.232.1n/ayesyesSeamless Scene SegmentationPorzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, PeterThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019Seamless Scene Segmentation Resnet101, pretrained on Imagenet; supplied with altered MVD to include WildDash2 classes; does not contain other RVC label policies (i.e. no ADE20K/COCO-specific classes -> rvcsubset and not a proper submission)
more details
UniDet_RVCyesyesnononononononono2229.852.444.148.0300.0nonoAnonymous
more details
EffPS_b1bs4_RVCyesyesnononononononononono21.338.531.735.1n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaEfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4.
more details
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine]yesyesnononononononononono38.061.053.755.4n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas]yesyesnononononononononono42.267.557.859.6n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
PolyTransform + SegFix + BPRyesyesnononononononononono42.766.557.560.7n/ayesyesLook Closer to Segment Better: Boundary Patch Refinement for Instance SegmentationChufeng Tang*, Hang Chen*, Xiao Li, Jianmin Li, Zhaoxiang Zhang, Xiaolin HuCVPR 2021Tremendous efforts have been made on instance segmentation but the mask quality is still not satisfactory. The boundaries of predicted instance masks are usually imprecise due to the low spatial resolution of feature maps and the imbalance problem caused by the extremely low proportion of boundary pixels. To address these issues, we propose a conceptually simple yet effective post-processing refinement framework to improve the boundary quality based on the results of any instance segmentation model, termed BPR. Following the idea of looking closer to segment boundaries better, we extract and refine a series of small boundary patches along the predicted instance boundaries. The refinement is accomplished by a boundary patch refinement network at higher resolution. The proposed BPR framework yields significant improvements over the Mask R-CNN baseline on Cityscapes benchmark, especially on the boundary-aware metrics. Moreover, by applying the BPR framework to the PolyTransform + SegFix baseline, we reached 1st place on the Cityscapes leaderboard.
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas + Pseudo-labels]yesyesnonononononoyesyesnono43.468.758.960.9n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime. Following Naive-Student, this model is additionally trained with pseudo-labels generated from Cityscapes Video and train-extra set (i.e., the coarse annotations are not used, but the images are).
more details
CenterPolyyesyesnononononononono4415.539.523.324.50.045nonoAnonymous
more details
HRI-INSTyesyesyesyesnononononononono43.870.457.561.0n/anonoAnonymousHRI-INST
more details
DH-ARIyesyesnononononononononono44.468.458.561.6n/anonoAnonymousDH-ARI
more details
HRI-TRANSyesyesnononononononononono44.571.457.961.3n/anonoAnonymousHRI transformer instance segmentation
more details
kMaX-DeepLab [Cityscapes-fine]yesyesnononononononononono39.761.357.261.2n/ayesyesk-means Mask TransformerQihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, and Liang-Chieh ChenECCV 2022kMaX-DeepLab w/ ConvNeXt-L backbone (ImageNet-22k + 1k pretrained). This result is obtained by the kMaX-DeepLab trained for Panoptic Segmentation task. No test-time augmentation or other external dataset.
more details
QueryInst-Parallel Completionyesyesnononononononononono35.460.948.150.8n/anonoHai Wang ;Shilin Zhu ;PuPu ;Meng; Le; Apple; RongWe propose a novel feature complete network framework queryinst parallel completion. First, the global context module is introduced into the backbone network to obtain instance information. Then, parallel semantic branch and parallel global branch are proposed to extract the semantic information and global information of feature layer, so as to complete the ROI features. In addition, we also propose a feature transfer structure, which explicitly increases the connection between detection and segmentation branches, changes the gradient back-propagation path, and indirectly complements the ROI features.
more details
CenterPoly v2yesyesnononononononononono16.639.424.827.20.045yesyesReal-time instance segmentation with polygons using an Intersection-over-Union lossKatia Jodogne-del Litto, Guillaume-Alexandre Bilodeau
more details
Jiangsu-University-Environmental-Perceptionyesyesnononononononononono40.367.653.455.9n/anonoAnonymous
more details

Panoptic Semantic Labeling Task

The third Cityscapes task was added in 2019 and combines both, pixel-level and instance-level semantic labeling, in a single task called “panoptic segmentation”. The challenge as well as the evaluation metrics are described in [4].

Results

Detailed results

Detailed results including performances regarding individual classes can be found here.

Usage
Use the buttons in the first row to hide columns or to export the visible data to various formats. Use the widgets in the second row to filter the table by selecting values of interest (multiple selections possible). Click the numeric columns for sorting.

namefinefinecoarsecoarse16-bit16-bitdepthdepthvideovideosubsubPQSQRQRuntime [s]codecodetitleauthorsvenuedescription
HANetyesyesnononononononononono51.277.763.9n/anonoAnonymousHolistic Attention Network for End-to-End Panoptic Segmentation
more details
TASCNet-enhancedyesyesnononononononononono60.781.073.8n/anonoLearning to Fuse Things and StuffJie Li, Allan Raventos, Arjun Bhargava, Takaaki Tagawa, Adrien GaidonArxivWe proposed a joint network for panoptic segmentation, which is a variation of our previous work, TASCNet. (https://arxiv.org/pdf/1812.01192.pdf)
A shared backbone (ResNeXt-101) pretrained on COCO detection is used.
more details
Sem2Insyesyesnononononononononono52.378.965.2n/anonoAnonymousAnonymous NeurIPS19 submission #4671
more details
Pixelwise Instance Segmentation with a Dynamically Instantiated Networkyesyesyesyesnononononononono55.479.768.1n/anonoPixelwise Instance Segmentation with a Dynamically Instantiated NetworkAnurag Arnab and Philip H.S TorrComputer Vision and Pattern Recognition (CVPR) 2017Results are produced using the method from our CVPR 2017 paper, "Pixelwise Instance Segmentation with a Dynamically Instantiated Network."

On the instance segmentation benchmark, the identical model achieved a mean AP of 23.4

This model also served as the fully supervised baseline in our ECCV 2018 paper, "Weakly- and Semi-Supervised Panoptic Segmentation".
more details
Seamless Scene Segmentationyesyesnononononononononono62.682.175.3n/ayesyesSeamless Scene SegmentationLorenzo Porzi, Samuel Rota Bulò, Aleksander Colovic and Peter KontschiederThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2019Seamless Scene Segmentation is a CNN-based architecture that can be trained end-to-end to predict a complete class- and instance-specific labeling for each pixel in an image. To tackle this task, also known as "Panoptic Segmentation", we take advantage of a novel segmentation head that seamlessly integrates multi-scale features generated by a Feature Pyramid Network with contextual information conveyed by a light-weight DeepLab-like module.

In this submission we use a single model, with a ResNet50 backbone, pre-trained on ImageNet and Mapillary Vistas Research Edition, and fine-tuned on Cityscapes' fine training set. Inference is single-shot, without any form of test-time augmentation. Validation scores of the submitted model are 64.97 PQ, 68.04 PQ stuff, 60.75 PQ thing, 80.73 IoU.
more details
SSAPyesyesnononononononononono58.982.470.6n/anonoSSAP: Single-Shot Instance Segmentation With Affinity PyramidNaiyu Gao, Yanhu Shan, Yupei Wang, Xin Zhao, Yinan Yu, Ming Yang, Kaiqi HuangICCV 2019SSAP, ResNet-101, Cityscapes fine-only
more details
Panoptic-DeepLab [Cityscapes-fine]yesyesnononononononononono62.382.474.8n/anonoPanoptic-DeepLabBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenOur proposed bottom-up Panoptic-DeepLab is conceptually simple yet delivers state-of-the-art results. The Panoptic-DeepLab adopts dual-ASPP and dual-decoder modules, specific to semantic segmentation and instance segmentation respectively. The semantic segmentation prediction follows the typical design of any semantic segmentation model (e.g., DeepLab), while the instance segmentation prediction involves a simple instance center regression, where the model learns to predict instance centers as well as the offset from each pixel to its corresponding center.
This submission exploits only Cityscapes fine annotations.
more details
iFLYTEK-CVyesyesyesyesnononononononono66.083.278.5n/anonoAnonymousiFLYTEK Research, CV Group
more details
Unifying Training and Inference for Panoptic Segmentation [Cityscapes-fine]yesyesnononononononononono61.081.473.9n/ayesyesUnifying Training and Inference for Panoptic SegmentationQizhu Li, Xiaojuan Qi, Philip H.S. TorrThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020We present an end-to-end network to bridge the gap between training and inference pipeline for panoptic segmentation. In contrast to recent works, our network exploits a parametrised, yet lightweight panoptic segmentation submodule, powered by an end-to-end learnt dense instance affinity, to capture the probability that any pair of pixels belong to the same instance. This panoptic submodule gives rise to a novel propagation mechanism for panoptic logits and enables the network to output a coherent panoptic segmentation map for both “stuff” and “thing” classes, without any post-processing.

This model uses a ResNet-50 backbone, and is trained with only Cityscapes' fine data.
more details
Unifying Training and Inference for Panoptic Segmentation [COCO]yesyesnononononononononono63.382.475.9n/ayesyesUnifying Training and Inference for Panoptic SegmentationQizhu Li, Xiaojuan Qi, Philip H.S. TorrThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020We present an end-to-end network to bridge the gap between training and inference pipeline for panoptic segmentation. In contrast to recent works, our network exploits a parametrised, yet lightweight panoptic segmentation submodule, powered by an end-to-end learnt dense instance affinity, to capture the probability that any pair of pixels belong to the same instance. This panoptic submodule gives rise to a novel propagation mechanism for panoptic logits and enables the network to output a coherent panoptic segmentation map for both “stuff” and “thing” classes, without any post-processing.

This model uses a ResNet-101 backbone, and is pretrained on COCO 2017 training images and finetuned on Cityscapes' fine data.
more details
Axial-DeepLab-XL [Cityscapes-fine]yesyesnononononononononono62.882.475.2n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Axial-DeepLab-L [Mapillary Vistas]yesyesnononononononononono65.683.078.1n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Axial-DeepLab-L [Cityscapes-fine]yesyesnononononononononono62.782.275.3n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
Naive-Student (iterative semi-supervised learning with Panoptic-DeepLab)yesyesnonononononoyesyesnono67.883.880.2n/anonoSemi-Supervised Learning in Video Sequences for Urban Scene SegmentationLiang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon ShlensSupervised learning in large discriminative models is a mainstay for modern computer vision. Such an approach necessitates investing in large-scale human-annotated datasets for achieving state-of-the-art results. In turn, the efficacy of supervised learning may be limited by the size of the human annotated dataset. This limitation is particularly notable for image segmentation tasks, where the expense of human annotation is especially large, yet large amounts of unlabeled data may exist. In this work, we ask if we may leverage semi-supervised learning in unlabeled video sequences to improve the performance on urban scene segmentation, simultaneously tackling semantic, instance, and panoptic segmentation. The goal of this work is to avoid the construction of sophisticated, learned architectures specific to label propagation (e.g., patch matching and optical flow). Instead, we simply predict pseudo-labels for the unlabeled data and train subsequent models with both human-annotated and pseudo-labeled data. The procedure is iterated for several times. As a result, our Naive-Student model, trained with such simple yet effective iterative semi-supervised learning, attains state-of-the-art results at all three Cityscapes benchmarks, reaching the performance of 67.8% PQ, 42.6% AP, and 85.2% mIOU on the test set. We view this work as a notable step towards building a simple procedure to harness unlabeled video sequences to surpass state-of-the-art performance on core computer vision tasks.
more details
Axial-DeepLab-XL [Mapillary Vistas]yesyesnononononononononono66.683.579.0n/ayesyesAxial-DeepLab: Stand-Alone Axial-Attention for Panoptic SegmentationHuiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2020 (spotlight)Convolution exploits locality for efficiency at a cost of missing long range context. Self-attention has been adopted to augment CNNs with non-local interactions. Recent works prove it possible to stack self-attention layers to obtain a fully attentional network by restricting the attention to a local region. In this paper, we attempt to remove this constraint by factorizing 2D self-attention into two 1D self-attentions. This reduces computation complexity and allows performing attention within a larger or even global region. In companion, we also propose a position-sensitive self-attention design. Combining both yields our position-sensitive axial-attention layer, a novel building block that one could stack to form axial-attention models for image classification and dense prediction. We demonstrate the effectiveness of our model on four large-scale datasets. In particular, our model outperforms all existing stand-alone self-attention models on ImageNet. Our Axial-DeepLab improves 2.8% PQ over bottom-up state-of-the-art on COCO test-dev. This previous state-of-the-art is attained by our small variant that is 3.8x parameter-efficient and 27x computation-efficient. Axial-DeepLab also achieves state-of-the-art results on Mapillary Vistas and Cityscapes.
more details
EfficientPS [Cityscapes-fine]yesyesnononononononononono64.182.676.8n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaUnderstanding the scene in which an autonomous robot operates is critical for its competent functioning. Such scene comprehension necessitates recognizing instances of traffic participants along with general scene semantics which can be effectively addressed by the panoptic segmentation task. In this paper, we introduce the Efficient Panoptic Segmentation (EfficientPS) architecture that consists of a shared backbone which efficiently encodes and fuses semantically rich multi-scale features. We incorporate a new semantic head that aggregates fine and contextual features coherently and a new variant of Mask R-CNN as the instance head. We also propose a novel panoptic fusion module that congruously integrates the output logits from both the heads of our EfficientPS architecture to yield the final panoptic segmentation output. Additionally, we introduce the KITTI panoptic segmentation dataset that contains panoptic annotations for the popularly challenging KITTI benchmark. Extensive evaluations on Cityscapes, KITTI, Mapillary Vistas and Indian Driving Dataset demonstrate that our proposed architecture consistently sets the new state-of-the-art on all these four benchmarks while being the most efficient and fast panoptic segmentation architecture to date.
more details
Panoptic-DeepLab [Mapillary Vistas]yesyesnononononononononono66.583.578.8n/anonoPanoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic SegmentationBowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh ChenWe employ a stronger backbone, WR-41, in Panoptic-DeepLab.
For Panoptic-DeepLab, please refer to https://arxiv.org/abs/1911.10194.
For wide-ResNet-41 (WR-41) backbone, please refer to https://arxiv.org/abs/2005.10266.
more details
EfficientPS [Mapillary Vistas]yesyesnononononononononono67.183.479.6n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaUnderstanding the scene in which an autonomous robot operates is critical for its competent functioning. Such scene comprehension necessitates recognizing instances of traffic participants along with general scene semantics which can be effectively addressed by the panoptic segmentation task. In this paper, we introduce the Efficient Panoptic Segmentation (EfficientPS) architecture that consists of a shared backbone which efficiently encodes and fuses semantically rich multi-scale features. We incorporate a new semantic head that aggregates fine and contextual features coherently and a new variant of Mask R-CNN as the instance head. We also propose a novel panoptic fusion module that congruously integrates the output logits from both the heads of our EfficientPS architecture to yield the final panoptic segmentation output. Additionally, we introduce the KITTI panoptic segmentation dataset that contains panoptic annotations for the popularly challenging KITTI benchmark. Extensive evaluations on Cityscapes, KITTI, Mapillary Vistas and Indian Driving Dataset demonstrate that our proposed architecture consistently sets the new state-of-the-art on all these four benchmarks while being the most efficient and fast panoptic segmentation architecture to date.
more details
seamseg_rvcsubsetnononononononononononono51.978.564.8n/ayesyesSeamless Scene SegmentationPorzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, PeterThe IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019Seamless Scene Segmentation Resnet101, pretrained on Imagenet; supplied with altered MVD to include WildDash2 classes; does not contain other RVC label policies (i.e. no ADE20K/COCO-specific classes -> rvcsubset and not a proper submission)
more details
EffPS_b1bs4_RVCyesyesnononononononononono48.078.359.2n/ayesyesEfficientPS: Efficient Panoptic SegmentationRohit Mohan, Abhinav ValadaEfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4.
more details
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine]yesyesnononononononononono64.883.477.0n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas]yesyesnononononononononono67.883.880.2n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
more details
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas + Pseudo-labels]yesyesnonononononoyesyesnono68.583.980.9n/anonoScaling Wide Residual Networks for Panoptic SegmentationLiang-Chieh Chen, Huiyu Wang, Siyuan QiaoWe revisit the architecture design of Wide Residual Networks. We design a baseline model by incorporating the simple and effective Squeeze-and-Excitation and Switchable Atrous Convolution to the Wide-ResNets. Its network capacity is further scaled up or down by adjusting the width (i.e., channel size) and depth (i.e., number of layers), resulting in a family of SWideRNets (short for Scaling Wide Residual Networks). We demonstrate that such a simple scaling scheme, coupled with grid search, identifies several SWideRNets that significantly advance state-of-the-art performance on panoptic segmentation datasets in both the fast model regime and strong model regime.
Following Naive-Student, this model is additionally trained with pseudo-labels generated from Cityscapes Video and train-extra set (i.e., the coarse annotations are not used, but the images are).
more details
hri_panopticyesyesnononononononononono68.084.379.9n/anonoAnonymous
more details
COPSyesyesnononononononono4460.081.472.6n/anonoCombinatorial Optimization for Panoptic Segmentation: A Fully Differentiable Approach Ahmed Abbas, Paul SwobodaNeurIPS 2021COPS fully differentiable with ResNet 50 backbone.
more details
kMaX-DeepLab [Cityscapes-fine]yesyesnononononononononono66.284.077.9n/ayesyesk-means Mask TransformerQihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, Liang-Chieh ChenECCV 2022kMaX-DeepLab w/ ConvNeXt-L backbone (ImageNet-22k + 1k pretrained). This result is obtained by the kMaX-DeepLab trained for Panoptic Segmentation task. No test-time augmentation or other external dataset.
more details

3D Vehicle Detection Task

The fourth Cityscapes task was added in 2020 and focuses on 3D Object Detection for vehicles to estimate their 3D parameters like orientation and location. Objects of class car, truck, bus, train, motorcycle, and bicycle are evaluated. Each object is described by an amodal 2D bounding box as well as a 9 degree-of-freedom 3D bounding box: center position, dimensions and orientation.

Metrics

In this task, both 2D and 3D parameters are evaluated. 2D Average Precision (AP) is used to assess the ability to detect the objects of interest within the image and match predictions and ground truth objects. In addition, for each true positive pair of detection and ground truth, the 3D parameters (location, orientation, and size) are evaluated individually using depth dependent true positive metrics for location (BEV), orientation (OS Yaw and OS PitchRoll), and dimensions (SizeSim) as described in [5]. Objects up to a distance of 100 m are taken into account with a step size of 5 m. Detections within an ignore region are not considered in the evaluation.

For each label class a detection score (DS) is calculated as DS = AP x (BEV + OS_Yaw + OS_PitchRoll + SizeSim) / 4.

The average scores over all classes are used to score the submissions.

Results

Detailed results

Detailed results including performances regarding individual classes can be found here.

Usage
Use the buttons in the first row to hide columns or to export the visible data to various formats. Use the widgets in the second row to filter the table by selecting values of interest (multiple selections possible). Click the numeric columns for sorting.

name3d3d16-bit16-bitdepthdepthvideovideosubsubDSAPBEVOS YawRuntime [s]codecodetitleauthorsvenuedescription
3D-GCKyesyesnononononononono37.442.596.181.90.04nonoSingle-Shot 3D Detection of Vehicles from Monocular RGB Images via Geometry Constrained Keypoints in Real-TimeNils Gählert, Jun-Jun Wan, Nicolas Jourdan, Jan Finkbeiner, Uwe Franke, and Joachim DenzlerIV 20203D-GCK is based on the standard SSD 2D object detection framework and lifts the 2D detections to 3D space by predicting additional regression and classification parameters. Hence, the runtime is kept close to pure 2D object detection. The additional parameters are transformed to 3D bounding box keypoints within the network under geometric constraints. 3D-GCK features a full 3D description including all three angles of rotation without supervision by any labeled ground truth data for the object's orientation, as it focuses on certain keypoints within the image plane.
more details
HW-Noah-AVPNet2.3yesyesnononononononono40.143.596.088.00.04nonoAnonymous
more details
iFlytek-ZBGKRD-fcos3d-depth-normyesyesnononononononono42.947.696.680.4n/anonoAnonymous
more details

Meta Information

In addition to the previously introduced measures, we report additional meta information for each method, such as timings or the kind of information each algorithm is using, e.g. depth data or multiple video frames. Please refer to the result tables for further details.

References

[1] M. Everingham, A. S. M. Eslami, L. Van Gool, C. K. I. Williams, J. Winn, and A. Zisserman, “The Pascal Visual Object Classes challenge: A retrospective,” IJCV, vol. 111, iss. 1, 2014.
[2] B. Hariharan, P. Arbeláez, R. B. Girshick, and J. Malik, “Simultaneous detection and segmentation,” in ECCV, 2014.
[3] T. Lin, M. Maire, S. Belongie, J. Hays, P. Perona, D. Ramanan, P. Dollár, and L. C. Zitnick, “Microsoft COCO: Common objects in context,” in ECCV, 2014.
[4] A. Kirillov, K. He, R. Girshick, C. Rother, and P. Dollár, “Panoptic segmentation,” in CVPR, 2019.
[5] N. Gählert, N. Jourdan, M. Cordts, U. Franke, and J. Denzler, “Cityscapes 3D: Dataset and benchmark for 9 DoF vehicle detection,” in CVPR Workshops, 2020.