All Projects → Chainer Pspnet → Similar Projects or Alternatives

1047 Open source projects that are alternatives of or similar to Chainer Pspnet

Constrained attention filter
(ECCV 2020) Tensorflow implementation of A Generic Visualization Approach for Convolutional Neural Networks
Stars: ✭ 36 (-52.63%)
Panoptic Deeplab
This is Pytorch re-implementation of our CVPR 2020 paper "Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation" (https://arxiv.org/abs/1911.10194)
Stars: ✭ 355 (+367.11%)
Addernet
Code for paper " AdderNet: Do We Really Need Multiplications in Deep Learning?"
Stars: ✭ 722 (+850%)
Tusimple Duc
Understanding Convolution for Semantic Segmentation
Stars: ✭ 567 (+646.05%)
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+821.05%)
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (-15.79%)
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-35.53%)
Mutual labels:  semantic-segmentation, imagenet
Robust Detection Benchmark
Code, data and benchmark from the paper "Benchmarking Robustness in Object Detection: Autonomous Driving when Winter is Coming" (NeurIPS 2019 ML4AD)
Stars: ✭ 128 (+68.42%)
Mutual labels:  cityscapes, pascal-voc
Dabnet
Depth-wise Asymmetric Bottleneck for Real-time Semantic Segmentation (BMVC2019)
Stars: ✭ 109 (+43.42%)
Ademxapp
Code for https://arxiv.org/abs/1611.10080
Stars: ✭ 333 (+338.16%)
Bisenetv2 Tensorflow
Unofficial tensorflow implementation of real-time scene image segmentation model "BiSeNet V2: Bilateral Network with Guided Aggregation for Real-time Semantic Segmentation"
Stars: ✭ 139 (+82.89%)
Contrastiveseg
Exploring Cross-Image Pixel Contrast for Semantic Segmentation
Stars: ✭ 135 (+77.63%)
Switchnorm segmentation
Switchable Normalization for semantic image segmentation and scene parsing.
Stars: ✭ 47 (-38.16%)
AttaNet
AttaNet for real-time semantic segmentation.
Stars: ✭ 37 (-51.32%)
Seg Uncertainty
IJCAI2020 & IJCV 2020 🌇 Unsupervised Scene Adaptation with Memory Regularization in vivo
Stars: ✭ 202 (+165.79%)
Fastseg
📸 PyTorch implementation of MobileNetV3 for real-time semantic segmentation, with pretrained weights & state-of-the-art performance
Stars: ✭ 202 (+165.79%)
Espnetv2 Coreml
Semantic segmentation on iPhone using ESPNetv2
Stars: ✭ 66 (-13.16%)
Cgnet
CGNet: A Light-weight Context Guided Network for Semantic Segmentation [IEEE Transactions on Image Processing 2020]
Stars: ✭ 186 (+144.74%)
Decouplesegnets
Implementation of Our ECCV2020-work: Improving Semantic Segmentation via Decoupled Body and Edge Supervision
Stars: ✭ 232 (+205.26%)
Tensorflow Deeplab Lfov
DeepLab-LargeFOV implemented in tensorflow
Stars: ✭ 218 (+186.84%)
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (+11.84%)
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+132.89%)
Mutual labels:  semantic-segmentation, imagenet
Self Driving Golf Cart
Be Driven 🚘
Stars: ✭ 147 (+93.42%)
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (+76.32%)
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+114.47%)
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+2194.74%)
multiclass-semantic-segmentation
Experiments with UNET/FPN models and cityscapes/kitti datasets [Pytorch]
Stars: ✭ 96 (+26.32%)
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (+203.95%)
plusseg
ShanghaiTech PLUS Lab Segmentation Toolbox and Benchmark
Stars: ✭ 21 (-72.37%)
DA-RetinaNet
Official Detectron2 implementation of DA-RetinaNet of our Image and Vision Computing 2021 work 'An unsupervised domain adaptation scheme for single-stage artwork recognition in cultural sites'
Stars: ✭ 31 (-59.21%)
Mutual labels:  pascal-voc, cityscapes
PhotographicImageSynthesiswithCascadedRefinementNetworks-Pytorch
Photographic Image Synthesis with Cascaded Refinement Networks - Pytorch Implementation
Stars: ✭ 63 (-17.11%)
panoptic-forecasting
[CVPR 2021] Forecasting the panoptic segmentation of future video frames
Stars: ✭ 44 (-42.11%)
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+260.53%)
Mutual labels:  imagenet, pascal-voc
Dilation-Pytorch-Semantic-Segmentation
A PyTorch implementation of semantic segmentation according to Multi-Scale Context Aggregation by Dilated Convolutions by Yu and Koltun.
Stars: ✭ 32 (-57.89%)
DetectionMetrics
Tool to evaluate deep-learning detection and segmentation models, and to create datasets
Stars: ✭ 66 (-13.16%)
Mutual labels:  imagenet, pascal-voc
Switchable Normalization
Code for Switchable Normalization from "Differentiable Learning-to-Normalize via Switchable Normalization", https://arxiv.org/abs/1806.10779
Stars: ✭ 804 (+957.89%)
Lightnet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
Stars: ✭ 698 (+818.42%)
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (+901.32%)
Tensorflow Deeplab Resnet
DeepLab-ResNet rebuilt in TensorFlow
Stars: ✭ 1,198 (+1476.32%)
Semanticsegmentation
A framework for training segmentation models in pytorch on labelme annotations with pretrained examples of skin, cat, and pizza topping segmentation
Stars: ✭ 52 (-31.58%)
Mutual labels:  semantic-segmentation
Awesome Data Labeling
A curated list of awesome data labeling tools
Stars: ✭ 1,120 (+1373.68%)
Mutual labels:  semantic-segmentation
Ccnet
CCNet: Criss-Cross Attention for Semantic Segmentation (TPAMI 2020 & ICCV 2019).
Stars: ✭ 1,059 (+1293.42%)
Mutual labels:  semantic-segmentation
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-35.53%)
Mutual labels:  semantic-segmentation
Chainer Ssd
Implementation of SSD (Single Shot MultiBox Detector) using Chainer
Stars: ✭ 66 (-13.16%)
Mutual labels:  chainer
Global convolutional network
Pytorch implementation of GCN architecture for semantic segmentation
Stars: ✭ 63 (-17.11%)
Mutual labels:  semantic-segmentation
Numpy Convnet
A small and pure Numpy Convolutional Neural Network library.
Stars: ✭ 50 (-34.21%)
Awesome Semantic Segmentation
🤘 awesome-semantic-segmentation
Stars: ✭ 8,831 (+11519.74%)
Mutual labels:  semantic-segmentation
Tf eeglearn
A tensorflow implementation for EEGLearn
Stars: ✭ 64 (-15.79%)
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+10844.74%)
Mutual labels:  imagenet
Densetorch
An easy-to-use wrapper for work with dense per-pixel tasks in PyTorch (including multi-task learning)
Stars: ✭ 50 (-34.21%)
Mutual labels:  semantic-segmentation
Recurrent Environment Simulators
Deepmind Recurrent Environment Simulators paper implementation in tensorflow
Stars: ✭ 73 (-3.95%)
Deep Plant
Deep-Plant: Plant Classification with CNN/RNN. It consists of CAFFE/Tensorflow implementation of our PR-17, TIP-18 (HGO-CNN & PlantStructNet) and MalayaKew dataset.
Stars: ✭ 66 (-13.16%)
Pointcnn
PointCNN: Convolution On X-Transformed Points (NeurIPS 2018)
Stars: ✭ 1,120 (+1373.68%)
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-35.53%)
Dldl
Deep Label Distribution Learning with Label Ambiguity
Stars: ✭ 49 (-35.53%)
Mutual labels:  semantic-segmentation
Tensorflow Cnn Time Series
Feeding images of time series to Conv Nets! (Tensorflow + Keras)
Stars: ✭ 49 (-35.53%)
Sketchcnn
Robust freeform surface modeling from user 2d sketches.
Stars: ✭ 66 (-13.16%)
Neuralstyler
Turn Your Videos/photos/Gif into Art
Stars: ✭ 61 (-19.74%)
Mutual labels:  chainer
Pspnet Pytorch
PyTorch implementation of PSPNet
Stars: ✭ 49 (-35.53%)
Mutual labels:  semantic-segmentation
Accurate Binary Convolution Network
Binary Convolution Network for faster real-time processing in ASICs
Stars: ✭ 49 (-35.53%)
61-120 of 1047 similar projects