A PyTorch implementation of SparseMax (https://arxiv.org/pdf/1602.02068.pdf) with gradients checked and tested
Sparsemax is an alternative to softmax when one wants to generate hard probability distributions. It has been used to great effect in recent papers like ProtoAttend (https://arxiv.org/pdf/1902.06292v4.pdf).
pip install -U sparsemax
Use as if it was nn.Softmax()
! Nice and simple.
from sparsemax import Sparsemax
import torch
import torch.nn as nn
sparsemax = Sparsemax(dim=-1)
softmax = torch.nn.Softmax(dim=-1)
logits = torch.randn(2, 3, 5)
logits.requires_grad = True
print("\nLogits")
print(logits)
softmax_probs = softmax(logits)
print("\nSoftmax probabilities")
print(softmax_probs)
sparsemax_probs = sparsemax(logits)
print("\nSparsemax probabilities")
print(sparsemax_probs)
This repo borrows heavily from: https://github.com/KrisKorrel/sparsemax-pytorch
However, there are a few key advantages:
- Backward pass equations implemented natively as a
torch.autograd.Function
, resulting in 30% speedup, compared to the above repository. - The package is easily pip-installable (no need to copy the code).
- The package works for multi-dimensional tensors, operating over any axis.
- The operator forward and backward passes are tested (backward-pass check due to
torch.autograd.gradcheck
from torch.autograd import gradcheck
from sparsemax import Sparsemax
input = (torch.randn(6, 3, 20,dtype=torch.double,requires_grad=True))
test = gradcheck(sparsemax, input, eps=1e-6, atol=1e-4)
print(test)
This package was created with Cookiecutter and the audreyr/cookiecutter-pypackage project template.