The code for "Deep Level Set for Box-supervised Instance Segmentation in Aerial Images".

Overview

Deep Levelset for Box-supervised Instance Segmentation in Aerial Images

Wentong Li, Yijie Chen, Wenyu Liu, Jianke Zhu*

This code is based on MMdetection and AerialDetection. The code is coming soon.

Visualization

Instance segmentation results on the iSAID test set with the supervision of box annotations.

Citation

@article{li2021deep,
	title="Deep Level Set for Box-supervised Instance Segmentation in Aerial Images.",
	author="Wentong {Li}, Yijie {Chen}, Wenyu {Liu}, Jianke {Zhu}.",
	journal="arXiv preprint arXiv:2112.03451",
	year="2021"
}
Comments
  • Pretrained Weights for iSAID dataset

    Pretrained Weights for iSAID dataset

    @LiWentomng hi thanks for sharing the work can y ou please share the pretrained weights for iSAID dataset on google drive or one drive THanks in advance

    opened by abhigoku10 3
  • The code about levelset

    The code about levelset

    Thank you for your great work. I want to know about the specific implementation of level sets, but I don't know where the code is about level sets. Can you point me to the exact location of the level set code? Thanks!

    opened by sutiankang 1
  • Question regarding the LevelSetLoss implementation

    Question regarding the LevelSetLoss implementation

    Thanks for your awesome work.

    I found in the implementation of LevelSetLoss that the term of length regularization is not calculated. Would you like to share the reason for it?

    Besides that, what is the motivation that only calculates the loss for the positive samples in Eqn.(11) in the paper?

    Best

    opened by QianyiWu 1
  • training time

    training time

    Hello, how long does it take to use 2080ti for training? I have two 2080tis, so I want to know the length of training. Or what graphics card do you use and how long does it take to train?think you

    opened by liuguol 1
  • Instance Segmentation on the Whole Image

    Instance Segmentation on the Whole Image

    @LiWentomng In your paper, you mentioned restricting the level set to gt bounding box for segmentation and also mentioned that the training result is poor on the whole image. How can I get the boxlevelset to run on the whole image?

    opened by zhaoyangwei123 0
  • IndexError: list index out of range

    IndexError: list index out of range

    I ran into this problem when training with a custom data set.How to solve it? Traceback (most recent call last): File "tools/train.py", line 191, in main() File "tools/train.py", line 187, in main meta=meta) File "/content/drive/MyDrive/boxlevelset/mmdet/apis/train.py", line 172, in train_detector runner.run(data_loaders, cfg.workflow) File "/usr/local/lib/python3.7/site-packages/mmcv/runner/epoch_based_runner.py", line 127, in run epoch_runner(data_loaders[i], **kwargs) File "/usr/local/lib/python3.7/site-packages/mmcv/runner/epoch_based_runner.py", line 54, in train self.call_hook('after_train_epoch') File "/usr/local/lib/python3.7/site-packages/mmcv/runner/base_runner.py", line 307, in call_hook getattr(hook, fn_name)(self) File "/content/drive/MyDrive/boxlevelset/mmdet/core/evaluation/eval_hooks.py", line 147, in after_train_epoch key_score = self.evaluate(runner, results) File "/content/drive/MyDrive/boxlevelset/mmdet/core/evaluation/eval_hooks.py", line 177, in evaluate results, logger=runner.logger, **self.eval_kwargs) File "/content/drive/MyDrive/boxlevelset/mmdet/datasets/dcm.py", line 482, in evaluate cocoEval.evaluate() File "/usr/local/lib/python3.7/site-packages/pycocotools/cocoeval.py", line 149, in evaluate self._prepare() File "/usr/local/lib/python3.7/site-packages/pycocotools/cocoeval.py", line 110, in _prepare _toMask(gts, self.cocoGt) File "/usr/local/lib/python3.7/site-packages/pycocotools/cocoeval.py", line 95, in _toMask rle = coco.annToRLE(ann) File "/usr/local/lib/python3.7/site-packages/pycocotools/coco.py", line 497, in annToRLE rles = maskUtils.frPyObjects(segm, h, w) File "pycocotools/_mask.pyx", line 292, in pycocotools._mask.frPyObjects IndexError: list index out of range

    opened by ccdongxu 3
  • Instance and Panoptic segmentation

    Instance and Panoptic segmentation

    @LiWentomng thanks for thsi toolbox it shall be very helpfull to the community, just had few queries

    can we use this to train instance segmentation using BDD100k dataset for all the scenes Panpotic based segmentation dataset Thanks in adavance

    opened by abhigoku10 1
  • no module named tree_filter_cuda

    no module named tree_filter_cuda

    Traceback (most recent call last): File "./train.py", line 15, in from mmdet.apis import set_random_seed, train_detector File "/workspace/boxlevelset/mmdet/apis/init.py", line 1, in from .inference import (async_inference_detector, inference_detector, File "/workspace/boxlevelset/mmdet/apis/inference.py", line 11, in from mmdet.datasets import replace_ImageToTensor File "/workspace/boxlevelset/mmdet/datasets/init.py", line 10, in from .utils import (NumClassCheckHook, get_loading_pipeline, File "/workspace/boxlevelset/mmdet/datasets/utils.py", line 9, in from mmdet.models.dense_heads import GARPNHead, RPNHead File "/workspace/boxlevelset/mmdet/models/init.py", line 6, in from .dense_heads import * # noqa: F401,F403 File "/workspace/boxlevelset/mmdet/models/dense_heads/init.py", line 30, in from .box_solov2_head import BoxSOLOv2Head File "/workspace/boxlevelset/mmdet/models/dense_heads/box_solov2_head.py", line 12, in from mmdet.ops.tree_filter.modules.tree_filter import MinimumSpanningTree, TreeFilter2D File "/workspace/boxlevelset/mmdet/ops/tree_filter/modules/tree_filter.py", line 5, in from ..functions.mst import mst File "/workspace/boxlevelset/mmdet/ops/tree_filter/functions/mst.py", line 7, in import tree_filter_cuda as _C ModuleNotFoundError: No module named 'tree_filter_cuda'

    opened by shanghangjiang 8
Owner
sunshine.lwt
sunshine.lwt
Inference code for "StylePeople: A Generative Model of Fullbody Human Avatars" paper. This code is for the part of the paper describing video-based avatars.

NeuralTextures This is repository with inference code for paper "StylePeople: A Generative Model of Fullbody Human Avatars" (CVPR21). This code is for

Visual Understanding Lab @ Samsung AI Center Moscow 18 Oct 6, 2022
A code generator from ONNX to PyTorch code

onnx-pytorch Generating pytorch code from ONNX. Currently support onnx==1.9.0 and torch==1.8.1. Installation From PyPI pip install onnx-pytorch From

Wenhao Hu 94 Jan 6, 2023
This is the code for our KILT leaderboard submission to the T-REx and zsRE tasks. It includes code for training a DPR model then continuing training with RAG.

KGI (Knowledge Graph Induction) for slot filling This is the code for our KILT leaderboard submission to the T-REx and zsRE tasks. It includes code fo

International Business Machines 72 Jan 6, 2023
Convert Python 3 code to CUDA code.

Py2CUDA Convert python code to CUDA. Usage To convert a python file say named py_file.py to CUDA, run python generate_cuda.py --file py_file.py --arch

Yuval Rosen 3 Jul 14, 2021
Empirical Study of Transformers for Source Code & A Simple Approach for Handling Out-of-Vocabulary Identifiers in Deep Learning for Source Code

Transformers for variable misuse, function naming and code completion tasks The official PyTorch implementation of: Empirical Study of Transformers fo

Bayesian Methods Research Group 56 Nov 15, 2022
Reference implementation of code generation projects from Facebook AI Research. General toolkit to apply machine learning to code, from dataset creation to model training and evaluation. Comes with pretrained models.

This repository is a toolkit to do machine learning for programming languages. It implements tokenization, dataset preprocessing, model training and m

Facebook Research 408 Jan 1, 2023
Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

CoProtector Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

Zhensu Sun 1 Oct 26, 2021
Low-code/No-code approach for deep learning inference on devices

EzEdgeAI A concept project that uses a low-code/no-code approach to implement deep learning inference on devices. It provides a componentized framewor

On-Device AI Co., Ltd. 7 Apr 5, 2022
Code for all the Advent of Code'21 challenges mostly written in python

Advent of Code 21 Code for all the Advent of Code'21 challenges mostly written in python. They are not necessarily the best or fastest solutions but j

null 4 May 26, 2022
Code to use Augmented Shapiro Wilks Stopping, as well as code for the paper "Statistically Signifigant Stopping of Neural Network Training"

This codebase is being actively maintained, please create and issue if you have issues using it Basics All data files are included under losses and ea

J K Terry 32 Nov 9, 2021
Opinionated code formatter, just like Python's black code formatter but for Beancount

beancount-black Opinionated code formatter, just like Python's black code formatter but for Beancount Try it out online here Features MIT licensed - b

Launch Platform 16 Oct 11, 2022
a delightful machine learning tool that allows you to train, test and use models without writing code

igel A delightful machine learning tool that allows you to train/fit, test and use models without writing code Note I'm also working on a GUI desktop

Nidhal Baccouri 3k Jan 5, 2023
Pytorch Lightning code guideline for conferences

Deep learning project seed Use this seed to start new deep learning / ML projects. Built in setup.py Built in requirements Examples with MNIST Badges

Pytorch Lightning 1k Jan 2, 2023
Automatically Build Multiple ML Models with a Single Line of Code. Created by Ram Seshadri. Collaborators Welcome. Permission Granted upon Request.

Auto-ViML Automatically Build Variant Interpretable ML models fast! Auto_ViML is pronounced "auto vimal" (autovimal logo created by Sanket Ghanmare) N

AutoViz and Auto_ViML 397 Dec 30, 2022
Code samples for my book "Neural Networks and Deep Learning"

Code samples for "Neural Networks and Deep Learning" This repository contains code samples for my book on "Neural Networks and Deep Learning". The cod

Michael Nielsen 13.9k Dec 26, 2022
Code for: https://berkeleyautomation.github.io/bags/

DeformableRavens Code for the paper Learning to Rearrange Deformable Cables, Fabrics, and Bags with Goal-Conditioned Transporter Networks. Here is the

Daniel Seita 121 Dec 30, 2022
Code for our method RePRI for Few-Shot Segmentation. Paper at http://arxiv.org/abs/2012.06166

Region Proportion Regularized Inference (RePRI) for Few-Shot Segmentation In this repo, we provide the code for our paper : "Few-Shot Segmentation Wit

Malik Boudiaf 138 Dec 12, 2022
Applications using the GTN library and code to reproduce experiments in "Differentiable Weighted Finite-State Transducers"

gtn_applications An applications library using GTN. Current examples include: Offline handwriting recognition Automatic speech recognition Installing

Facebook Research 68 Dec 29, 2022
Code for "Contextual Non-Local Alignment over Full-Scale Representation for Text-Based Person Search"

Contextual Non-Local Alignment over Full-Scale Representation for Text-Based Person Search This is an implementation for our paper Contextual Non-Loca

Tencent YouTu Research 50 Dec 3, 2022