Model Overview
Model Features
Model Capabilities
Use Cases
🚀 MSI-Net
🤖 MSI-Net is a visual saliency model that predicts human fixation on natural images. It uses a contextual encoder - decoder network trained on eye movement data, offering accurate predictions with relatively fewer parameters, suitable for resource - limited applications.
🚀 Quick Start
A demo of this model can be found on HuggingFace Spaces. For more information on the model, check out GitHub and the corresponding paper or preprint.
✨ Features
- Contextual Encoder - Decoder: MSI - Net uses a contextual encoder - decoder network trained on eye movement data to predict human fixation on natural images.
- Multi - Scale Feature Capture: It includes an ASPP module with multiple convolutional layers at different dilation rates to capture multi - scale features in parallel.
- Combination with Global Information: The model combines the resulting representations with global scene information for accurate visual saliency predictions.
- Low Parameter Count: With roughly 25M parameters, it is suitable for applications with limited computational resources.
📦 Installation
To install the required dependencies, use either pip
or conda
:
pip install -r requirements.txt
conda env create -f requirements.yml
💻 Usage Examples
Basic Usage
import matplotlib.pyplot as plt
import numpy as np
import tensorflow as tf
from huggingface_hub import snapshot_download
# Download the repo files
hf_dir = snapshot_download(repo_id="alexanderkroner/MSI-Net")
# Load the saliency model
model = tf.keras.models.load_model(hf_dir)
# Load the functions for preprocessing the input and postprocessing the output
def get_target_shape(original_shape):
original_aspect_ratio = original_shape[0] / original_shape[1]
square_mode = abs(original_aspect_ratio - 1.0)
landscape_mode = abs(original_aspect_ratio - 240 / 320)
portrait_mode = abs(original_aspect_ratio - 320 / 240)
best_mode = min(square_mode, landscape_mode, portrait_mode)
if best_mode == square_mode:
target_shape = (320, 320)
elif best_mode == landscape_mode:
target_shape = (240, 320)
else:
target_shape = (320, 240)
return target_shape
def preprocess_input(input_image, target_shape):
input_tensor = tf.expand_dims(input_image, axis=0)
input_tensor = tf.image.resize(
input_tensor, target_shape, preserve_aspect_ratio=True
)
vertical_padding = target_shape[0] - input_tensor.shape[1]
horizontal_padding = target_shape[1] - input_tensor.shape[2]
vertical_padding_1 = vertical_padding // 2
vertical_padding_2 = vertical_padding - vertical_padding_1
horizontal_padding_1 = horizontal_padding // 2
horizontal_padding_2 = horizontal_padding - horizontal_padding_1
input_tensor = tf.pad(
input_tensor,
[
[0, 0],
[vertical_padding_1, vertical_padding_2],
[horizontal_padding_1, horizontal_padding_2],
[0, 0],
],
)
return (
input_tensor,
[vertical_padding_1, vertical_padding_2],
[horizontal_padding_1, horizontal_padding_2],
)
def postprocess_output(
output_tensor, vertical_padding, horizontal_padding, original_shape
):
output_tensor = output_tensor[
:,
vertical_padding[0] : output_tensor.shape[1] - vertical_padding[1],
horizontal_padding[0] : output_tensor.shape[2] - horizontal_padding[1],
:,
]
output_tensor = tf.image.resize(output_tensor, original_shape)
output_array = output_tensor.numpy().squeeze()
output_array = plt.cm.inferno(output_array)[..., :3]
return output_array
# Load and preprocess an example image
input_image = tf.keras.utils.load_img(hf_dir + "/example.jpg")
input_image = np.array(input_image, dtype=np.float32)
original_shape = input_image.shape[:2]
target_shape = get_target_shape(original_shape)
input_tensor, vertical_padding, horizontal_padding = preprocess_input(
input_image, target_shape
)
# Feed the input tensor to the model
output_tensor = model(input_tensor)["output"]
# Postprocess and visualize the output
saliency_map = postprocess_output(
output_tensor, vertical_padding, horizontal_padding, original_shape
)
alpha = 0.65
blended_image = alpha * saliency_map + (1 - alpha) * input_image / 255
plt.figure(figsize=(10, 5))
plt.subplot(1, 2, 1)
plt.imshow(input_image / 255)
plt.title("Input Image")
plt.axis("off")
plt.subplot(1, 2, 2)
plt.imshow(blended_image)
plt.title("Saliency Map")
plt.axis("off")
plt.tight_layout()
plt.show()
📚 Documentation
Datasets
Before training the model on fixation data, the encoder weights were initialized from a VGG16 backbone pre - trained on the ImageNet classification task. The model was then trained on the SALICON dataset, which consists of mouse movement recordings as a proxy for gaze measurements. Finally, the weights can be fine - tuned on human eye tracking data. MSI - Net was therefore also trained on one of the following datasets, although here we only provide the SALICON base model:
Property | Details |
---|---|
SALICON | Number of Images: 10,000; Viewers per Image: 16; Viewing Duration: 5s; Recording Type: Mouse tracking |
MIT1003 | Number of Images: 1,003; Viewers per Image: 15; Viewing Duration: 3s; Recording Type: Eye tracking |
CAT2000 | Number of Images: 4,000; Viewers per Image: 24; Viewing Duration: 5s; Recording Type: Eye tracking |
DUT - OMRON | Number of Images: 5,168; Viewers per Image: 5; Viewing Duration: 2s; Recording Type: Eye tracking |
PASCAL - S | Number of Images: 850; Viewers per Image: 8; Viewing Duration: 2s; Recording Type: Eye tracking |
OSIE | Number of Images: 700; Viewers per Image: 15; Viewing Duration: 3s; Recording Type: Eye tracking |
FIWI | Number of Images: 149; Viewers per Image: 11; Viewing Duration: 5s; Recording Type: Eye tracking |
Evaluations of our model are available on the original MIT saliency benchmark and the updated MIT/Tübingen saliency benchmark. Results for the latter are derived from a probabilistic representation of predicted saliency maps with metric - specific postprocessing for a fair model comparison.
Limitations
- Limited Generalization: MSI - Net was trained on human fixation data collected under a free - viewing paradigm. Therefore, the predicted saliency maps may not generalize to viewers that received task instructions during the experiment. Also, since the training data consisted primarily of natural images, gaze predictions for specific image types (e.g., fractals, patterns) or adversarial examples may not be very accurate.
- Bias in Application: Saliency - based cropping algorithms, formerly applied to images uploaded to the social media platform Twitter between 2018 and 2021, have shown biases in terms of race and gender. It is thus important to use saliency models with caution and acknowledge the potential risks that are involved in their application.
Reference
If you find this code or model useful, 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}
}
📄 License
This project is licensed under the MIT license.









