/DeepGaze

pytorch implementation of the different DeepGaze models

Primary LanguagePython

DeepGaze CPU

The project uses pipenv for managing Python virtual environment. The project uses Python 3.9, which you can install alongside your system Python binaries using the pyenv tool. Alternatively, you can change the Python version in Pipfile.

To install and run the CMD script:

  1. pip install --user pipenv
  2. pipenv install
  3. pipenv run python main.py --help

Downloading models

The script will download and cache pre-trained model weights during the first run. When using DeepGaze-I model, you might get a 403 HTTP error. In that case, you can manually download the model weights from here and put it in the cache directory of PyTorch.

Additionally, you can use pre-computed centerbias log density by downloading it from here and putting the file into the models/ folder. Without it, uniform centerbias will be used.

(original README) DeepGaze I, DeepGaze II and DeepGaze IIE

This repository contains the pytorch implementations of DeepGaze I, DeepGaze II and DeepGaze IIE

This is how use the pretained DeepGaze IIE model:

from scipy.misc import face
from scipy.ndimage import zoom
import torch

import deepgaze_pytorch

DEVICE = 'cuda'

# you can use DeepGazeI or DeepGazeIIE
model = deepgaze_pytorch.DeepGazeIIE(pretrained=True).to(DEVICE)

image = face()

# load precomputed centerbias log density (from MIT1003) over a 1024x1024 image
# you can download the centerbias from https://github.com/matthias-k/DeepGaze/releases/download/v1.0.0/centerbias_mit1003.npy
# alternatively, you can use a uniform centerbias via `centerbias_template = np.zeros((1024, 1024))`.
centerbias_template = np.load('centerbias_mit1003.npy')
# rescale to match image size
centerbias = zoom(centerbias_template, (image.shape[0]/centerbias_template.shape[0], image.shape[1]/centerbias_template.shape[1]), order=0, mode='nearest')
# renormalize log density
centerbias -= logsumexp(centerbias)

image_tensor = torch.tensor([image.transpose(2, 0, 1)]).to(DEVICE)
centerbias_tensor = torch.tensor([centerbias]).to(DEVICE)

log_density_prediction = model(image_tensor, centerbias_tensor))

Please note that all DeepGaze models have been trained on the MIT1003 dataset which has a resolution of 35 pixels per degree of visual angle and an image size of mostly 1024 pixel in the longer side. Depending how your images have been presented, you might have to downscale or upscale them before passing them to the DeepGaze models.

Notes about the implementations

  • DeepGaze I: Please note that the included DeepGaze I model is not exactly the one from the original paper. The original model used caffe for AlexNet and theano for the linear readout and was trained using the SFO optimizer. Here, we use the torch implementation of AlexNet (without any adaptations) and the DeepGaze II torch implementation with a simple linear readout network. The model has been retrained with Adam, but still on the same dataset (all images of MIT1003 which are of size 1024x768). Also, we don't use the sparsity penalty anymore.

References

If you use these models, please cite the according papers: