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.
name | fine | fine | coarse | coarse | 16-bit | 16-bit | depth | depth | video | video | sub | sub | IoU class | iIoU class | IoU category | iIoU category | Runtime [s] | code | code | title | authors | venue | description |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
FCN 8s | yes | yes | no | no | no | no | no | no | no | no | no | no | 65.3 | 41.7 | 85.7 | 70.1 | 0.5 | yes | yes | Fully Convolutional Networks for Semantic Segmentation | J. Long, E. Shelhamer, and T. Darrell | CVPR 2015 | Trained by Marius Cordts on a pre-release version of the dataset more details |
RRR-ResNet152-MultiScale | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 75.8 | 48.5 | 89.3 | 74.0 | n/a | no | no | Anonymous | update: this submission actually used the coarse labels, which was previously not marked accordingly more details |
||
Dilation10 | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.1 | 42.0 | 86.5 | 71.1 | 4.0 | yes | yes | Multi-Scale Context Aggregation by Dilated Convolutions | Fisher Yu and Vladlen Koltun | ICLR 2016 | Dilation10 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 |
Adelaide | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.4 | 46.7 | 82.8 | 67.4 | 35.0 | no | no | Efficient Piecewise Training of Deep Structured Models for Semantic Segmentation | G. Lin, C. Shen, I. Reid, and A. van den Hengel | arXiv preprint 2015 | Trained on a pre-release version of the dataset more details |
DeepLab LargeFOV StrongWeak | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 64.8 | 34.9 | 81.3 | 58.7 | 4.0 | yes | yes | Weakly- and Semi-Supervised Learning of a DCNN for Semantic Image Segmentation | G. Papandreou, L.-C. Chen, K. Murphy, and A. L. Yuille | ICCV 2015 | Trained on a pre-release version of the dataset more details |
DeepLab LargeFOV Strong | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 63.1 | 34.5 | 81.2 | 58.7 | 4.0 | yes | yes | Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs | L.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. Yuille | ICLR 2015 | Trained on a pre-release version of the dataset more details |
DPN | yes | yes | yes | yes | no | no | no | no | no | no | 3 | 3 | 59.1 | 28.1 | 79.5 | 57.9 | n/a | no | no | Semantic Image Segmentation via Deep Parsing Network | Z. Liu, X. Li, P. Luo, C. C. Loy, and X. Tang | ICCV 2015 | Trained on a pre-release version of the dataset more details |
Segnet basic | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 57.0 | 32.0 | 79.1 | 61.9 | 0.06 | yes | yes | SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation | V. Badrinarayanan, A. Kendall, and R. Cipolla | arXiv preprint 2015 | Trained on a pre-release version of the dataset more details |
Segnet extended | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 56.1 | 34.2 | 79.8 | 66.4 | 0.06 | yes | yes | SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation | V. Badrinarayanan, A. Kendall, and R. Cipolla | arXiv preprint 2015 | Trained on a pre-release version of the dataset more details |
CRFasRNN | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 62.5 | 34.4 | 82.7 | 66.0 | 0.7 | yes | yes | Conditional Random Fields as Recurrent Neural Networks | S. Zheng, S. Jayasumana, B. Romera-Paredes, V. Vineet, Z. Su, D. Du, C. Huang, and P. H. S. Torr | ICCV 2015 | Trained on a pre-release version of the dataset more details |
Scale invariant CNN + CRF | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 66.3 | 44.9 | 85.0 | 71.2 | n/a | yes | yes | Convolutional Scale Invariance for Semantic Segmentation | I. Kreso, D. Causevic, J. Krapac, and S. Segvic | GCPR 2016 | We 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 |
DPN | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.8 | 39.1 | 86.0 | 69.1 | n/a | no | no | Semantic Image Segmentation via Deep Parsing Network | Z. Liu, X. Li, P. Luo, C. C. Loy, and X. Tang | ICCV 2015 | DPN trained on full resolution images more details |
Pixel-level Encoding for Instance Segmentation | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 64.3 | 41.6 | 85.9 | 73.9 | n/a | no | no | Pixel-level Encoding and Depth Layering for Instance-level Semantic Labeling | J. Uhrig, M. Cordts, U. Franke, and T. Brox | GCPR 2016 | We 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_context | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.6 | 51.7 | 87.3 | 74.1 | n/a | no | no | Efficient Piecewise Training of Deep Structured Models for Semantic Segmentation | Guosheng Lin, Chunhua Shen, Anton van den Hengel, Ian Reid | CVPR 2016 | We 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 |
NVSegNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.4 | 41.4 | 87.2 | 68.1 | 0.4 | no | no | Anonymous | In the inference, we use the image of 2 different scales. The same for training! more details |
||
ENet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 58.3 | 34.4 | 80.4 | 64.0 | 0.013 | yes | yes | ENet: A Deep Neural Network Architecture for Real-Time Semantic Segmentation | Adam Paszke, Abhishek Chaurasia, Sangpil Kim, Eugenio Culurciello | more details |
|
DeepLabv2-CRF | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.4 | 42.6 | 86.4 | 67.7 | n/a | yes | yes | DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs | Liang-Chieh Chen, George Papandreou, Iasonas Kokkinos, Kevin Murphy, Alan L. Yuille | arXiv preprint | DeepLabv2-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-TCFs | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 71.8 | 43.6 | 87.6 | 70.6 | 1.0 | no | no | Anonymous | Convolutional Neural Network more details |
||
DeepLab+DynamicCRF | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.5 | 38.3 | 83.7 | 62.4 | n/a | no | no | ru.nl | more details |
||
LRR-4x | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.7 | 48.0 | 88.2 | 74.7 | n/a | yes | yes | Laplacian Pyramid Reconstruction and Refinement for Semantic Segmentation | Golnaz Ghiasi, Charless C. Fowlkes | ECCV 2016 | We 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-4x | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 71.8 | 47.9 | 88.4 | 73.9 | n/a | yes | yes | Laplacian Pyramid Reconstruction and Refinement for Semantic Segmentation | Golnaz Ghiasi, Charless C. Fowlkes | ECCV 2016 | We 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_VGG | yes | yes | no | no | no | no | no | no | no | no | no | no | 65.9 | 35.6 | 84.4 | 64.3 | n/a | no | no | Anonymous | more details |
||
SQ | yes | yes | no | no | no | no | no | no | no | no | no | no | 59.8 | 32.3 | 84.3 | 66.0 | 0.06 | no | no | Speeding up Semantic Segmentation for Autonomous Driving | Michael Treml, José Arjona-Medina, Thomas Unterthiner, Rupesh Durgesh, Felix Friedmann, Peter Schuberth, Andreas Mayr, Martin Heusel, Markus Hofmarcher, Michael Widrich, Bernhard Nessler, Sepp Hochreiter | NIPS 2016 Workshop - MLITS Machine Learning for Intelligent Transportation Systems Neural Information Processing Systems 2016, Barcelona, Spain | more details |
SAIT | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 76.9 | 51.8 | 89.6 | 75.5 | 4.0 | no | no | Anonymous | Anonymous more details |
||
FoveaNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.1 | 52.4 | 89.3 | 77.6 | n/a | no | no | FoveaNet | Xin Li, Jiashi Feng | 1.caffe-master 2.resnet-101 3.single scale testing Previously listed as "LXFCRN". more details |
|
RefineNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 73.6 | 47.2 | 87.9 | 70.6 | n/a | yes | yes | RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation | Guosheng 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 |
|
SegModel | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.5 | 56.1 | 89.8 | 75.9 | 0.8 | no | no | Anonymous | Both train set (2975) and val set (500) are used to train model for this submission. more details |
||
TuSimple | yes | yes | no | no | no | no | no | no | no | no | no | no | 77.6 | 53.6 | 90.1 | 75.2 | n/a | yes | yes | Understanding Convolution for Semantic Segmentation | Panqu Wang, Pengfei Chen, Ye Yuan, Ding Liu, Zehua Huang, Xiaodi Hou, Garrison Cottrell | more details |
|
Global-Local-Refinement | yes | yes | no | no | no | no | no | no | no | no | no | no | 77.3 | 53.4 | 90.0 | 76.8 | n/a | no | no | Global-residual and Local-boundary Refinement Networks for Rectifying Scene Parsing Predictions | Rui Zhang, Sheng Tang, Min Lin, Jintao Li, Shuicheng Yan | International Joint Conference on Artificial Intelligence (IJCAI) 2017 | global-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 |
XPARSE | yes | yes | no | no | no | no | no | no | no | no | no | no | 73.4 | 49.2 | 88.7 | 74.2 | n/a | no | no | Anonymous | more details |
||
ResNet-38 | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.4 | 59.1 | 90.9 | 81.1 | n/a | yes | yes | Wider or Deeper: Revisiting the ResNet Model for Visual Recognition | Zifeng Wu, Chunhua Shen, Anton van den Hengel | arxiv | single 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 |
SegModel | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 79.2 | 56.4 | 90.4 | 77.0 | n/a | no | no | Anonymous | more details |
||
Deep Layer Cascade (LC) | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.1 | 47.0 | 88.1 | 74.1 | n/a | no | no | Not All Pixels Are Equal: Difficulty-aware Semantic Segmentation via Deep Layer Cascade | Xiaoxiao Li, Ziwei Liu, Ping Luo, Chen Change Loy, Xiaoou Tang | CVPR 2017 | We 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 |
FRRN | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 71.8 | 45.5 | 88.9 | 75.1 | n/a | yes | yes | Full-Resolution Residual Networks for Semantic Segmentation in Street Scenes | Tobias Pohlen, Alexander Hermans, Markus Mathias, Bastian Leibe | Arxiv | Full-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_MPRG | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.9 | 46.6 | 89.3 | 77.9 | 0.6 | no | no | Chubu University, MPRG | without val dataset, external dataset (e.g. image net) and post-processing more details |
||
ResNet-38 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 80.6 | 57.8 | 91.0 | 79.1 | n/a | yes | yes | Wider or Deeper: Revisiting the ResNet Model for Visual Recognition | Zifeng Wu, Chunhua Shen, Anton van den Hengel | arxiv | single model, no post-processing with CRFs Model A2, 2 conv., fine+coarse, multi scale testing more details |
FCN8s-QunjieYu | yes | yes | no | no | no | no | no | no | no | no | no | no | 57.4 | 34.5 | 81.8 | 68.7 | n/a | no | no | Anonymous | more details |
||
RGB-D FCN | yes | yes | yes | yes | no | no | yes | yes | no | no | no | no | 67.4 | 42.1 | 87.5 | 71.0 | n/a | no | no | Anonymous | GoogLeNet + depth branch, single model no data augmentation, no training on validation set, no graphical model Used coarse labels to initialize depth branch more details |
||
MultiBoost | yes | yes | yes | yes | no | no | yes | yes | no | no | 2 | 2 | 59.3 | 32.5 | 81.9 | 60.2 | 0.25 | no | no | Anonymous | Boosting based solution. Publication is under review. more details |
||
GoogLeNet FCN | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.0 | 38.6 | 85.8 | 69.8 | n/a | no | no | Going Deeper with Convolutions | Christian Szegedy , Wei Liu , Yangqing Jia , Pierre Sermanet , Scott Reed , Dragomir Anguelov , Dumitru Erhan , Vincent Vanhoucke , Andrew Rabinovich | CVPR 2015 | GoogLeNet 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) | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 69.7 | 44.1 | 87.3 | 72.7 | 0.02 | yes | yes | ERFNet: Efficient Residual Factorized ConvNet for Real-time Semantic Segmentation | Eduardo Romera, Jose M. Alvarez, Luis M. Bergasa and Roberto Arroyo | Transactions 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) | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 68.0 | 40.4 | 86.5 | 70.4 | 0.02 | yes | yes | Efficient ConvNet for Real-time Semantic Segmentation | Eduardo Romera, Jose M. Alvarez, Luis M. Bergasa and Roberto Arroyo | IV2017 | ERFNet trained entirely on the fine train set (2975 images) without any pretraining nor coarse labels more details |
TuSimple_Coarse | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 80.1 | 56.9 | 90.7 | 77.8 | n/a | yes | yes | Understanding Convolution for Semantic Segmentation | Panqu Wang, Pengfei Chen, Ye Yuan, Ding Liu, Zehua Huang, Xiaodi Hou, Garrison Cottrell | Here 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-multiple | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.1 | 55.2 | 90.6 | 78.3 | n/a | no | no | Scale-adaptive Convolutions for Scene Parsing | Rui Zhang, Sheng Tang, Yongdong Zhang, Jintao Li, and Shuicheng Yan | International Conference on Computer Vision (ICCV) 2017 | more details |
NetWarp | yes | yes | yes | yes | no | no | no | no | yes | yes | no | no | 80.5 | 59.5 | 91.0 | 79.8 | n/a | no | no | Anonymous | more details |
||
depthAwareSeg_RNN_ff | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.2 | 56.0 | 89.7 | 76.9 | n/a | yes | yes | Anonymous | training 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 DenseNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.3 | 51.6 | 89.7 | 79.5 | 0.45 | yes | yes | Ladder-style DenseNets for Semantic Segmentation of Large Natural Images | Ivan Krešo, Josip Krapac, Siniša Šegvić | ICCV 2017 | https://ivankreso.github.io/publication/ladder-densenet/ more details |
Real-time FCN | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 72.6 | 45.5 | 87.9 | 71.6 | 0.044 | no | no | Understanding Cityscapes: Efficient Urban Semantic Scene Understanding | Marius Cordts | Dissertation | Combines 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 |
GridNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.5 | 44.1 | 87.9 | 71.1 | n/a | no | no | Anonymous | Conv-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 |
||
PEARL | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 75.4 | 51.6 | 89.2 | 75.1 | n/a | no | no | Video Scene Parsing with Predictive Feature Learning | Xiaojie Jin, Xin Li, Huaxin Xiao, Xiaohui Shen, Zhe Lin, Jimei Yang, Yunpeng Chen, Jian Dong, Luoqi Liu, Zequn Jie, Jiashi Feng, and Shuicheng Yan | ICCV 2017 | We 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) | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 67.3 | 42.1 | 86.5 | 68.3 | 0.69 | yes | yes | Anonymous | more details |
||
PSPNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.2 | 59.6 | 91.2 | 79.2 | n/a | yes | yes | Pyramid Scene Parsing Network | Hengshuang Zhao, Jianping Shi, Xiaojuan Qi, Xiaogang Wang, Jiaya Jia | CVPR 2017 | This 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 |
motovis | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.3 | 57.7 | 91.5 | 80.7 | n/a | no | no | motovis.com | more details |
||
ML-CRNN | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.2 | 47.1 | 87.7 | 72.5 | n/a | no | no | Multi-level Contextual RNNs with Attention Model for Scene Labeling | Heng Fan, Xue Mei, Danil Prokhorov, Haibin Ling | arXiv | A 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 Model | yes | yes | no | no | no | no | no | no | no | no | no | no | 65.8 | 41.2 | 85.2 | 68.5 | n/a | no | no | Anonymous | more details |
||
tek-Ifly | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.1 | 60.1 | 90.9 | 79.6 | n/a | no | no | Iflytek | Iflytek-yin | using a fusion strategy of three single models, the best result of a single model is 80.01%,multi-scale more details |
|
GridNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.8 | 44.5 | 88.1 | 71.4 | n/a | yes | yes | Residual Conv-Deconv Grid Network for Semantic Segmentation | Damien Fourure, Rémi Emonet, Elisa Fromont, Damien Muselet, Alain Tremeau & Christian Wolf | BMVC 2017 | We 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 |
firenet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 68.2 | 47.8 | 84.9 | 75.5 | n/a | no | no | Anonymous | more details |
||
DeepLabv3 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.3 | 62.1 | 91.6 | 81.7 | n/a | no | no | Rethinking Atrous Convolution for Semantic Image Segmentation | Liang-Chieh Chen, George Papandreou, Florian Schroff, Hartwig Adam | arXiv preprint | In 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 |
EdgeSenseSeg | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.8 | 57.1 | 89.8 | 78.5 | n/a | no | no | Anonymous | Deep segmentation network with hard negative mining and other tricks. more details |
||
ScaleNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 75.1 | 53.1 | 89.6 | 76.8 | n/a | no | no | ScaleNet: Scale Invariant Network for Semantic Segmentation in Urban Driving Scenes | Mohammad Dawud Ansari, Stephan Krarß, Oliver Wasenmüller and Didier Stricker | International Conference on Computer Vision Theory and Applications, Funchal, Portugal, 2018 | The 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-net | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.0 | 52.8 | 88.8 | 75.4 | n/a | no | no | XinLiang Zhong | more details |
||
MSNET | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.8 | 57.1 | 90.6 | 81.6 | 0.2 | no | no | Anonymous | previously also listed as "MultiPathJoin" and "MultiPath_Scale". more details |
||
Multitask Learning | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.5 | 57.4 | 89.9 | 77.7 | n/a | no | no | Multi-Task Learning Using Uncertainty to Weigh Losses for Scene Geometry and Semantics | Alex Kendall, Yarin Gal and Roberto Cipolla | Numerous 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 |
|
DeepMotion | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.4 | 58.6 | 90.7 | 78.1 | n/a | no | no | Anonymous | We 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-AIC | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.9 | 60.7 | 91.3 | 79.6 | n/a | no | no | Anonymous | more details |
||
Roadstar.ai_CV(SFNet) | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.2 | 60.8 | 91.0 | 82.6 | 0.2 | no | no | Roadstar.ai-CV | Maosheng Ye, Guang Zhou, Tongyi Cao, YongTao Huang, Yinzi Chen | same 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 |
|
DFN | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 80.3 | 58.3 | 90.8 | 79.6 | n/a | no | no | Learning a Discriminative Feature Network for Semantic Segmentation | Changqian Yu, Jingbo Wang, Chao Peng, Changxin Gao, Gang Yu, Nong Sang | arxiv | Most 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_Coarse | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.4 | 61.9 | 91.8 | 81.4 | n/a | no | no | RelationNet: Learning Deep-Aligned Representation for Semantic Image Segmentation | Yueqing Zhuang | ICPR | 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 |
ARSAIT | yes | yes | no | no | no | no | no | no | no | no | no | no | 73.6 | 48.2 | 89.0 | 74.8 | 1.0 | no | no | Anonymous | anonymous more details |
||
Mapillary Research: In-Place Activated BatchNorm | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.0 | 65.9 | 91.2 | 81.7 | n/a | yes | yes | In-Place Activated BatchNorm for Memory-Optimized Training of DNNs | Samuel Rota Bulò, Lorenzo Porzi, Peter Kontschieder | arXiv | In-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 |
EFBNET | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.8 | 59.9 | 90.7 | 78.8 | n/a | no | no | Anonymous | more details |
||
Ladder DenseNet v2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.4 | 54.6 | 90.8 | 78.7 | 1.0 | no | no | Journal submission | Anonymous | DenseNet-121 model used in downsampling path with ladder-style skip connections upsampling path on top of it. more details |
|
ESPNet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 60.3 | 31.8 | 82.2 | 63.1 | 0.0089 | yes | yes | ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation | Sachin Mehta, Mohammad Rastegari, Anat Caspi, Linda Shapiro, and Hannaneh Hajishirzi | We 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 loss | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 63.1 | 34.1 | 83.6 | 61.0 | 0.013 | yes | yes | The Lovász-Softmax loss: A tractable surrogate for the optimization of the intersection-over-union measure in neural networks | Maxim Berman, Amal Rannen Triki, Matthew B. Blaschko | arxiv | The 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_Coarse | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.8 | 61.1 | 91.8 | 80.7 | n/a | yes | yes | Dense Relation Network: Learning Consistent and Context-Aware Representation For Semantic Image Segmentation | Yueqing Zhuang | ICIP | DRN_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 |
ShuffleSeg | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 58.3 | 32.4 | 80.2 | 62.2 | n/a | no | no | ShuffleSeg: Real-time Semantic Segmentation Network | Mostafa Gamal, Mennatullah Siam, Mo'men Abdel-Razek | Under Review by ICIP 2018 | ShuffleSeg: An efficient realtime semantic segmentation network with skip connections and ShuffleNet units more details |
SkipNet-MobileNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 61.5 | 35.2 | 82.0 | 63.0 | n/a | no | no | RTSeg: Real-time Semantic Segmentation Framework | Mennatullah Siam, Mostafa Gamal, Moemen Abdel-Razek, Senthil Yogamani, Martin Jagersand | Under Review by ICIP 2018 | An efficient realtime semantic segmentation network with skip connections based on MobileNet. more details |
ThunderNet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 64.0 | 40.4 | 84.1 | 69.3 | 0.0104 | no | no | Anonymous | more details |
||
PAC: Perspective-adaptive Convolutions | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.9 | 55.7 | 90.7 | 78.3 | n/a | no | no | Perspective-adaptive Convolutions for Scene Parsing | Rui Zhang, Sheng Tang, Yongdong Zhang, Jintao Li, and Shuicheng Yan | IEEE 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_Net | no | no | no | no | no | no | no | no | no | no | no | no | 75.3 | 52.3 | 88.5 | 75.0 | n/a | no | no | Anonymous | more details |
||
MobileNetV2Plus | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.7 | 46.8 | 87.6 | 72.9 | n/a | no | no | Huijun Liu | MobileNetV2Plus more details |
||
DeepLabv3+ | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.1 | 62.4 | 92.0 | 81.9 | n/a | yes | yes | Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation | Liang-Chieh Chen, Yukun Zhu, George Papandreou, Florian Schroff, Hartwig Adam | arXiv | Spatial 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 |
RFMobileNetV2Plus | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.7 | 49.4 | 88.3 | 75.8 | n/a | no | no | Huijun Liu | Receptive Filed MobileNetV2Plus for Semantic Segmentation more details |
||
GoogLeNetV1_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 59.6 | 35.1 | 83.0 | 64.4 | n/a | no | no | Anonymous | GoogLeNet-v1 FCN trained on Cityscapes, KITTI, and ScanNet, as required by the Robust Vision Challenge at CVPR'18 (http://robustvision.net/) more details |
||
SAITv2 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 70.0 | 36.5 | 84.5 | 62.1 | 0.025 | no | no | Anonymous | more details |
||
GUNet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 70.4 | 40.8 | 86.8 | 69.1 | 0.03 | no | no | Guided Upsampling Network for Real-Time Semantic Segmentation | Davide Mazzini | arxiv | Guided Upsampling Network for Real-Time Semantic Segmentation more details |
RMNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.5 | 37.3 | 84.6 | 67.7 | 0.014 | no | no | Anonymous | A fast and light net for semantic segmentation. more details |
||
ContextNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.1 | 36.8 | 82.8 | 64.3 | 0.0238 | no | no | ContextNet: Exploring Context and Detail for Semantic Segmentation in Real-time | Rudra PK Poudel, Ujwal Bonde, Stephan Liwicki, Christopher Zach | arXiv | Modern 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 |
RFLR | yes | yes | yes | yes | yes | yes | no | no | no | no | 4 | 4 | 30.0 | 7.8 | 60.2 | 22.6 | 0.03 | no | no | Random Forest with Learned Representations for Semantic Segmentation | Byeongkeun Kang, Truong Q. Nguyen | IEEE Transactions on Image Processing | Random Forest with Learned Representations for Semantic Segmentation more details |
DPC | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.7 | 63.3 | 92.0 | 82.5 | n/a | yes | yes | Searching for Efficient Multi-Scale Architectures for Dense Image Prediction | Liang-Chieh Chen, Maxwell D. Collins, Yukun Zhu, George Papandreou, Barret Zoph, Florian Schroff, Hartwig Adam, Jonathon Shlens | NIPS 2018 | In 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-ADLR | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.2 | 64.2 | 92.1 | 82.2 | n/a | no | no | Anonymous | NVIDIA Applied Deep Learning Research more details |
||
Adaptive Affinity Field on PSPNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.1 | 56.1 | 90.8 | 78.5 | n/a | yes | yes | Adaptive Affinity Field for Semantic Segmentation | Tsung-Wei Ke*, Jyh-Jing Hwang*, Ziwei Liu, Stella X. Yu | ECCV 2018 | Existing 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_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 56.5 | 30.6 | 83.5 | 66.1 | 0.9 | yes | yes | Pixel-wise Attentional Gating for Parsimonious Pixel Labeling | Shu Kong, Charless Fowlkes | arxiv | The 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_ROB | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 55.4 | 29.3 | 83.9 | 65.0 | 1.0 | no | no | Anonymous | batch-normalized multistage attention network more details |
||
HiSS_ROB | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 58.9 | 32.1 | 81.4 | 60.5 | 0.06 | no | no | Anonymous | more details |
||
VENUS_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.4 | 37.1 | 84.5 | 66.7 | n/a | no | no | Anonymous | VENUS_ROB more details |
||
VlocNet++_ROB | no | no | no | no | no | no | no | no | no | no | no | no | 62.7 | 33.9 | 83.4 | 60.8 | n/a | no | no | Anonymous | more details |
||
AHiSS_ROB | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 70.6 | 39.8 | 84.2 | 62.9 | 0.06 | no | no | Anonymous | Augmented Hierarchical Semantic Segmentation more details |
||
IBN-PSP-SA_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 75.1 | 46.3 | 89.1 | 72.0 | n/a | no | no | Anonymous | IBN-PSP-SA_ROB more details |
||
LDN2_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 77.9 | 52.3 | 90.1 | 77.1 | 1.0 | no | no | Anonymous | Ladder DenseNet: https://ivankreso.github.io/publication/ladder-densenet/ more details |
||
MiniNet | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 40.7 | 15.8 | 70.5 | 44.8 | 0.004 | no | no | Anonymous | more details |
||
AdapNetv2_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.8 | 34.9 | 84.3 | 62.4 | n/a | no | no | Anonymous | more details |
||
MapillaryAI_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.5 | 60.1 | 91.1 | 80.2 | n/a | no | no | Anonymous | more details |
||
FCN101_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 30.4 | 11.3 | 61.1 | 38.5 | n/a | no | no | Anonymous | more details |
||
MaskRCNN_BOSH | yes | yes | no | no | no | no | no | no | no | no | no | no | 73.9 | 48.5 | 87.2 | 70.0 | n/a | no | no | Jin shengtao, Yi zhihao, Liu wei [Our team name is firefly] | Bosh autodrive challenge more details |
||
EnsembleModel_Bosch | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.4 | 48.9 | 88.5 | 72.9 | n/a | no | no | Jin 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 |
||
EVANet | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.8 | 44.0 | 87.7 | 73.1 | n/a | no | no | Anonymous | more details |
||
CLRCNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.3 | 35.9 | 84.4 | 68.0 | 0.013 | no | no | CLRCNet: Cascaded Low-Rank Convolutions for Semantic Segmentation in Real-time | Anonymous | A lightweight and real-time semantic segmentation method. more details |
|
Edgenet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 71.0 | 46.6 | 88.5 | 75.0 | 0.03 | no | no | Anonymous | A lightweight semantic segmentation network combined with edge information and channel-wise attention mechanism. more details |
||
L2-SP | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.2 | 58.1 | 91.0 | 78.5 | n/a | yes | yes | Explicit Inductive Bias for Transfer Learning with Convolutional Networks | Xuhong Li, Yves Grandvalet, Franck Davoine | ICML-2018 | With 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 |
ALV303 | yes | yes | no | no | no | no | no | no | no | no | no | no | 72.2 | 52.0 | 89.8 | 79.2 | 0.2 | no | no | Anonymous | more details |
||
NCTU-ITRI | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 69.1 | 41.4 | 86.8 | 70.8 | 0.0147 | no | no | Anonymous | For 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 |
||
ADSCNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.5 | 36.8 | 84.9 | 68.7 | 0.013 | no | no | ADSCNet: Asymmetric Depthwise Separable Convolution for Semantic Segmentation in Real-time | Anonymous | A lightweight and real-time semantic segmentation method for mobile devices. more details |
|
SRC-B-MachineLearningLab | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.5 | 60.7 | 91.8 | 81.5 | n/a | no | no | Jianlong Yuan, Zelu Deng, Shu Wang, Zhenbo Luo | Samsung Research Center MachineLearningLab. The result is tested by multi scale and filp. The paper is in preparing. more details |
||
Tencent AI Lab | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.9 | 63.9 | 91.8 | 80.4 | n/a | no | no | Anonymous | more details |
||
ERINet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 69.8 | 44.1 | 87.4 | 73.4 | 0.023 | no | no | Anonymous | Efficient residual inception networks for real-time semantic segmentation more details |
||
PGCNet_Res101_fine | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.5 | 60.7 | 91.5 | 81.1 | n/a | no | no | Anonymous | we 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 |
||
EDANet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 67.3 | 41.8 | 85.8 | 69.9 | 0.0092 | yes | yes | Efficient Dense Modules of Asymmetric Convolution for Real-Time Semantic Segmentation | Shao-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_fine | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.2 | 61.3 | 91.6 | 81.1 | n/a | no | no | Anonymous | Context 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-Aware | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.3 | 55.6 | 90.7 | 78.0 | n/a | no | no | Anonymous | Knowledge-Aware Semantic Segmentation more details |
||
CASIA_IVA_DANet_NoCoarse | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.5 | 62.3 | 91.6 | 82.6 | n/a | yes | yes | Dual Attention Network for Scene Segmentation | Jun Fu, Jing Liu, Haijie Tian, Yong Li, Yongjun Bao, Zhiwei Fang,and Hanqing Lu | CVPR2019 | we 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 |
LDFNet | yes | yes | no | no | no | no | yes | yes | no | no | 2 | 2 | 71.3 | 46.3 | 88.5 | 74.2 | n/a | yes | yes | Incorporating Luminance, Depth and Color Information by Fusion-based Networks for Semantic Segmentation | Shang-Wei Hung, Shao-Yuan Lo | We 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 |
|
CGNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.8 | 35.9 | 85.7 | 67.5 | 0.02 | yes | yes | Tianyi Wu et al | we 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-light | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 73.0 | 44.0 | 87.4 | 69.4 | 0.025 | no | no | Anonymous | more details |
||
Deform_ResNet_Balanced | yes | yes | no | no | no | no | no | no | no | no | no | no | 51.3 | 31.2 | 78.0 | 63.2 | 0.258 | no | no | Anonymous | more details |
||
NfS-Seg | yes | yes | yes | yes | no | no | yes | yes | yes | yes | no | no | 73.1 | 44.4 | 87.5 | 70.1 | 0.00837312 | no | no | Uncertainty-Aware Knowledge Distillation for Real-Time Scene Segmentation: 7.43 GFLOPs at Full-HD Image with 120 fps | Anonymous | more details |
|
Improving Semantic Segmentation via Video Propagation and Label Relaxation | yes | yes | yes | yes | no | no | no | no | yes | yes | no | no | 83.5 | 64.4 | 92.2 | 82.0 | n/a | yes | yes | Improving Semantic Segmentation via Video Propagation and Label Relaxation | Yi Zhu, Karan Sapra, Fitsum A. Reda, Kevin J. Shih, Shawn Newsam, Andrew Tao, Bryan Catanzaro | CVPR 2019 | Semantic 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 Net | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 68.9 | 39.0 | 85.9 | 66.5 | 0.00884 | no | no | Spatial Sampling Network for Fast Scene Understanding | Davide Mazzini, Raimondo Schettini | CVPR 2019 Workshop on Autonomous Driving | We 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-18 | yes | yes | no | no | no | no | no | no | no | no | no | no | 75.5 | 52.0 | 89.8 | 77.2 | 0.0243 | yes | yes | In Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving Images | Marin Oršić, Ivan Krešo, Petra Bevandić, Siniša Šegvić | CVPR 2019 | more details |
Fast-SCNN | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 68.0 | 37.9 | 84.7 | 63.5 | 0.0081 | no | no | Fast-SCNN: Fast Semantic Segmentation Network | Rudra PK Poudel, Stephan Liwicki, Roberto Cipolla | The 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) | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 62.8 | 31.9 | 80.5 | 57.1 | 0.0035 | no | no | Fast-SCNN: Fast Semantic Segmentation Network | Rudra P K Poudel, Stephan Liwicki, Roberto Cipolla | The 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) | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 51.9 | 23.0 | 74.2 | 48.2 | 0.00206 | no | no | Fast-SCNN: Fast Semantic Segmentation Network | Rudra P K Poudel, Stephan Liwicki, Roberto Cipolla | The 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 |
|
DSNet | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 69.3 | 42.8 | 86.0 | 70.7 | 0.027 | yes | yes | DSNet for Real-Time Driving Scene Semantic Segmentation | Wenfu Wang | DSNet for Real-Time Driving Scene Semantic Segmentation more details |
|
SwiftNetRN-18 pyramid | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.4 | 48.4 | 89.5 | 74.6 | n/a | no | no | Anonymous | more details |
||
DF-Seg | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.4 | 45.0 | 86.6 | 69.6 | 0.007 | yes | yes | Partial Order Pruning: for Best Speed/Accuracy Trade-off in Neural Architecture Search | Xin Li, Yiming Zhou, Zheng Pan, Jiashi Feng | CVPR 2019 | DF1-Seg-d8 more details |
DF-Seg | yes | yes | no | no | no | no | no | no | no | no | no | no | 75.3 | 50.2 | 89.2 | 73.3 | 0.018 | no | no | Anonymous | DF2-Seg2 more details |
||
DDAR | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.2 | 62.7 | 91.9 | 81.5 | n/a | no | no | Anonymous | DiDi Labs, AR Group more details |
||
LDN-121 | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.3 | 54.7 | 90.7 | 78.4 | 0.048 | no | no | Efficient Ladder-style DenseNets for Semantic Segmentation of Large Images | Ivan Kreso, Josip Krapac, Sinisa Segvic | Ladder DenseNet-121 trained on train+val, fine labels only. Single-scale inference. more details |
|
TKCN | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.5 | 61.3 | 91.1 | 81.5 | n/a | yes | yes | Tree-structured Kronecker Convolutional Network for Semantic Segmentation | Tianyi Wu, Sheng Tang, Rui Zhang, Juan Cao, Jintao Li | more details |
|
RPNet | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 68.3 | 43.6 | 86.8 | 72.3 | 0.008 | yes | yes | Residual Pyramid Learning for Single-Shot Semantic Segmentation | Xiaoyu Chen, Xiaotian Lou, Lianfa Bai, Jing Han | arXiv | we 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 |
navi | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.0 | 60.1 | 91.2 | 79.1 | n/a | no | no | yuxb | mutil scale test more details |
||
Auto-DeepLab-L | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.1 | 61.0 | 91.9 | 82.0 | n/a | yes | yes | Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image Segmentation | Chenxi Liu, Liang-Chieh Chen, Florian Schroff, Hartwig Adam, Wei Hua, Alan Yuille, Li Fei-Fei | arxiv | In 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-Darknet19 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 70.8 | 49.1 | 88.3 | 76.1 | 0.0102 | yes | yes | LiteSeg: A Litewiegth ConvNet for Semantic Segmentation | Taha Emara, Hossam E. Abd El Munim, Hazem M. Abbas | DICTA 2019 | more details |
AdapNet++ | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 81.3 | 59.5 | 91.0 | 80.1 | n/a | yes | yes | Self-Supervised Model Adaptation for Multimodal Semantic Segmentation | Abhinav Valada, Rohit Mohan, Wolfram Burgard | IJCV 2019 | In 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 |
SSMA | yes | yes | yes | yes | no | no | yes | yes | no | no | no | no | 82.3 | 62.3 | 91.5 | 81.7 | n/a | yes | yes | Self-Supervised Model Adaptation for Multimodal Semantic Segmentation | Abhinav Valada, Rohit Mohan, Wolfram Burgard | IJCV 2019 | Learning 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-Mobilenet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 67.8 | 45.3 | 86.8 | 72.0 | 0.0062 | yes | yes | LiteSeg: A Litewiegth ConvNet for Semantic Segmentation | Taha Emara, Hossam E. Abd El Munim, Hazem M. Abbas | DICTA 2019 | more details |
LiteSeg-Shufflenet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 65.2 | 41.0 | 85.4 | 67.3 | 0.007518 | yes | yes | LiteSeg: A Litewiegth ConvNet for Semantic Segmentation | Taha Emara, Hossam E. Abd El Munim, Hazem M. Abbas | DICTA 2019 | more details |
Fast OCNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.1 | 61.0 | 91.7 | 80.7 | n/a | no | no | Anonymous | more details |
||
ShuffleNet v2 + DPC | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 70.3 | 43.6 | 86.5 | 69.9 | n/a | yes | yes | An efficient solution for semantic segmentation: ShuffleNet V2 with atrous separable convolutions | Sercan Turkmen, Janne Heikkila | ShuffleNet v2 with DPC at output_stride 16. more details |
|
ERSNet-coarse | yes | yes | yes | yes | no | no | no | no | no | no | 4 | 4 | 67.6 | 39.2 | 85.9 | 67.8 | 0.012 | no | no | Anonymous | more details |
||
MiniNet-v2-coarse | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 67.8 | 39.2 | 86.1 | 68.3 | 0.012 | no | no | Anonymous | more details |
||
SwiftNetRN-18 ensemble | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.5 | 51.4 | 90.1 | 76.5 | n/a | yes | yes | In Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving Images | Marin Oršić, Ivan Krešo, Petra Bevandić, Siniša Šegvić | CVPR 2019 | more details |
EFC_sync | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 80.2 | 56.7 | 90.9 | 77.8 | n/a | no | no | Anonymous | more details |
||
PL-Seg | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.1 | 41.2 | 86.4 | 67.7 | 0.0192 | yes | yes | Partial Order Pruning: for Best Speed/Accuracy Trade-of in Neural Architecture Search | Xin Li, Yiming Zhou, Zheng Pan, Jiashi Feng | CVPR 2019 | Following "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-pretrained | yes | yes | yes | yes | no | no | no | no | no | no | 2 | 2 | 68.0 | 39.7 | 86.2 | 68.4 | 0.012 | no | no | Anonymous | more details |
||
GALD-Net | yes | yes | yes | yes | yes | yes | yes | yes | no | no | no | no | 83.3 | 64.5 | 92.3 | 81.9 | n/a | yes | yes | Global Aggregation then Local Distribution in Fully Convolutional Networks | Xiangtai Li, Li Zhang, Ansheng You, Maoke Yang, Kuiyuan Yang, Yunhai Tong | BMVC 2019 | We 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-net | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.1 | 63.5 | 92.2 | 81.4 | n/a | yes | yes | Global Aggregation then Local Distribution in Fully Convolutional Networks | Xiangtai Li, Li Zhang, Ansheng You, Maoke Yang, Kuiyuan Yang, Yunhai Tong | BMVC 2019 | We 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 |
ndnet | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.8 | 34.7 | 84.5 | 64.7 | 0.024 | no | no | Anonymous | more details |
||
HRNetV2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.8 | 61.2 | 92.2 | 82.1 | n/a | yes | yes | High-Resolution Representations for Labeling Pixels and Regions | Ke Sun, Yang Zhao, Borui Jiang, Tianheng Cheng, Bin Xiao, Dong Liu, Yadong Mu, Xinggang Wang, Wenyu Liu, Jingdong Wang | The 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 |
|
SPGNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.1 | 61.4 | 92.1 | 82.1 | n/a | no | no | SPGNet: Semantic Prediction Guidance for Scene Parsing | Bowen Cheng, Liang-Chieh Chen, Yunchao Wei, Yukun Zhu, Zilong Huang, Jinjun Xiong, Thomas Huang, Wen-Mei Hwu, Honghui Shi | ICCV 2019 | Multi-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-161 | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.6 | 56.4 | 91.3 | 79.1 | 2.0 | no | no | Efficient Ladder-style DenseNets for Semantic Segmentation of Large Images | Ivan Kreso, Josip Krapac, Sinisa Segvic | Ladder DenseNet-161 trained on train+val, fine labels only. Inference on multi-scale inputs. more details |
|
GGCF | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.2 | 63.0 | 92.0 | 81.3 | n/a | no | no | Anonymous | more details |
||
GFF-Net | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.3 | 62.1 | 92.0 | 81.4 | n/a | no | no | GFF: Gated Fully Fusion for Semantic Segmentation | Xiangtai Li, Houlong Zhao, Yunhai Tong, Kuiyuan Yang | We 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-SCNN | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.8 | 64.3 | 92.3 | 82.7 | n/a | yes | yes | Gated-SCNN: Gated Shape CNNs for Semantic Segmentation | Towaki Takikawa, David Acuna, Varun Jampani, Sanja Fidler | more details |
|
ESPNetv2 | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 66.2 | 36.0 | 84.3 | 66.3 | n/a | yes | yes | ESPNetv2: A Light-weight, Power Efficient, and General Purpose Convolutional Neural Network | Sachin Mehta, Mohammad Rastegari, Linda Shapiro, and Hannaneh Hajishirzi | CVPR 2019 | We 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 |
MRFM | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.0 | 62.2 | 92.0 | 82.0 | n/a | no | no | Multi Receptive Field Network for Semantic Segmentation | Jianlong Yuan, Zelu Deng, Shu Wang, Zhenbo Luo | WACV2020 | Semantic 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 |
DGCNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.0 | 61.7 | 91.8 | 81.1 | n/a | no | no | Dual Graph Convolutional Network for Semantic Segmentation | Li Zhang*, Xiangtai Li*, Anurag Arnab, Kuiyuan Yang, Yunhai Tong, Philip H.S. Torr | BMVC 2019 | We 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_225 | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.6 | 61.1 | 91.7 | 81.1 | n/a | no | no | Anonymous | more details |
||
Learnable Tree Filter | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.8 | 60.7 | 91.6 | 81.1 | n/a | yes | yes | Learnable Tree Filter for Structure-preserving Feature Transform | Lin Song; Yanwei Li; Zeming Li; Gang Yu; Hongbin Sun; Jian Sun; Nanning Zheng | NeurIPS 2019 | Learnable Tree Filter for Structure-preserving Feature Transform more details |
FreeNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 65.8 | 40.3 | 85.1 | 70.2 | n/a | no | no | Anonymous | more details |
||
HRNetV2 + OCR | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.3 | 62.0 | 92.1 | 81.7 | n/a | yes | yes | High-Resolution Representations for Labeling Pixels and Regions; OCNet: Object Context Network for Scene Parsing | HRNet Team; OCR Team | HRNetV2W48 + OCR. OCR is an extension of object context networks https://arxiv.org/pdf/1809.00916.pdf more details |
|
Valeo DAR Germany | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.8 | 62.9 | 92.0 | 82.2 | n/a | no | no | Anonymous | Valeo DAR Germany, New Algo Lab more details |
||
GLNet_fine | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.8 | 58.3 | 91.3 | 79.5 | n/a | no | no | Anonymous | The 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 |
||
MCDN | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.1 | 62.4 | 91.5 | 81.2 | n/a | no | no | Anonymous | more details |
||
AAF+GLR | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.2 | 54.9 | 90.9 | 79.3 | n/a | no | no | Anonymous | more details |
||
HRNetV2 + OCR (w/ ASP) | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.7 | 64.8 | 92.4 | 83.5 | n/a | yes | yes | openseg-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_NoCoarse | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.9 | 66.1 | 92.4 | 84.4 | n/a | no | no | Anonymous | more details |
||
Hyundai Mobis AD Lab | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.8 | 65.0 | 92.4 | 82.4 | n/a | no | no | Hyundai Mobis AD Lab, DL-DB Group, AA (Automated Annotator) Team | more details |
||
EFRNet-13 | yes | yes | no | no | no | no | no | no | no | no | no | no | 72.8 | 43.6 | 87.0 | 70.1 | 0.0146 | no | no | Anonymous | more details |
||
FarSee-Net | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 68.4 | 39.3 | 85.9 | 69.7 | 0.0119 | no | no | FarSee-Net: Real-Time Semantic Segmentation by Efficient Multi-scale Context Aggregation and Feature Space Super-resolution | Zhanpeng Zhang and Kaipeng Zhang | IEEE International Conference on Robotics and Automation (ICRA) 2020 | FarSee-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] | no | no | no | no | no | no | no | no | no | no | 2 | 2 | 64.8 | 37.3 | 84.7 | 67.8 | n/a | yes | yes | C3: Concentrated-Comprehensive Convolution and its application to semantic segmentation | Hyojin Park, Youngjoon Yoo, Geonseok Seo, Dongyoon Han, Sangdoo Yun, Nojun Kwak | more details |
|
Panoptic-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.4 | 58.5 | 91.7 | 78.4 | n/a | no | no | Panoptic-DeepLab | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | Our 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 |
|
EKENet | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.3 | 44.1 | 87.2 | 69.9 | 0.0229 | no | no | Anonymous | more details |
||
SPSSN | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.4 | 41.8 | 86.0 | 70.2 | n/a | no | no | Anonymous | Stage Pooling Semantic Segmentation Network more details |
||
FC-HarDNet-70 | yes | yes | no | no | no | no | no | no | no | no | no | no | 75.9 | 51.4 | 89.9 | 76.7 | 0.015 | yes | yes | HarDNet: A Low Memory Traffic Network | Ping Chao, Chao-Yang Kao, Yu-Shan Ruan, Chien-Hsiang Huang, Youn-Long Lin | ICCV 2019 | Fully 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 |
BFP | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.4 | 62.3 | 91.4 | 81.4 | n/a | no | no | Boundary-Aware Feature Propagation for Scene Segmentation | Henghui Ding, Xudong Jiang, Ai Qun Liu, Nadia Magnenat Thalmann, and Gang Wang | IEEE International Conference on Computer Vision (ICCV), 2019 | Boundary-Aware Feature Propagation for Scene Segmentation more details |
FasterSeg | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.5 | 44.3 | 88.1 | 73.6 | 0.00613 | yes | yes | FasterSeg: Searching for Faster Real-time Semantic Segmentation | Wuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang Wang | ICLR 2020 | We 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-NoCoarse | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.3 | 64.2 | 92.3 | 83.2 | n/a | no | no | Anonymous | more details |
||
NAVINFO_DLR | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.8 | 65.6 | 92.4 | 83.7 | n/a | no | no | pengfei zhang | weighted aspp+ohem+hard region refine more details |
||
LBPSS | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 61.0 | 34.4 | 84.3 | 67.5 | 0.9 | no | no | Anonymous | CVPR 2020 submission #5455 more details |
||
KANet_Res101 | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.8 | 63.1 | 91.6 | 82.5 | n/a | no | no | Anonymous | more details |
||
Learnable Tree Filter V2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.1 | 64.0 | 92.1 | 83.6 | n/a | yes | yes | Rethinking Learnable Tree Filter for Generic Feature Transform | Lin Song, Yanwei Li, Zhengkai Jiang, Zeming Li, Xiangyu Zhang, Hongbin Sun, Jian Sun, Nanning Zheng | NeurIPS 2020 | Based on ResNet-101 backbone and FPN architecture. more details |
GPSNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.1 | 62.4 | 92.0 | 81.6 | n/a | no | no | Anonymous | more details |
||
FTFNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 72.4 | 45.8 | 87.6 | 70.9 | 0.0088 | no | no | Anonymous | An Efficient Network Focused on Tiny Feature Maps for Real-Time Semantic Segmentation more details |
||
iFLYTEK-CV | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 84.4 | 64.9 | 92.4 | 82.4 | n/a | no | no | Anonymous | iFLYTEK Research, CV Group more details |
||
F2MF-short | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 70.2 | 43.6 | 82.5 | 61.5 | n/a | yes | yes | Warp to the Future: Joint Forecasting of Features and Feature Motion | Josip Saric, Marin Orsic, Tonci Antunovic, Sacha Vrazic, Sinisa Segvic | The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2020 | Our method forecasts semantic segmentation 3 timesteps into the future. more details |
HPNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.6 | 60.6 | 91.4 | 80.4 | n/a | no | no | High-Order Paired-ASPP Networks for Semantic Segmentation | Yu Zhang, Xin Sun, Junyu Dong, Changrui Chen, Yue Shen | more details |
|
HANet (fine-train only) | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.9 | 58.6 | 91.2 | 79.5 | n/a | no | no | TBA | Anonymous | We use only fine-training data. more details |
|
F2MF-mid | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 59.1 | 32.9 | 72.4 | 48.0 | n/a | yes | yes | Warp to the Future: Joint Forecasting of Features and Feature Motion | Josip Saric, Marin Orsic, Tonci Antunovic, Sacha Vrazic, Sinisa Segvic | The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2020 | Our method forecasts semantic segmentation 9 timesteps into the future. more details |
EMANet | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.9 | 61.3 | 91.6 | 80.3 | n/a | no | no | Expectation Maximization Attention Networks for Semantic Segmentation | Xia Li, Zhisheng Zhong, Jianlong Wu, Yibo Yang, Zhouchen Lin, Hong Liu | ICCV 2019 | more details |
PartnerNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 72.4 | 48.3 | 88.2 | 73.6 | 0.0058 | no | no | Anonymous | PARTNERNET: A LIGHTWEIGHT AND EFFICIENT PARTNER NETWORK FOR SEMANTIC SEGMENTATION more details |
||
SwiftNet RN18 pyr sepBN MVD | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.4 | 52.9 | 90.3 | 77.9 | 0.029 | yes | yes | Efficient semantic segmentation with pyramidal fusion | M Oršić, S Šegvić | Pattern Recognition 2020 | more details |
Tencent YYB VisualAlgo | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.6 | 64.8 | 92.2 | 82.0 | n/a | no | no | Anonymous | Tencent YYB VisualAlgo Group more details |
||
MoKu Lab | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.3 | 65.1 | 92.6 | 83.1 | n/a | no | no | Anonymous | Alibaba, MoKu AI Lab, CV Group more details |
||
HRNetV2 + OCR + SegFix | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 84.5 | 65.9 | 92.7 | 83.9 | n/a | yes | yes | Object-Contextual Representations for Semantic Segmentation | Yuhui Yuan, Xilin Chen, Jingdong Wang | First, 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 |
|
DecoupleSegNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 83.7 | 64.4 | 92.3 | 81.4 | n/a | yes | yes | Improving Semantic Segmentation via Decoupled Body and Edge Supervision | Xiangtai Li, Xia Li, Li Zhang, Guangliang Cheng, Jianping Shi, Zhouchen Lin, Shaohua Tan, and Yunhai Tong | ECCV-2020 | In 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) | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.1 | 62.2 | 92.0 | 81.2 | n/a | yes | yes | Cars Can’t Fly up in the Sky: Improving Urban-Scene Segmentation via Height-driven Attention Networks | Sungha Choi (LGE, Korea Univ.), Joanne T. Kim (Korea Univ.), Jaegul Choo (KAIST) | CVPR 2020 | Dataset: "fine train + fine val", No coarse, Backbone: ImageNet pretrained ResNet-101 more details |
DCNAS | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.6 | 65.0 | 91.9 | 82.5 | n/a | no | no | DCNAS: Densely Connected Neural Architecture Search for Semantic Image Segmentation | Xiong Zhang, Hongmin Xu, Hong Mo, Jianchao Tan, Cheng Yang, Wenqi Ren | Neural 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-ResNet101 | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.5 | 62.4 | 91.9 | 82.0 | n/a | no | no | Anonymous | more details |
||
Axial-DeepLab-XL [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.9 | 57.3 | 91.6 | 76.7 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 83.1 | 64.0 | 92.3 | 78.9 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.5 | 57.5 | 91.5 | 76.2 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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) | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.2 | 62.6 | 92.1 | 80.7 | n/a | yes | yes | Cars Can’t Fly up in the Sky: Improving Urban-Scene Segmentation via Height-driven Attention Networks | Sungha Choi (LGE, Korea Univ.), Joanne T. Kim (Korea Univ.), Jaegul Choo (KAIST) | CVPR 2020 | Dataset: "fine train + fine val + coarse", Backbone: Mapillary pretrained ResNext-101 more details |
ERINet-v2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.4 | 39.2 | 85.7 | 70.0 | 0.00526316 | no | no | Efficient Residual Inception Network | MINJONG KIM, SUYOUNG CHI | ongoing | more details |
Naive-Student (iterative semi-supervised learning with Panoptic-DeepLab) | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 85.2 | 68.8 | 92.9 | 82.0 | n/a | no | no | Semi-Supervised Learning in Video Sequences for Urban Scene Segmentation | Liang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon Shlens | Supervised 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.1 | 66.0 | 92.6 | 79.7 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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-g23 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 65.8 | 42.4 | 81.8 | 67.8 | n/a | no | no | Anonymous | Deeplabv3+decoder more details |
||
PBRNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 72.4 | 51.9 | 88.7 | 77.3 | 0.0107 | no | no | Anonymous | modified MobileNetV2 backbone + Prediction and Boundary attention-based Refinement Module (PBRM) more details |
||
ResNeSt200 | yes | yes | no | no | no | no | no | no | no | no | no | no | 83.3 | 63.0 | 92.3 | 81.3 | n/a | no | no | ResNeSt: Split-Attention Networks | Hang Zhang, Chongruo Wu, Zhongyue Zhang, Yi Zhu, Zhi Zhang, Haibin Lin, Yue Sun, Tong He, Jonas Mueller, R. Manmatha, Mu Li, and Alexander Smola | DeepLabV3+ network with ResNeSt200 backbone. more details |
|
Panoptic-DeepLab [Mapillary Vistas] | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.5 | 68.7 | 92.9 | 82.8 | n/a | no | no | Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | We 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-V1 | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.7 | 59.6 | 91.2 | 77.8 | n/a | no | no | Parsing Very High Resolution Urban Scene Images by Learning Deep ConvNets with Edge-Aware Loss | Xianwei Zheng, Linxi Huan, Gui-Song Xia, Jianya Gong | Parsing 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.2 | 65.2 | 92.5 | 83.5 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | Understanding 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 |
|
FSFNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 69.1 | 43.0 | 86.6 | 72.6 | 0.0049261 | yes | yes | Accelerator-Aware Fast Spatial Feature Network for Real-Time Semantic Segmentation | Minjong Kim, Byungjae Park, Suyoung Chi | IEEE Access | Semantic 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 Segmentation | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 85.4 | 70.4 | 93.2 | 85.4 | n/a | yes | yes | Hierarchical Multi-Scale Attention for Semantic Segmentation | Andrew 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 |
|
SANet | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 80.9 | 59.6 | 91.4 | 80.2 | 25.0 | no | no | Anonymous | more details |
||
SJTU_hpm | yes | yes | yes | yes | no | no | yes | yes | no | no | no | no | 81.3 | 59.1 | 91.4 | 79.1 | n/a | no | no | Hard Pixel Mining for Depth Privileged Semantic Segmentation | Zhangxuan Gu, Li Niu*, Haohua Zhao, and Liqing Zhang | more details |
|
FANet | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.1 | 33.2 | 83.1 | 61.1 | n/a | no | no | FANet: Feature Aggregation Network for Semantic Segmentation | Tanmay Singha, Duc-Son Pham, and Aneesh Krishna | Feature Aggregation Network for Semantic Segmentation more details |
|
Hard Pixel Mining for Depth Privileged Semantic Segmentation | yes | yes | yes | yes | no | no | yes | yes | no | no | no | no | 83.4 | 65.2 | 92.3 | 82.6 | n/a | no | no | Hard Pixel Mining for Depth Privileged Semantic Segmentation | Zhangxuan Gu, Li Niu, Haohua Zhao, and Liqing Zhang | Semantic 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_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.7 | 57.7 | 91.5 | 79.5 | 0.49 | yes | yes | MSeg: A Composite Dataset for Multi-domain Semantic Segmentation | John Lambert*, Zhuang Liu*, Ozan Sener, James Hays, Vladlen Koltun | CVPR 2020 | We 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) | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 82.8 | 63.5 | 91.9 | 83.0 | n/a | yes | yes | Bi-directional Cross-Modality Feature Propagation with Separation-and-Aggregation Gate for RGB-D Semantic Segmentation | Xiaokang Chen, Kwan-Yee Lin, Jingbo Wang, Wayne Wu, Chen Qian, Hongsheng Li, and Gang Zeng | European Conference on Computer Vision (ECCV), 2020 | RGB+HHA input, input resolution = 800x800, output stride = 16, training 240 epochs, no coarse data is used. more details |
seamseg_rvcsubset | no | no | no | no | no | no | no | no | no | no | no | no | 67.0 | 44.8 | 86.0 | 67.9 | n/a | yes | yes | Seamless Scene Segmentation | Porzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, Peter | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019 | Seamless 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 loss | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.6 | 61.8 | 91.4 | 78.6 | n/a | no | no | Anonymous | more details |
||
SN_RN152pyrx8_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.7 | 50.5 | 89.4 | 75.9 | 1.0 | yes | yes | In Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving Images | Marin Oršić, Ivan Krešo, Petra Bevandić, Siniša Šegvić | CVPR 2019 | more details |
EffPS_b1bs4_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.2 | 33.5 | 85.3 | 69.2 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | EfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4. more details |
|
AttaNet_light | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.1 | 42.9 | 87.0 | 72.1 | n/a | yes | yes | AttaNet: Attention-Augmented Network for Fast and Accurate Scene Parsing(AAAI21) | Anonymous | more details |
|
CFPNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.1 | 43.7 | 87.4 | 72.2 | n/a | no | no | Anonymous | more details |
||
Seg_UJS | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.3 | 69.0 | 92.7 | 84.4 | n/a | no | no | Anonymous | more details |
||
Bilateral_attention_semantic | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.5 | 55.9 | 90.4 | 79.5 | 0.0141 | no | no | Anonymous | we use bilateral attention mechanism for semantic segmentation more details |
||
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.4 | 62.2 | 92.3 | 81.7 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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) | yes | yes | no | no | no | no | yes | yes | no | no | 2 | 2 | 75.6 | 44.9 | 89.0 | 70.7 | 0.0427 | yes | yes | Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis | Daniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael Gross | Efficient 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) | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 72.9 | 40.5 | 87.1 | 66.5 | 0.031 | yes | yes | Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis | Daniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael Gross | ESANet: Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis. ESANet-R34-NBt1D using RGB images with half the input resolution. more details |
|
ESANet RGB-D | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 78.4 | 56.4 | 91.3 | 79.0 | 0.1613 | yes | yes | Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis | Daniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael Gross | Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis. ESANet-R34-NBt1D using RGB-D data. more details |
|
DAHUA-ARI | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 85.8 | 70.6 | 93.2 | 85.4 | n/a | no | no | Anonymous | multi-scale and refineNet more details |
||
ESANet RGB | yes | yes | no | no | no | no | no | no | no | no | no | no | 77.6 | 53.1 | 90.2 | 76.2 | 0.1205 | yes | yes | Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis | Daniel Seichter, Mona Köhler, Benjamin Lewandowski, Tim Wengefeld and Horst-Michael Gross | ESANet: Efficient RGB-D Semantic Segmentation for Indoor Scene Analysis. ESANet-R34-NBt1D using RGB images only. more details |
|
DCNAS+ASPP [Mapillary Vistas] | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 85.3 | 70.0 | 93.1 | 85.3 | n/a | no | no | Anonymous | Existing 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.1 | 68.6 | 92.9 | 83.3 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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+ASPP | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 84.3 | 68.5 | 92.7 | 84.6 | n/a | no | no | DCNAS: Densely Connected Neural Architecture Search for Semantic ImageSegmentation | Anonymous | Existing 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_seg | yes | yes | no | no | no | no | no | no | no | no | no | no | 84.6 | 69.4 | 92.8 | 84.4 | n/a | no | no | Anonymous | more details |
||
CABiNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.0 | 49.0 | 91.1 | 75.7 | 0.013 | no | no | CABiNet: Efficient Context Aggregation Network for Low-Latency Semantic Segmentation | Saumya Kumaar, Ye Lyu, Francesco Nex, Michael Ying Yang | With 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 calibration | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 82.1 | 62.5 | 92.1 | 81.8 | n/a | no | no | Anonymous | The model is DeepLab v3+ backend on SEResNeXt50. We used the margin calibration with log-loss as the learning objective. more details |
||
MT-SSSR | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 79.0 | 57.6 | 91.4 | 81.6 | n/a | no | no | Anonymous | more details |
||
Panoptic-DeepLab w/ SWideRNet [Mapillary Vistas + Pseudo-labels] | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 85.1 | 71.2 | 93.0 | 85.1 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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 Scenes | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.4 | 42.9 | 88.0 | 72.5 | n/a | no | no | Anonymous | we 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_model | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.3 | 70.5 | 93.1 | 85.1 | n/a | no | no | Anonymous | more details |
||
Mobilenetv3-small-backbone real-time segmentation | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.9 | 37.8 | 84.3 | 67.5 | 0.02 | yes | yes | Anonymous | The 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 |
||
M2FANet | yes | yes | no | no | no | no | no | no | no | no | no | no | 68.3 | 38.7 | 86.9 | 67.8 | n/a | yes | yes | Urban street scene analysis using lightweight multi-level multi-path feature aggregation network | Tanmay Singha; Duc-Son Pham; Aneesh Krishna | Multiagent and Grid Systems Journal | more details |
AFPNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 76.4 | 50.1 | 89.3 | 75.2 | 0.03 | no | no | Anonymous | more details |
||
YOLO V5s with Segmentation Head | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 71.3 | 46.3 | 85.7 | 70.4 | 0.007 | yes | yes | Anonymous | Multitask model. fine tune from COCO detection pretrained model, train semantic segmentation and object detection(transfer from instance label) at the same time more details |
||
FSFFNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 69.4 | 40.4 | 87.1 | 68.5 | n/a | yes | yes | A Lightweight Multi-scale Feature Fusion Network for Real-Time Semantic Segmentation | Tanmay Singha, Duc-Son Pham, Aneesh Krishna, Tom Gedeon | International Conference on Neural Information Processing 2021 | Feature Scaling Feature Fusion Network more details |
Qualcomm AI Research | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 85.8 | 72.0 | 93.1 | 85.6 | n/a | yes | yes | InverseForm: A Loss Function for Structured Boundary-Aware Segmentation | Shubhankar Borse, Ying Wang, Yizhe Zhang, Fatih Porikli | CVPR 2021 oral | more details |
HIK-CCSLT | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.1 | 70.3 | 93.3 | 85.0 | n/a | no | no | Anonymous | more details |
||
BFNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 71.0 | 43.1 | 87.6 | 71.3 | n/a | no | no | BFNet | Jiaqi Fan | more details |
|
Hai Wang+Yingfeng Cai-research group | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.3 | 70.1 | 93.1 | 84.6 | 0.00164 | no | no | Anonymous | more details |
||
Jiangsu_university_Intelligent_Drive_AI | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.3 | 70.1 | 93.1 | 84.6 | n/a | no | no | Anonymous | more details |
||
MCANet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 73.4 | 45.8 | 88.9 | 72.8 | n/a | yes | yes | Anonymous | more details |
||
UFONet (half-resolution) | yes | yes | no | no | no | no | no | no | no | no | no | no | 48.0 | 22.1 | 78.6 | 56.7 | n/a | no | no | UFO RPN: A Region Proposal Network for Ultra Fast Object Detection | Wenkai Li, Andy Song | The 34th Australasian Joint Conference on Artificial Intelligence | more details |
SCMNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.9 | 37.1 | 86.8 | 68.0 | n/a | no | no | Anonymous | more details |
||
FsaNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.0 | 62.2 | 91.8 | 79.5 | n/a | no | no | FsaNet: Frequency Self-attention for Semantic Segmentation | Anonymous | more details |
|
SCMNet coarse | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 68.3 | 38.3 | 87.2 | 69.1 | n/a | yes | yes | SCMNet: Shared Context Mining Network for Real-time Semantic Segmentation | Tanmay Singha; Moritz Bergemann; Duc-Son Pham; Aneesh Krishna | 2021 Digital Image Computing: Techniques and Applications (DICTA) | more details |
SAIT SeeThroughNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.2 | 71.5 | 93.2 | 85.7 | n/a | no | no | Anonymous | more details |
||
JSU_IDT_group | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.9 | 69.0 | 93.2 | 84.8 | n/a | no | no | Anonymous | more details |
||
DLA_HRNet48OCR_MSFLIP_000 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 84.8 | 68.6 | 93.0 | 84.5 | n/a | no | no | Anonymous | This 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-AIoT | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.3 | 72.9 | 93.3 | 85.8 | n/a | no | no | Anonymous | more details |
||
kMaX-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 83.2 | 65.9 | 92.3 | 82.7 | n/a | yes | yes | k-means Mask Transformer | Qihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, and Liang-Chieh Chen | ECCV 2022 | kMaX-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 |
LeapAI | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.4 | 70.9 | 93.2 | 84.2 | n/a | no | no | Anonymous | Using advanced AI techniques. more details |
||
adlab_iiau_ldz | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.6 | 69.5 | 93.1 | 85.1 | n/a | no | no | Anonymous | meticulous-caiman_2022.05.01_03.32 more details |
||
SFRSeg | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.6 | 41.3 | 86.3 | 65.8 | n/a | yes | yes | A Real-Time Semantic Segmentation Model Using Iteratively Shared Features In Multiple Sub-Encoders | Tanmay Singha, Duc-Son Pham, Aneesh Krishna | Pattern Recognition | more details |
PIDNet-S | yes | yes | no | no | no | no | no | no | no | no | no | no | 78.6 | 55.0 | 90.5 | 77.9 | 0.0107 | yes | yes | PIDNet: A Real-time Semantic Segmentation Network Inspired from PID Controller | Anonymous | more details |
|
Vision Transformer Adapter for Dense Predictions | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.2 | 68.3 | 92.8 | 83.4 | n/a | yes | yes | Vision Transformer Adapter for Dense Predictions | Zhe Chen, Yuchen Duan, Wenhai Wang, Junjun He, Tong Lu, Jifeng Dai, Yu Qiao | ViT-Adapter-L, BEiT pre-train, multi-scale testing more details |
|
SSNet | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 72.5 | 51.7 | 89.9 | 78.2 | n/a | no | no | Anonymous | more details |
||
SDBNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 70.8 | 42.0 | 87.2 | 69.4 | n/a | yes | yes | SDBNet: Lightweight Real-time Semantic Segmentation Using Short-term Dense Bottleneck | Tanmay Singha, Duc-Son Pham, Aneesh Krishna | 2022 International Conference on Digital Image Computing: Techniques and Applications (DICTA) | more details |
MeiTuan-BaseModel | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.5 | 73.2 | 93.4 | 85.4 | n/a | no | no | Anonymous | more details |
||
SDBNetV2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 72.4 | 43.8 | 87.9 | 70.6 | n/a | yes | yes | Improved Short-term Dense Bottleneck network for efficient scene analysis | Tanmay Singha; Duc-Son Pham; Aneesh Krishna | Computer Vision and Image Understanding | more details |
mogo_semantic | yes | yes | no | no | no | no | no | no | no | no | no | no | 85.3 | 69.6 | 93.2 | 85.2 | n/a | no | no | Anonymous | more details |
||
UDSSEG_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.4 | 55.9 | 90.7 | 77.1 | n/a | no | no | Anonymous | UDSSEG_RVC more details |
||
MIX6D_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 79.8 | 58.6 | 89.3 | 74.6 | n/a | no | no | Anonymous | MIX6D_RVC more details |
||
FAN_NV_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.0 | 59.0 | 91.0 | 78.3 | n/a | no | no | Anonymous | Hybrid-Base + Segformer more details |
||
UNIV_CNP_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 75.1 | 50.2 | 86.2 | 70.2 | n/a | no | no | Anonymous | RVC 2022 more details |
||
AntGroup-AI-VisionAlgo | yes | yes | yes | yes | no | no | no | no | yes | yes | no | no | 86.4 | 71.3 | 93.2 | 84.5 | n/a | no | no | Anonymous | AntGroup AI vision algo more details |
||
InternImage: Exploring Large-Scale Vision Foundation Models with Deformable Convolutions | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.1 | 73.6 | 93.0 | 85.0 | n/a | yes | yes | InternImage: Exploring Large-Scale Vision Foundation Models with Deformable Convolutions | Wenhai Wang, Jifeng Dai, Zhe Chen, Zhenhang Huang, Zhiqi Li, Xizhou Zhu, Xiaowei Hu, Tong Lu, Lewei Lu, Hongsheng Li, Xiaogang Wang, Yu Qiao | CVPR 2023 | We 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 aggregation | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 83.6 | 65.1 | 92.5 | 82.2 | n/a | yes | yes | Dense Prediction with Attentive Feature Aggregation | Yung-Hsu Yang, Thomas E. Huang, Min Sun, Samuel Rota Bulò, Peter Kontschieder, Fisher Yu | WACV 2023 | We propose Attentive Feature Aggregation (AFA) to exploit both spatial and channel information for semantic segmentation and boundary detection. more details |
W3_FAFM | yes | yes | no | no | no | no | no | no | no | no | no | no | 80.5 | 59.3 | 91.1 | 80.3 | 0.029309 | no | no | Junyan Yang, Qian Xu, Lei La | Team: BOSCH-XC-DX-WAVE3 more details |
||
HRN | yes | yes | no | no | no | no | no | no | no | no | no | no | 77.7 | 53.4 | 90.0 | 77.2 | 45.0 | no | no | Anonymous | Hierarchical residual network more details |
||
HRN+DCNv2_for_DOAS | yes | yes | no | no | no | no | no | no | no | no | no | no | 81.2 | 59.8 | 91.6 | 81.0 | 0.032 | no | no | Anonymous | HRN with DCNv2 for DOAS in paper "Dynamic Obstacle Avoidance System based on Rapid Instance Segmentation Network" more details |
||
GEELY-ATC-SEG | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 86.7 | 73.9 | 93.3 | 85.4 | n/a | no | no | Anonymous | more details |
||
PMSDSEN | yes | yes | no | no | no | no | no | no | no | no | no | no | 74.0 | 49.9 | 88.8 | 75.7 | n/a | yes | yes | Efficient Parallel Multi-Scale Detail and Semantic Encoding Network for Lightweight Semantic Segmentation | Xiao Liu, Xiuya Shi, Lufei Chen, Linbo Qing, Chao Ren | ACM International Conference on Multimedia 2023 | MM '23: Proceedings of the 31th ACM International Conference on Multimedia more details |
ECFD | yes | yes | no | no | no | no | no | no | no | no | no | no | 82.1 | 63.6 | 92.2 | 82.1 | n/a | yes | yes | Anonymous | backbone: ConvNext-Large more details |
||
DWGSeg-L75 | yes | yes | no | no | no | no | no | no | no | no | 1.3 | 1.3 | 76.7 | 50.3 | 89.4 | 75.0 | 0.00755 | no | no | Anonymous | more details |
||
VLTSeg | yes | yes | no | no | no | no | no | no | no | no | no | no | 86.4 | 73.3 | 93.1 | 85.3 | n/a | no | no | VLTSeg: Simple Transfer of CLIP-Based Vision-Language Representations for Domain Generalized Semantic Segmentation | Christoph Hümmer, Manuel Schwonberg, Liangwei Zhou, Hu Cao, Alois Knoll, Hanno Gottschalk | more details |
|
CGMANet_v1 | yes | yes | no | no | no | no | no | no | no | no | no | no | 73.3 | 48.3 | 88.5 | 74.9 | n/a | no | no | Context Guided Multi-scale Attention for Real-time Semantic Segmentation of Road-scene | Saquib Mazhar | Context Guided Multi-scale Attention for Real-time Semantic Segmentation of Road-scene more details |
|
SERNet-Former_v2 | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 84.4 | 67.1 | 92.1 | 81.0 | n/a | no | no | Anonymous | 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.
name | fine | fine | coarse | coarse | 16-bit | 16-bit | depth | depth | video | video | sub | sub | AP | AP 50% | AP 100m | AP 50m | Runtime [s] | code | code | title | authors | venue | description |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
R-CNN + MCG convex hull | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 4.6 | 12.9 | 7.7 | 10.3 | 60.0 | no | no | The Cityscapes Dataset for Semantic Urban Scene Understanding | M. Cordts, M. Omran, S. Ramos, T. Rehfeld, M. Enzweiler, R. Benenson, U. Franke, S. Roth, B. Schiele | CVPR 2016 | We 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 Segmentation | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 8.9 | 21.1 | 15.3 | 16.7 | n/a | no | no | Pixel-level Encoding and Depth Layering for Instance-level Semantic Labeling | J. Uhrig, M. Cordts, U. Franke, and T. Brox | GCPR 2016 | We 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 Contours | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 2.3 | 3.7 | 3.9 | 4.9 | 0.2 | no | no | Instance-level Segmentation of Vehicles by Deep Contours | Jan van den Brand, Matthias Ochs and Rudolf Mester | Asian Conference on Computer Vision - Workshop on Computer Vision Technologies for Smart Vehicle | Our 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 Segmentation | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 17.4 | 36.7 | 29.3 | 34.0 | n/a | no | no | Boundary-aware Instance Segmentation | Zeeshan Hayder, Xuming He, Mathieu Salzmann | CVPR 2017 | End-to-end model for instance segmentation using VGG16 network Previously listed as "Shape-Aware Instance Segmentation" more details |
RecAttend | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 9.5 | 18.9 | 16.8 | 20.9 | n/a | no | no | Anonymous | more details |
||
Joint Graph Decomposition and Node Labeling | yes | yes | no | no | no | no | no | no | no | no | 8 | 8 | 9.8 | 23.2 | 16.8 | 20.3 | n/a | no | no | Joint Graph Decomposition and Node Labeling: Problem, Algorithms, Applications | Evgeny Levinkov, Jonas Uhrig, Siyu Tang, Mohamed Omran, Eldar Insafutdinov, Alexander Kirillov, Carsten Rother, Thomas Brox, Bernt Schiele, Bjoern Andres | Computer Vision and Pattern Recognition (CVPR) 2017 | more details |
InstanceCut | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 13.0 | 27.9 | 22.1 | 26.1 | n/a | no | no | InstanceCut: from Edges to Instances with MultiCut | A. Kirillov, E. Levinkov, B. Andres, B. Savchynskyy, C. Rother | Computer Vision and Pattern Recognition (CVPR) 2017 | InstanceCut 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 Function | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 17.5 | 35.9 | 27.8 | 31.0 | n/a | yes | yes | Semantic Instance Segmentation with a Discriminative Loss Function | Bert De Brabandere, Davy Neven, Luc Van Gool | Deep Learning for Robotic Vision, workshop at CVPR 2017 | This 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 |
SGN | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 25.0 | 44.9 | 38.9 | 44.5 | n/a | no | no | SGN: Sequential Grouping Networks for Instance Segmentation | Shu Liu, Jiaya Jia, Sanja Fidler, Raquel Urtasun | ICCV 2017 | Instance 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.0 | 58.1 | 45.8 | 49.5 | n/a | no | no | Mask R-CNN | Kaiming He, Georgia Gkioxari, Piotr Dollár, Ross Girshick | Mask R-CNN, ResNet-50-FPN, Cityscapes [fine-only] + COCO more details |
|
Mask R-CNN [fine-only] | yes | yes | no | no | no | no | no | no | no | no | no | no | 26.2 | 49.9 | 37.6 | 40.1 | n/a | no | no | Mask R-CNN | Kaiming He, Georgia Gkioxari, Piotr Dollár, Ross Girshick | Mask R-CNN, ResNet-50-FPN, Cityscapes fine-only more details |
|
Deep Watershed Transformation | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 19.4 | 35.3 | 31.4 | 36.8 | n/a | no | no | Deep Watershed Transformation for Instance Segmentation | Min Bai and Raquel Urtasun | CVPR 2017 | Instance 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 Images | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 12.5 | 25.2 | 20.4 | 22.1 | n/a | no | no | Foveal Vision for Instance Segmentation of Road Images | Benedikt Ortelt, Christian Herrmann, Dieter Willersinn, Jürgen Beyerer | VISAPP 2018 | Directly 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 |
SegNet | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 29.5 | 55.6 | 43.2 | 45.8 | 0.5 | no | no | Anonymous | more details |
||
DCME | yes | yes | no | no | no | no | no | no | no | no | 3 | 3 | 3.8 | 7.7 | 6.6 | 9.5 | n/a | no | no | Distance to Center of Mass Encoding for Instance Segmentation | Thomio Watanabe and Denis Wolf | 2018 21st International Conference on Intelligent Transportation Systems (ITSC) | more details |
RRL | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 29.7 | 56.1 | 40.9 | 41.8 | n/a | no | no | Anonymous | more details |
||
PANet [fine-only] | yes | yes | no | no | no | no | no | no | no | no | no | no | 31.8 | 57.1 | 44.2 | 46.0 | n/a | yes | yes | Path Aggregation Network for Instance Segmentation | Shu Liu, Lu Qi, Haifang Qin, Jianping Shi, Jiaya Jia | CVPR 2018 | PANet, ResNet-50 as base model, Cityscapes fine-only, training hyper-parameters are adopted from Mask R-CNN. more details |
PANet [COCO] | yes | yes | no | no | no | no | no | no | no | no | no | no | 36.4 | 63.1 | 49.2 | 51.8 | n/a | yes | yes | Path Aggregation Network for Instance Segmentation | Shu Liu, Lu Qi, Haifang Qin, Jianping Shi, Jiaya Jia | CVPR 2018 | PANet, ResNet-50 as base model, Cityscapes fine-only + COCO, training hyper-parameters are adopted from Mask R-CNN. more details |
LCIS | yes | yes | no | no | no | no | no | no | no | no | no | no | 15.1 | 30.8 | 24.2 | 25.8 | n/a | no | no | Anonymous | more details |
||
Pixelwise Instance Segmentation with a Dynamically Instantiated Network | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 23.4 | 45.2 | 36.8 | 40.9 | n/a | no | no | Pixelwise Instance Segmentation with a Dynamically Instantiated Network | Anurag Arnab and Philip H. S. Torr | Computer Vision and Pattern Recognition (CVPR) 2017 | We 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++ | yes | yes | no | no | no | no | no | no | no | no | no | no | 25.5 | 45.5 | 39.3 | 43.4 | n/a | yes | yes | Efficient Annotation of Segmentation Datasets with Polygon-RNN++ | D. Acuna, H. Ling, A. Kar, and S. Fidler | CVPR 2018 | more details |
GMIS: Graph Merge for Instance Segmentation | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 27.6 | 44.6 | 42.7 | 47.9 | n/a | no | no | Yiding Liu, Siyu Yang, Bin Li, Wengang Zhou, Jizheng Xu, Houqiang Li, Yan Lu | more details |
||
TCnet | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.6 | 59.0 | 45.0 | 47.8 | n/a | no | no | Anonymous | TCnet more details |
||
MaskRCNN_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 10.2 | 25.2 | 14.6 | 14.6 | n/a | no | no | Anonymous | MaskRCNN 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 Learning | yes | yes | no | no | no | no | no | no | no | no | no | no | 21.6 | 39.0 | 35.0 | 37.0 | n/a | yes | yes | Multi-Task Learning Using Uncertainty to Weigh Losses for Scene Geometry and Semantics | Alex Kendall, Yarin Gal and Roberto Cipolla | CVPR 2018 | Numerous 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 Coloring | yes | yes | no | no | no | no | no | no | no | no | no | no | 24.9 | 46.2 | 39.0 | 44.0 | n/a | no | no | Anonymous | Anonymous ECCV submission #2955 more details |
||
MRCNN_VSCMLab_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 14.8 | 29.5 | 24.8 | 29.3 | 1.0 | no | no | Anonymous | MaskRCNN+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_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 0.3 | 0.9 | 0.2 | 0.1 | n/a | no | no | Anonymous | more details |
||
NL_ROI_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 24.0 | 45.8 | 36.1 | 40.8 | n/a | no | no | Anonymous | Non-local ROI on Mask R-CNN more details |
||
RUSH_ROB | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.1 | 55.5 | 45.2 | 46.3 | n/a | no | no | Anonymous | more details |
||
MaskRCNN_BOSH | yes | yes | no | no | no | no | no | no | no | no | no | no | 12.8 | 28.0 | 22.1 | 26.7 | n/a | no | no | Jin 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-ADLR | yes | yes | no | no | no | no | no | no | no | no | no | no | 35.3 | 61.5 | 49.3 | 53.5 | n/a | no | no | Anonymous | NVIDIA Applied Deep Learning Research more details |
||
Sogou_MM | yes | yes | no | no | no | no | no | no | no | no | no | no | 37.2 | 64.5 | 51.1 | 54.5 | n/a | no | no | Global Concatenating Feature Enhancement for Instance Segmentation | Hang Yang, Xiaozhe Xin, Wenwen Yang, Bin Li | Global Concatenating Feature Enhancement for Instance Segmentation more details |
|
Instance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering Bandwidth | yes | yes | no | no | no | no | no | no | no | no | no | no | 27.7 | 50.9 | 37.8 | 37.3 | 0.1 | yes | yes | Instance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering Bandwidth | Davy Neven, Bert De Brabandere, Marc Proesmans and Luc Van Gool | CVPR 2019 | Fine only - ERFNet backbone more details |
Instance Annotation | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 7.7 | 14.9 | 13.6 | 16.6 | 4.416 | no | no | Instance Segmentation as Image Segmentation Annotation | Thomio Watanabe and Denis F. Wolf | 2019 IEEE Intelligent Vehicles Symposium (IV) | Based on DCME more details |
NJUST | yes | yes | no | no | no | no | no | no | no | no | no | no | 38.9 | 64.1 | 53.0 | 55.4 | n/a | no | no | Ang Li, Chongyang Zhang | Mask 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 27.3 | 50.4 | 40.5 | 43.1 | n/a | no | no | BshapeNet: Object Detection and Instance Segmentation with Bounding Shape Masks | Ba Rom Kang, Ha Young Kim | BshapeNet+, ResNet-50-FPN as base model, Cityscapes [fine-only] more details |
|
SSAP | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.7 | 51.8 | 47.3 | 51.4 | n/a | no | no | SSAP: Single-Shot Instance Segmentation With Affinity Pyramid | Naiyu Gao, Yanhu Shan, Yupei Wang, Xin Zhao, Yinan Yu, Ming Yang, Kaiqi Huang | ICCV 2019 | SSAP, ResNet-101, Cityscapes fine-only more details |
Spatial Sampling Net | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 9.2 | 16.8 | 16.4 | 21.4 | 0.00884 | no | no | Spatial Sampling Network for Fast Scene Understanding | Davide Mazzini, Raimondo Schettini | CVPR 2019 Workshop on Autonomous Driving | We 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 |
UPSNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 33.0 | 59.6 | 46.8 | 50.7 | 0.227 | yes | yes | UPSNet: A Unified Panoptic Segmentation Network | Yuwen Xiong, Renjie Liao, Hengshuang Zhao, Rui Hu, Min Bai, Ersin Yumer, Raquel Urtasun | CVPR 2019 | more details |
Sem2Ins | yes | yes | no | no | no | no | no | no | no | no | no | no | 19.3 | 36.4 | 29.3 | 32.8 | n/a | no | no | Anonymous | Anonymous NeurIPS19 submission #4671 more details |
||
BshapeNet+ [COCO] | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.9 | 58.8 | 47.3 | 50.7 | n/a | no | no | BshapeNet: Object Detection and Instance Segmentation with Bounding Shape Masks | Ba Rom Kang, Ha Young Kim | BshapeNet+ single model, ResNet-50-FPN as base model, Cityscapes [fine-only + COCO] more details |
|
AdaptIS | yes | yes | no | no | no | no | no | no | no | no | no | no | 32.5 | 52.5 | 48.2 | 52.1 | n/a | no | no | Anonymous | Adaptive 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 |
||
AInnoSegmentation | yes | yes | no | no | no | no | no | no | no | no | no | no | 39.5 | 66.0 | 53.9 | 56.7 | n/a | no | no | Faen Zhang, Jiahong Wu, Haotian Cao, Zhizheng Yang, Jianfei Song, Ze Huang, Jiashui Huang, Shenglan Ben | AInnoSegmentation 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-CV | yes | yes | no | no | no | no | no | no | no | no | no | no | 42.3 | 71.1 | 55.7 | 58.7 | n/a | no | no | Anonymous | iFLYTEK Research, CV Group more details |
||
Panoptic-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 34.6 | 57.3 | 50.5 | 53.1 | n/a | no | no | Panoptic-DeepLab | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | Our 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 |
|
snake | yes | yes | no | no | no | no | no | no | no | no | no | no | 31.7 | 58.4 | 43.2 | 44.7 | 0.217 | yes | yes | Deep Snake for Real-Time Instance Segmentation | Sida Peng, Wen Jiang, Huaijin Pi, Xiuli Li, Hujun Bao, Xiaowei Zhou | CVPR 2020 | more details |
PolyTransform | yes | yes | no | no | no | no | no | no | no | no | no | no | 40.1 | 65.9 | 54.8 | 58.0 | n/a | no | no | PolyTransform: Deep Polygon Transformer for Instance Segmentation | Justin Liang, Namdar Homayounfar, Wei-Chiu Ma, Yuwen Xiong, Rui Hu, Raquel Urtasun | more details |
|
StixelPointNet | yes | yes | no | no | no | no | no | no | no | no | no | no | 8.5 | 19.3 | 15.1 | 18.3 | 0.035 | no | no | Learning Stixel-Based Instance Segmentation | Monty Santarossa, Lukas Schneider, Claudius Zelenka, Lars Schmarje, Reinhard Koch, Uwe Franke | IV 2021 | An adapted version of the PointNet is trained on Stixels as input for instance segmentation. more details |
Axial-DeepLab-XL [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 34.0 | 55.9 | 49.6 | 53.1 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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 + SegFix | yes | yes | no | no | no | no | no | no | no | no | no | no | 41.2 | 66.1 | 56.0 | 59.2 | n/a | yes | yes | Anonymous | openseg | We 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-Net | yes | yes | no | no | no | no | yes | yes | no | no | no | no | 32.3 | 59.5 | 44.6 | 46.6 | n/a | yes | yes | Geometry-Aware Instance Segmentation with Disparity Maps | Cho-Ying Wu, Xiaoyan Hu, Michael Happold, Qiangeng Xu, Ulrich Neumann | Scalability in Autonomous Driving, workshop at CVPR 2020 | Geometry-Aware Instance Segmentation with Disparity Maps more details |
Axial-DeepLab-L [Mapillary Vistas] | yes | yes | no | no | no | no | no | no | no | no | no | no | 38.1 | 61.6 | 54.3 | 57.3 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 33.3 | 58.2 | 47.5 | 50.3 | n/a | no | no | LevelSet R-CNN: A Deep Variational Method for Instance Segmentation | Namdar Homayounfar*, Yuwen Xiong*, Justin Liang*, Wei-Chiu Ma, Raquel Urtasun | ECCV 2020 | Obtaining 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 40.0 | 65.7 | 54.5 | 58.1 | n/a | no | no | LevelSet R-CNN: A Deep Variational Method for Instance Segmentation | Namdar Homayounfar*, Yuwen Xiong*, Justin Liang*, Wei-Chiu Ma, Raquel Urtasun | ECCV 2020 | Obtaining 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 33.3 | 54.9 | 48.8 | 52.0 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 27.5 | 48.0 | 41.5 | 46.9 | n/a | no | no | Deep Affinity Net: Instance Segmentation via Affinity | Xingqian Xu, Mangtik Chiu, Thomas Huang, Honghui Shi | A 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) | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 42.6 | 67.6 | 57.9 | 59.8 | n/a | no | no | Semi-Supervised Learning in Video Sequences for Urban Scene Segmentation | Liang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon Shlens | Supervised 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 39.6 | 64.2 | 55.5 | 57.4 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 40.6 | 66.4 | 55.6 | 57.0 | n/a | no | no | Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 39.8 | 64.9 | 52.9 | 55.8 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | Understanding 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_rvcsubset | no | no | no | no | no | no | no | no | no | no | no | no | 22.1 | 39.4 | 31.2 | 32.1 | n/a | yes | yes | Seamless Scene Segmentation | Porzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, Peter | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019 | Seamless 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_RVC | yes | yes | no | no | no | no | no | no | no | no | 2 | 2 | 29.8 | 52.4 | 44.1 | 48.0 | 300.0 | no | no | Anonymous | more details |
||
EffPS_b1bs4_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 21.3 | 38.5 | 31.7 | 35.1 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | EfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4. more details |
|
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 38.0 | 61.0 | 53.7 | 55.4 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 42.2 | 67.5 | 57.8 | 59.6 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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 + BPR | yes | yes | no | no | no | no | no | no | no | no | no | no | 42.7 | 66.5 | 57.5 | 60.7 | n/a | yes | yes | Look Closer to Segment Better: Boundary Patch Refinement for Instance Segmentation | Chufeng Tang*, Hang Chen*, Xiao Li, Jianmin Li, Zhaoxiang Zhang, Xiaolin Hu | CVPR 2021 | Tremendous 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] | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 43.4 | 68.7 | 58.9 | 60.9 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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 |
|
CenterPoly | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 15.5 | 39.5 | 23.3 | 24.5 | 0.045 | no | no | Anonymous | more details |
||
HRI-INST | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 43.8 | 70.4 | 57.5 | 61.0 | n/a | no | no | Anonymous | HRI-INST more details |
||
DH-ARI | yes | yes | no | no | no | no | no | no | no | no | no | no | 44.4 | 68.4 | 58.5 | 61.6 | n/a | no | no | Anonymous | DH-ARI more details |
||
HRI-TRANS | yes | yes | no | no | no | no | no | no | no | no | no | no | 44.5 | 71.4 | 57.9 | 61.3 | n/a | no | no | Anonymous | HRI transformer instance segmentation more details |
||
kMaX-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 39.7 | 61.3 | 57.2 | 61.2 | n/a | yes | yes | k-means Mask Transformer | Qihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, and Liang-Chieh Chen | ECCV 2022 | kMaX-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 Completion | yes | yes | no | no | no | no | no | no | no | no | no | no | 35.4 | 60.9 | 48.1 | 50.8 | n/a | no | no | Hai Wang ;Shilin Zhu ;PuPu ;Meng; Le; Apple; Rong | We 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 v2 | yes | yes | no | no | no | no | no | no | no | no | no | no | 16.6 | 39.4 | 24.8 | 27.2 | 0.045 | yes | yes | Real-time instance segmentation with polygons using an Intersection-over-Union loss | Katia Jodogne-del Litto, Guillaume-Alexandre Bilodeau | more details |
|
Jiangsu-University-Environmental-Perception | yes | yes | no | no | no | no | no | no | no | no | no | no | 40.3 | 67.6 | 53.4 | 55.9 | n/a | no | no | Anonymous | 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.
name | fine | fine | coarse | coarse | 16-bit | 16-bit | depth | depth | video | video | sub | sub | PQ | SQ | RQ | Runtime [s] | code | code | title | authors | venue | description |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
HANet | yes | yes | no | no | no | no | no | no | no | no | no | no | 51.2 | 77.7 | 63.9 | n/a | no | no | Anonymous | Holistic Attention Network for End-to-End Panoptic Segmentation more details |
||
TASCNet-enhanced | yes | yes | no | no | no | no | no | no | no | no | no | no | 60.7 | 81.0 | 73.8 | n/a | no | no | Learning to Fuse Things and Stuff | Jie Li, Allan Raventos, Arjun Bhargava, Takaaki Tagawa, Adrien Gaidon | Arxiv | We 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 |
Sem2Ins | yes | yes | no | no | no | no | no | no | no | no | no | no | 52.3 | 78.9 | 65.2 | n/a | no | no | Anonymous | Anonymous NeurIPS19 submission #4671 more details |
||
Pixelwise Instance Segmentation with a Dynamically Instantiated Network | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 55.4 | 79.7 | 68.1 | n/a | no | no | Pixelwise Instance Segmentation with a Dynamically Instantiated Network | Anurag Arnab and Philip H.S Torr | Computer Vision and Pattern Recognition (CVPR) 2017 | Results 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 Segmentation | yes | yes | no | no | no | no | no | no | no | no | no | no | 62.6 | 82.1 | 75.3 | n/a | yes | yes | Seamless Scene Segmentation | Lorenzo Porzi, Samuel Rota Bulò, Aleksander Colovic and Peter Kontschieder | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2019 | Seamless 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 |
SSAP | yes | yes | no | no | no | no | no | no | no | no | no | no | 58.9 | 82.4 | 70.6 | n/a | no | no | SSAP: Single-Shot Instance Segmentation With Affinity Pyramid | Naiyu Gao, Yanhu Shan, Yupei Wang, Xin Zhao, Yinan Yu, Ming Yang, Kaiqi Huang | ICCV 2019 | SSAP, ResNet-101, Cityscapes fine-only more details |
Panoptic-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 62.3 | 82.4 | 74.8 | n/a | no | no | Panoptic-DeepLab | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | Our 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-CV | yes | yes | yes | yes | no | no | no | no | no | no | no | no | 66.0 | 83.2 | 78.5 | n/a | no | no | Anonymous | iFLYTEK Research, CV Group more details |
||
Unifying Training and Inference for Panoptic Segmentation [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 61.0 | 81.4 | 73.9 | n/a | yes | yes | Unifying Training and Inference for Panoptic Segmentation | Qizhu Li, Xiaojuan Qi, Philip H.S. Torr | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020 | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 63.3 | 82.4 | 75.9 | n/a | yes | yes | Unifying Training and Inference for Panoptic Segmentation | Qizhu Li, Xiaojuan Qi, Philip H.S. Torr | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020 | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 62.8 | 82.4 | 75.2 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 65.6 | 83.0 | 78.1 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 62.7 | 82.2 | 75.3 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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) | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 67.8 | 83.8 | 80.2 | n/a | no | no | Semi-Supervised Learning in Video Sequences for Urban Scene Segmentation | Liang-Chieh Chen, Raphael Gontijo Lopes, Bowen Cheng, Maxwell D. Collins, Ekin D. Cubuk, Barret Zoph, Hartwig Adam, Jonathon Shlens | Supervised 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.6 | 83.5 | 79.0 | n/a | yes | yes | Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation | Huiyu Wang, Yukun Zhu, Bradley Green, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.1 | 82.6 | 76.8 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | Understanding 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.5 | 83.5 | 78.8 | n/a | no | no | Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation | Bowen Cheng, Maxwell D. Collins, Yukun Zhu, Ting Liu, Thomas S. Huang, Hartwig Adam, Liang-Chieh Chen | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.1 | 83.4 | 79.6 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | Understanding 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_rvcsubset | no | no | no | no | no | no | no | no | no | no | no | no | 51.9 | 78.5 | 64.8 | n/a | yes | yes | Seamless Scene Segmentation | Porzi, Lorenzo and Rota Bulò, Samuel and Colovic, Aleksander and Kontschieder, Peter | The IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2019 | Seamless 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_RVC | yes | yes | no | no | no | no | no | no | no | no | no | no | 48.0 | 78.3 | 59.2 | n/a | yes | yes | EfficientPS: Efficient Panoptic Segmentation | Rohit Mohan, Abhinav Valada | EfficientPS with EfficientNet-b1 backbone. Trained with a batch size of 4. more details |
|
Panoptic-DeepLab w/ SWideRNet [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 64.8 | 83.4 | 77.0 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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] | yes | yes | no | no | no | no | no | no | no | no | no | no | 67.8 | 83.8 | 80.2 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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] | yes | yes | no | no | no | no | no | no | yes | yes | no | no | 68.5 | 83.9 | 80.9 | n/a | no | no | Scaling Wide Residual Networks for Panoptic Segmentation | Liang-Chieh Chen, Huiyu Wang, Siyuan Qiao | We 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_panoptic | yes | yes | no | no | no | no | no | no | no | no | no | no | 68.0 | 84.3 | 79.9 | n/a | no | no | Anonymous | more details |
||
COPS | yes | yes | no | no | no | no | no | no | no | no | 4 | 4 | 60.0 | 81.4 | 72.6 | n/a | no | no | Combinatorial Optimization for Panoptic Segmentation: A Fully Differentiable Approach | Ahmed Abbas, Paul Swoboda | NeurIPS 2021 | COPS fully differentiable with ResNet 50 backbone. more details |
kMaX-DeepLab [Cityscapes-fine] | yes | yes | no | no | no | no | no | no | no | no | no | no | 66.2 | 84.0 | 77.9 | n/a | yes | yes | k-means Mask Transformer | Qihang Yu, Huiyu Wang, Siyuan Qiao, Maxwell Collins, Yukun Zhu, Hartwig Adam, Alan Yuille, Liang-Chieh Chen | ECCV 2022 | kMaX-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.
name | 3d | 3d | 16-bit | 16-bit | depth | depth | video | video | sub | sub | DS | AP | BEV | OS Yaw | Runtime [s] | code | code | title | authors | venue | description |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
3D-GCK | yes | yes | no | no | no | no | no | no | no | no | 37.4 | 42.5 | 96.1 | 81.9 | 0.04 | no | no | Single-Shot 3D Detection of Vehicles from Monocular RGB Images via Geometry Constrained Keypoints in Real-Time | Nils Gählert, Jun-Jun Wan, Nicolas Jourdan, Jan Finkbeiner, Uwe Franke, and Joachim Denzler | IV 2020 | 3D-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.3 | yes | yes | no | no | no | no | no | no | no | no | 40.1 | 43.5 | 96.0 | 88.0 | 0.04 | no | no | Anonymous | more details |
||
iFlytek-ZBGKRD-fcos3d-depth-norm | yes | yes | no | no | no | no | no | no | no | no | 42.9 | 47.6 | 96.6 | 80.4 | n/a | no | no | Anonymous | 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.