All Projects → alexanderkroner → saliency

alexanderkroner / saliency

Licence: MIT license
Contextual Encoder-Decoder Network for Visual Saliency Prediction [Neural Networks 2020]

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to saliency

speaker-recognition-papers
Share some recent speaker recognition papers and their implementations.
Stars: ✭ 92 (-26.98%)
Mutual labels:  paper-implementations
logically
explorations in core.logic
Stars: ✭ 108 (-14.29%)
Mutual labels:  paper-implementations
CycleGAN
A simple code of CycleGAN which is easy to read is implemented by TensorFlow
Stars: ✭ 21 (-83.33%)
Mutual labels:  paper-implementations
dgcnn
Clean & Documented TF2 implementation of "An end-to-end deep learning architecture for graph classification" (M. Zhang et al., 2018).
Stars: ✭ 21 (-83.33%)
Mutual labels:  paper-implementations
selective search
Python implementation of selective search
Stars: ✭ 40 (-68.25%)
Mutual labels:  paper-implementations
Plant-Disease-Identification-using-CNN
Plant Disease Identification Using Convulutional Neural Network
Stars: ✭ 89 (-29.37%)
Mutual labels:  paper-implementations
mrnet
Building an ACL tear detector to spot knee injuries from MRIs with PyTorch (MRNet)
Stars: ✭ 98 (-22.22%)
Mutual labels:  paper-implementations
Pytorch Vae
A Collection of Variational Autoencoders (VAE) in PyTorch.
Stars: ✭ 2,704 (+2046.03%)
Mutual labels:  paper-implementations
Alae
[CVPR2020] Adversarial Latent Autoencoders
Stars: ✭ 3,178 (+2422.22%)
Mutual labels:  paper-implementations
SAnD
[Implementation example] Attend and Diagnose: Clinical Time Series Analysis Using Attention Models
Stars: ✭ 39 (-69.05%)
Mutual labels:  paper-implementations
Awesome CV Research
No description or website provided.
Stars: ✭ 18 (-85.71%)
Mutual labels:  paper-implementations
MogrifierLSTM
A quick walk-through of the innards of LSTMs and a naive implementation of the Mogrifier LSTM paper in PyTorch
Stars: ✭ 58 (-53.97%)
Mutual labels:  paper-implementations
NALU-Keras
A keras implementation of [Neural Arithmetic Logic Units](https://arxiv.org/pdf/1808.00508.pdf) by Andrew et. al.
Stars: ✭ 14 (-88.89%)
Mutual labels:  paper-implementations
pghumor
Is This a Joke? Humor Detection in Spanish Tweets
Stars: ✭ 48 (-61.9%)
Mutual labels:  paper-implementations
material-appearance-similarity
Code for the paper "A Similarity Measure for Material Appearance" presented in SIGGRAPH 2019 and published in ACM Transactions on Graphics (TOG).
Stars: ✭ 22 (-82.54%)
Mutual labels:  paper-implementations
ASNet
Salient Object Detection Driven by Fixation Prediction (CVPR2018)
Stars: ✭ 41 (-67.46%)
Mutual labels:  saliency-prediction
saliency
Pytorch Implementation of the paper - "Tidying Deep Saliency Prediction Architectures"
Stars: ✭ 27 (-78.57%)
Mutual labels:  saliency-prediction
STRA-Net
STRAL-Net
Stars: ✭ 21 (-83.33%)
Mutual labels:  saliency-prediction

Contextual Encoder-Decoder Network
for Visual Saliency Prediction

This repository contains the official TensorFlow implementation of the MSI-Net (multi-scale information network), as described in the Neural Networks paper Contextual encoder-decoder network for visual saliency prediction (2020) and on arXiv.

Abstract: Predicting salient regions in natural images requires the detection of objects that are present in a scene. To develop robust representations for this challenging task, high-level visual features at multiple spatial scales must be extracted and augmented with contextual information. However, existing models aimed at explaining human fixation maps do not incorporate such a mechanism explicitly. Here we propose an approach based on a convolutional neural network pre-trained on a large-scale image classification task. The architecture forms an encoder-decoder structure and includes a module with multiple convolutional layers at different dilation rates to capture multi-scale features in parallel. Moreover, we combine the resulting representations with global scene information for accurately predicting visual saliency. Our model achieves competitive and consistent results across multiple evaluation metrics on two public saliency benchmarks and we demonstrate the effectiveness of the suggested approach on five datasets and selected examples. Compared to state of the art approaches, the network is based on a lightweight image classification backbone and hence presents a suitable choice for applications with limited computational resources, such as (virtual) robotic systems, to estimate human fixations across complex natural scenes.

Our results are available on the original MIT saliency benchmark and the updated MIT/Tübingen saliency benchmark. The latter are derived from a probabilistic version of our model with metric-specific postprocessing for a fair model comparison.

Reference

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

@article{kroner2020contextual,
  title={Contextual encoder-decoder network for visual saliency prediction},
  author={Kroner, Alexander and Senden, Mario and Driessens, Kurt and Goebel, Rainer},
  url={http://www.sciencedirect.com/science/article/pii/S0893608020301660},
  doi={https://doi.org/10.1016/j.neunet.2020.05.004},
  journal={Neural Networks},
  publisher={Elsevier},
  year={2020},
  volume={129},
  pages={261--270},
  issn={0893-6080}
}

Architecture

Requirements

Package Version
python 3.6.8
tensorflow 1.13.1
matplotlib 3.0.3
requests 2.21.0
gdown 4.4.0
scipy 1.4.1

The code was tested and is compatible with both Windows and Linux. We strongly recommend to use TensorFlow with GPU acceleration, especially when training the model. Nevertheless, a slower CPU version is officially supported.

Training

The results of our paper can be reproduced by first training the MSI-Net via the following command:

python main.py train

This will start the training procedure for the SALICON dataset with the hyperparameters defined in config.py. If you want to optimize the model for CPU usage, please change the corresponding device value in the configurations file. Optionally, the dataset and download path can be specified via command line arguments:

python main.py train -d DATA -p PATH

Here, the DATA argument must be salicon, mit1003, cat2000, dutomron, pascals, osie, or fiwi. It is required that the model is first trained on the SALICON dataset before fine-tuning it on any of the other ones. By default, the selected saliency dataset will be downloaded to the folder data/ but you can point to a different directory via the PATH argument.

All results are then stored under the folder results/, which contains the training history and model checkpoints. This allows to continue training or perform inference on test instances, as described in the next section.

Testing

To test a pre-trained model on image data and produce saliency maps, execute the following command:

python main.py test -d DATA -p PATH

If no checkpoint is available from prior training, it will automatically download our pre-trained model to weights/. The DATA argument defines which network is used and must be salicon, mit1003, cat2000, dutomron, pascals, osie, or fiwi. It will then resize the input images to the dimensions specified in the configurations file. Note that this might lead to excessive image padding depending on the selected dataset.

The PATH argument points to the folder where the test data is stored but can also denote a single image file directly. As for network training, the device value can be changed to CPU in the configurations file. This ensures that the model optimized for CPU will be utilized and hence improves the inference speed. All results are finally stored in the folder results/images/ with the original image dimensions.

Demo

A demonstration of saliency prediction in the browser is available here. It computes saliency maps based on the input from a webcam via TensorFlow.js. Since the library uses the machine's hardware, model performance is dependent on your local configuration. The buttons allow you to select the quality, ranging from very low for a version trained on low image resolution with high inference speed, to very high for a version trained on high image resolution with slow inference speed.

Contact

For questions, bug reports, and suggestions about this work, please create an issue in this repository.

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