All Projects → carrierlxk → Cosnet

carrierlxk / Cosnet

See More, Know More: Unsupervised Video Object Segmentation with Co-Attention Siamese Networks (CVPR19)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Cosnet

adaptive-segmentation-mask-attack
Pre-trained model, code, and materials from the paper "Impact of Adversarial Examples on Deep Learning Models for Biomedical Image Segmentation" (MICCAI 2019).
Stars: ✭ 50 (-81.48%)
Mutual labels:  segmentation
automated-deep-photo-style-transfer
TensorFlow implementation for the paper "Automated Deep Photo Style Transfer"
Stars: ✭ 92 (-65.93%)
Mutual labels:  segmentation
GuidedLabelling
Exploiting Saliency for Object Segmentation from Image Level Labels, CVPR'17
Stars: ✭ 35 (-87.04%)
Mutual labels:  segmentation
CISTEM
Stemmer for German
Stars: ✭ 33 (-87.78%)
Mutual labels:  segmentation
cellcount
A Convolutional Neural Network for Segmenting and Counting Cells in Microscopy Images
Stars: ✭ 51 (-81.11%)
Mutual labels:  segmentation
LSDNN
A robust laser stripe extraction method for structured-light vision sensing
Stars: ✭ 17 (-93.7%)
Mutual labels:  segmentation
Baysor
Bayesian Segmentation of Spatial Transcriptomics Data
Stars: ✭ 53 (-80.37%)
Mutual labels:  segmentation
Jejunet
Real-Time Video Segmentation on Mobile Devices with DeepLab V3+, MobileNet V2. Worked on the project in 🏝 Jeju island
Stars: ✭ 258 (-4.44%)
Mutual labels:  segmentation
dilation-keras
Multi-Scale Context Aggregation by Dilated Convolutions in Keras.
Stars: ✭ 72 (-73.33%)
Mutual labels:  segmentation
Mask-Propagation
[CVPR 2021] MiVOS - Mask Propagation module. Reproduced STM (and better) with training code 🌟. Semi-supervised video object segmentation evaluation.
Stars: ✭ 71 (-73.7%)
Mutual labels:  segmentation
HyperDenseNet pytorch
Pytorch version of the HyperDenseNet deep neural network for multi-modal image segmentation
Stars: ✭ 58 (-78.52%)
Mutual labels:  segmentation
nlp-pure
Natural language processing algorithms implemented in pure Ruby with minimal dependencies
Stars: ✭ 19 (-92.96%)
Mutual labels:  segmentation
PyTorch-UNet
PyTorch Implementation for Segmentation and Saliency Prediction
Stars: ✭ 21 (-92.22%)
Mutual labels:  segmentation
TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
Stars: ✭ 64 (-76.3%)
Mutual labels:  segmentation
Glnet
[CVPR 2019, Oral] "Collaborative Global-Local Networks for Memory-Efficient Segmentation of Ultra-High Resolution Images" by Wuyang Chen*, Ziyu Jiang*, Zhangyang Wang, Kexin Cui, and Xiaoning Qian
Stars: ✭ 254 (-5.93%)
Mutual labels:  segmentation
VOS-Paper-List
Semi-Supervised Video Object Segmentation(VOS) Paper List
Stars: ✭ 28 (-89.63%)
Mutual labels:  segmentation
ArabicProcessingCog
A Python package that do stemming, tokenization, sentence breaking, segmentation, normalization, POS tagging for Arabic language.
Stars: ✭ 19 (-92.96%)
Mutual labels:  segmentation
Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
Stars: ✭ 2,805 (+938.89%)
Mutual labels:  segmentation
Sipmask
SipMask: Spatial Information Preservation for Fast Image and Video Instance Segmentation (ECCV2020)
Stars: ✭ 255 (-5.56%)
Mutual labels:  segmentation
superpixels-segmentation-gui-opencv
Superpixels segmentation algorithms with QT and OpenCV, with a nice GUI to colorize the cells
Stars: ✭ 23 (-91.48%)
Mutual labels:  segmentation

COSNet

Code for CVPR 2019 paper:

See More, Know More: Unsupervised Video Object Segmentation with Co-Attention Siamese Networks

Xiankai Lu, Wenguan Wang, Chao Ma, Jianbing Shen, Ling Shao, Fatih Porikli


🆕

Our group co-attention achieves a further performance gain (81.1 mean J on DAVIS-16 dataset), related codes have also been released.

The pre-trained model, testing and training code:

Quick Start

Testing

  1. Install pytorch (version:1.0.1).

  2. Download the pretrained model. Run 'test_coattention_conf.py' and change the davis dataset path, pretrainde model path and result path.

  3. Run command: python test_coattention_conf.py --dataset davis --gpus 0

  4. Post CRF processing code comes from: https://github.com/lucasb-eyer/pydensecrf.

The pretrained weight can be download from GoogleDrive or BaiduPan, pass code: xwup.

The segmentation results on DAVIS, FBMS and Youtube-objects can be download from DAVIS_benchmark(https://davischallenge.org/davis2016/soa_compare.html) or GoogleDrive or BaiduPan, pass code: q37f.

The youtube-objects dataset can be downloaded from here and annotation can be found here.

The FBMS dataset can be downloaded from here.

Training

  1. Download all the training datasets, including MARA10K and DUT saliency datasets. Create a folder called images and put these two datasets into the folder.

  2. Download the deeplabv3 model from GoogleDrive. Put it into the folder pretrained/deep_labv3.

  3. Change the video path, image path and deeplabv3 path in train_iteration_conf.py. Create two txt files which store the saliency dataset name and DAVIS16 training sequences name. Change the txt path in PairwiseImg_video.py.

  4. Run command: python train_iteration_conf.py --dataset davis --gpus 0,1

Citation

If you find the code and dataset useful in your research, please consider citing:

@InProceedings{Lu_2019_CVPR,  
author = {Lu, Xiankai and Wang, Wenguan and Ma, Chao and Shen, Jianbing and Shao, Ling and Porikli, Fatih},  
title = {See More, Know More: Unsupervised Video Object Segmentation With Co-Attention Siamese Networks},  
booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},  
year = {2019}  
}
@article{lu2020_pami,
  title={Zero-Shot Video Object Segmentation with Co-Attention Siamese Networks},
  author={Lu, Xiankai and Wang, Wenguan and Shen, Jianbing and Crandall, David and Luo, Jiebo},
  journal={IEEE Transactions on Pattern Analysis and Machine Intelligence},
  year={2020},
  publisher={IEEE}
}

Other related projects/papers:

Saliency-Aware Geodesic Video Object Segmentation (CVPR15)

Learning Unsupervised Video Primary Object Segmentation through Visual Attention (CVPR19)

Any comments, please email: [email protected]

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].