All Projects → vene → Sparse Structured Attention

vene / Sparse Structured Attention

Licence: bsd-3-clause
Sparse and structured neural attention mechanisms

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Sparse Structured Attention

Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (+76.77%)
Mutual labels:  deep-neural-networks, deeplearning, attention-mechanism
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1616.67%)
Mutual labels:  deep-neural-networks, deeplearning, segmentation
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-61.11%)
Mutual labels:  deep-neural-networks, deeplearning, segmentation
Trixi
Manage your machine learning experiments with trixi - modular, reproducible, high fashion. An experiment infrastructure optimized for PyTorch, but flexible enough to work for your framework and your tastes.
Stars: ✭ 211 (+6.57%)
Mutual labels:  deep-neural-networks, deeplearning, segmentation
Keras Unet
Helper package with multiple U-Net implementations in Keras as well as useful utility tools helpful when working with image semantic segmentation tasks. This library and underlying tools come from multiple projects I performed working on semantic segmentation tasks
Stars: ✭ 196 (-1.01%)
Mutual labels:  deep-neural-networks, deeplearning, segmentation
Awesome Gan For Medical Imaging
Awesome GAN for Medical Imaging
Stars: ✭ 1,814 (+816.16%)
Mutual labels:  deeplearning, segmentation
Voice activity detection
Voice Activity Detection based on Deep Learning & TensorFlow
Stars: ✭ 132 (-33.33%)
Mutual labels:  deep-neural-networks, deeplearning
Adnet
Attention-guided CNN for image denoising(Neural Networks,2020)
Stars: ✭ 135 (-31.82%)
Mutual labels:  deep-neural-networks, attention-mechanism
Machine Learning Tutorials
machine learning and deep learning tutorials, articles and other resources
Stars: ✭ 11,692 (+5805.05%)
Mutual labels:  deep-neural-networks, deeplearning
Deepcpg
Deep neural networks for predicting CpG methylation
Stars: ✭ 113 (-42.93%)
Mutual labels:  deep-neural-networks, deeplearning
Invoicenet
Deep neural network to extract intelligent information from invoice documents.
Stars: ✭ 1,886 (+852.53%)
Mutual labels:  deep-neural-networks, deeplearning
Mariana
The Cutest Deep Learning Framework which is also a wonderful Declarative Language
Stars: ✭ 151 (-23.74%)
Mutual labels:  deep-neural-networks, deeplearning
Simple Neural Network
Creating a simple neural network in Python with one input layer (3 inputs) and one output neuron.
Stars: ✭ 126 (-36.36%)
Mutual labels:  deep-neural-networks, deeplearning
Echo
Python package containing all custom layers used in Neural Networks (Compatible with PyTorch, TensorFlow and MegEngine)
Stars: ✭ 126 (-36.36%)
Mutual labels:  deep-neural-networks, deeplearning
Kiu Net Pytorch
Official Pytorch Code of KiU-Net for Image Segmentation - MICCAI 2020 (Oral)
Stars: ✭ 134 (-32.32%)
Mutual labels:  deep-neural-networks, segmentation
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-37.37%)
Mutual labels:  deep-neural-networks, segmentation
Speech Emotion Recognition
Speaker independent emotion recognition
Stars: ✭ 169 (-14.65%)
Mutual labels:  deep-neural-networks, deeplearning
Best ai paper 2020
A curated list of the latest breakthroughs in AI by release date with a clear video explanation, link to a more in-depth article, and code
Stars: ✭ 2,140 (+980.81%)
Mutual labels:  deep-neural-networks, deeplearning
Hnatt
Train and visualize Hierarchical Attention Networks
Stars: ✭ 192 (-3.03%)
Mutual labels:  deep-neural-networks, attention-mechanism
Deep learning object detection
A paper list of object detection using deep learning.
Stars: ✭ 10,334 (+5119.19%)
Mutual labels:  deep-neural-networks, deeplearning

Sparse and structured attention mechanisms

Build Status PyPI version


Efficient implementation of structured sparsity inducing attention mechanisms: fusedmax, oscarmax and sparsemax.

Note: If you are just looking for sparsemax, I recommend the implementation in the entmax.

Currently available for pytorch >= 0.4.1. (For older versions, use a previous release of this package.) Requires python >= 2.7, cython, numpy, scipy.

Usage example:

In [1]: import torch
In [2]: import torchsparseattn
In [3]: a = torch.tensor([1, 2.1, 1.9], dtype=torch.double)
In [4]: lengths = torch.tensor([3])
In [5]: fusedmax = torchsparseattn.Fusedmax(alpha=.1)
In [6]: fusedmax(a, lengths)
Out[6]: tensor([0.0000, 0.5000, 0.5000], dtype=torch.float64)

For details, check out our paper:

Vlad Niculae and Mathieu Blondel A Regularized Framework for Sparse and Structured Neural Attention In: Proceedings of NIPS, 2017. https://arxiv.org/abs/1705.07704

See also:

André F. T. Martins and Ramón Fernandez Astudillo From Softmax to Sparsemax: A Sparse Model of Attention and Multi-Label Classification In: Proceedings of ICML, 2016 https://arxiv.org/abs/1602.02068

X. Zeng and M. Figueiredo, The ordered weighted L1 norm: Atomic formulation, dual norm, and projections. eprint http://arxiv.org/abs/1409.4271

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