All Projects → suyogduttjain → Pixelobjectness

suyogduttjain / Pixelobjectness

Generic Foreground Segmentation in Images

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pixelobjectness

Segmentation models.pytorch
Segmentation models with pretrained backbones. PyTorch.
Stars: ✭ 4,584 (+2876.62%)
Mutual labels:  image-segmentation, pretrained-models
Entity
EntitySeg Toolbox: Towards Open-World and High-Quality Image Segmentation
Stars: ✭ 313 (+103.25%)
Mutual labels:  pretrained-models, image-segmentation
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (-18.83%)
Mutual labels:  image-segmentation
Text segmentation image inpainting
Stars: ✭ 146 (-5.19%)
Mutual labels:  image-segmentation
Nnsplit
Semantic text segmentation. For sentence boundary detection, compound splitting and more.
Stars: ✭ 141 (-8.44%)
Mutual labels:  pretrained-models
Electra
中文 预训练 ELECTRA 模型: 基于对抗学习 pretrain Chinese Model
Stars: ✭ 132 (-14.29%)
Mutual labels:  pretrained-models
Tf unet
Generic U-Net Tensorflow implementation for image segmentation
Stars: ✭ 1,802 (+1070.13%)
Mutual labels:  image-segmentation
Open Solution Salt Identification
Open solution to the TGS Salt Identification Challenge
Stars: ✭ 124 (-19.48%)
Mutual labels:  image-segmentation
Awesome Sentence Embedding
A curated list of pretrained sentence and word embedding models
Stars: ✭ 1,973 (+1181.17%)
Mutual labels:  pretrained-models
Wavegrad
A fast, high-quality neural vocoder.
Stars: ✭ 138 (-10.39%)
Mutual labels:  pretrained-models
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+1146.75%)
Mutual labels:  pretrained-models
Diffwave
DiffWave is a fast, high-quality neural vocoder and waveform synthesizer.
Stars: ✭ 139 (-9.74%)
Mutual labels:  pretrained-models
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (-12.99%)
Mutual labels:  pretrained-models
Tod Bert
Pre-Trained Models for ToD-BERT
Stars: ✭ 143 (-7.14%)
Mutual labels:  pretrained-models
Pretrained
Pretrained is the most complete and frequently updated list of pretrained top-performing models. Tensorflow, Theano and others. Want to add your model? File an issue, and we will add it.
Stars: ✭ 129 (-16.23%)
Mutual labels:  pretrained-models
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (-5.19%)
Mutual labels:  pretrained-models
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-19.48%)
Mutual labels:  image-segmentation
Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-10.39%)
Mutual labels:  pretrained-models
Clue
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Stars: ✭ 2,425 (+1474.68%)
Mutual labels:  pretrained-models
Super Bpd
Super-BPD: Super Boundary-to-Pixel Direction for Fast Image Segmentation (CVPR 2020)
Stars: ✭ 153 (-0.65%)
Mutual labels:  image-segmentation

Pixel Objectness

The following repository contains pretrained model for pixel objectness.

Please visit our project page for the paper and visual results.

If you use this in your research, please cite the following paper:

@article{pixelobjectness,
  Author = {Jain, Suyog and Xiong, Bo and Grauman, Kristen},
  Journal = {arXiv preprint arXiv:1701.05349},
  Title = {Pixel Objectness},
  Year = {2017}
}

These models are freely available for research and academic purposes. However it's patent pending, so please contact us for any commercial use.

Using the pretrained models:

This model is trained using Deeplab-v1 caffe library. Please cite [1] and [2] if you use the code.

  • Setup: Download and install Deeplab-v1 from here

  • Refer to demo.py for step-by-step instruction on how to run the code.

  • Store the images that you want to process in the images folder.

  • Update the caffe binary path and image extension variable in demo.py

  • Running demo.py will produce three files 1) image_list.txt : contains list of of input images, 2) output_list.txt: contains names to be used to store the output of pixel objectness 3) test.protoxt: prototxt file required for loading the pretrained model.

  • Please resize your images so that the maximum side is < 513, otherwise update the crop_size value in test_template.prototxt. Bigger crop sizes require larger gpu memory.

Visualizing the results:

After execution demo.py will store pixel objectness results as matlab files.

Please refer to show_results.m to see how to visualize and extract foreground masks.

Please cite these too if you use the code:

[1] Caffe:

@article{jia2014caffe,
Author = {Jia, Yangqing and Shelhamer, Evan and Donahue, Jeff and Karayev, Sergey and Long, Jonathan and Girshick, Ross and Guadarrama, Sergio and Darrell, Trevor},
Journal = {arXiv preprint arXiv:1408.5093},
Title = {Caffe: Convolutional Architecture for Fast Feature Embedding},
Year = {2014}
}

[2] Deeplab-v1:

@inproceedings{chen14semantic,
title={Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs},
author={Liang-Chieh Chen and George Papandreou and Iasonas Kokkinos and Kevin Murphy and Alan L Yuille},
booktitle={ICLR},
url={http://arxiv.org/abs/1412.7062},
year={2015}
}
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].