All Projects → AlexMa011 → pytorch-polygon-rnn

AlexMa011 / pytorch-polygon-rnn

Licence: GPL-3.0 license
Pytorch implementation of Polygon-RNN(http://www.cs.toronto.edu/polyrnn/poly_cvpr17/)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to pytorch-polygon-rnn

score-zeroshot
Semantically consistent regularizer for zero-shot learning
Stars: ✭ 65 (-36.27%)
Mutual labels:  cvpr-2017
FaPN
[ICCV 2021] FaPN: Feature-aligned Pyramid Network for Dense Image Prediction
Stars: ✭ 173 (+69.61%)
Mutual labels:  instance-segmentation
Tensorflow-YOLACT
Implementation of the paper "YOLACT Real-time Instance Segmentation" in Tensorflow 2
Stars: ✭ 97 (-4.9%)
Mutual labels:  instance-segmentation
Deep-Learning
Side projects and hands-on work
Stars: ✭ 16 (-84.31%)
Mutual labels:  instance-segmentation
BCNet
Deep Occlusion-Aware Instance Segmentation with Overlapping BiLayers [CVPR 2021]
Stars: ✭ 434 (+325.49%)
Mutual labels:  instance-segmentation
Light-Condition-Style-Transfer
Lane Detection in Low-light Conditions Using an Efficient Data Enhancement : Light Conditions Style Transfer (IV 2020)
Stars: ✭ 133 (+30.39%)
Mutual labels:  instance-segmentation
DropLoss
Implementation of DropLoss for Long-Tail Instance Segmentation in Pytorch
Stars: ✭ 38 (-62.75%)
Mutual labels:  instance-segmentation
rt-mrcnn
Real time instance segmentation with Mask R-CNN, live from webcam feed.
Stars: ✭ 47 (-53.92%)
Mutual labels:  instance-segmentation
celldetection
Cell Detection with PyTorch.
Stars: ✭ 44 (-56.86%)
Mutual labels:  instance-segmentation
SimCal
Implementation of ECCV20 paper: the devil is in classification: a simple framework for long-tail object detection and instance segmentation
Stars: ✭ 99 (-2.94%)
Mutual labels:  instance-segmentation
Paper-Notes
Paper notes in deep learning/machine learning and computer vision
Stars: ✭ 37 (-63.73%)
Mutual labels:  instance-segmentation
chainer-fcis
[This project has moved to ChainerCV] Chainer Implementation of Fully Convolutional Instance-aware Semantic Segmentation
Stars: ✭ 45 (-55.88%)
Mutual labels:  instance-segmentation
CAP augmentation
Cut and paste augmentation for object detection and instance segmentation
Stars: ✭ 93 (-8.82%)
Mutual labels:  instance-segmentation
NLDF
No description or website provided.
Stars: ✭ 59 (-42.16%)
Mutual labels:  cvpr-2017
labelme2coco
How to create custom COCO data set for instance segmentation
Stars: ✭ 125 (+22.55%)
Mutual labels:  instance-segmentation
Xtreme-Vision
A High Level Python Library to empower students, developers to build applications and systems enabled with computer vision capabilities.
Stars: ✭ 77 (-24.51%)
Mutual labels:  instance-segmentation
SphereFace
🍑 TensorFlow Code for CVPR 2017 paper "SphereFace: Deep Hypersphere Embedding for Face Recognition"
Stars: ✭ 110 (+7.84%)
Mutual labels:  cvpr-2017
adascan-public
Code for AdaScan: Adaptive Scan Pooling (CVPR 2017)
Stars: ✭ 43 (-57.84%)
Mutual labels:  cvpr-2017
prostate segmentation
NCI-ISBI 2013 Challenge - Automated Segmentation of Prostate Structures
Stars: ✭ 28 (-72.55%)
Mutual labels:  instance-segmentation
pytorch solov2
SOLOv2 pytorch (without mmdetection and mmcv)
Stars: ✭ 68 (-33.33%)
Mutual labels:  instance-segmentation

pytorch-polygon-rnn

Pytorch implementation of Polygon-RNN. Notice that I use another way to handle the first vertex instead of training another model as in the paper. I will not maintain the project, please refer to Polygon-RNN++ for better experience.

Difference with the original paper

  1. I use two virtual starting vertices to handle the first vertex as in the image captioning.

  2. I add a LSTM layer after the ConvLSTM layers since I need the output to be D*D+1 dimension to handle the end symbol.

How to train and test

  1. Download data from CityScapes, organize the image files and annotation json files as follows:
img
├── train
│   ├── cityname1
│   │   ├── pic.png
│   │   ├── ...
│   ├── cityname2
│   │   ├── pic.png
│   │   ├── ...
├── val
│   ├── cityname
│   │   ├── pic.png
│   │   ├── ...
├── test
│   ├── cityname
│   │   ├── pic.png
│   │   ├── ...
label
├── train
│   ├── cityname1
│   │   ├── annotation.json
│   │   ├── ...
│   ├── cityname2
│   │   ├── annotation.json
│   │   ├── ...
├── val
│   ├── cityname
│   │   ├── annotation.json
│   │   ├── ...
├── test
│   ├── cityname
│   │   ├── annotation.json
│   │   ├── ...

The png files and the json files should have corresponding same name.

Execute the following command to make directories for new data and save models:

mkdir -p new_img/(train/val/test)
mkdir -p new_label/(train/val/test)
mkdir save
  1. Run the following command to generate data for train/validation/test.
python generate_data.py --data train/val/test
  1. Run the following command to train.
python train.py --gpu_id 0 1 2 --batch_size 8  --lr 0.0001
  1. Run the following command to validate.
python validate.py --gpu_id 0 1 2 --batch_size 8
  1. Run the following command to test.
python test.py --gpu_id 0 --model ./save/model.pth

Now you can easily change configurations on default_config.yaml.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].