All Projects → datastories-semeval2017-task6 → Similar Projects or Alternatives

1350 Open source projects that are alternatives of or similar to datastories-semeval2017-task6

Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (+820%)
SentimentAnalysis
Sentiment Analysis: Deep Bi-LSTM+attention model
Stars: ✭ 32 (+60%)
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+115%)
word2vec-tsne
Google News and Leo Tolstoy: Visualizing Word2Vec Word Embeddings using t-SNE.
Stars: ✭ 59 (+195%)
sentiment-analysis-of-tweets-in-russian
Sentiment analysis of tweets in Russian using Convolutional Neural Networks (CNN) with Word2Vec embeddings.
Stars: ✭ 51 (+155%)
ntua-slp-semeval2018
Deep-learning models of NTUA-SLP team submitted in SemEval 2018 tasks 1, 2 and 3.
Stars: ✭ 79 (+295%)
Mutual labels:  lstm, attention, semeval, attention-mechanism
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-5%)
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+530%)
Magnitude
A fast, efficient universal vector embedding utility package.
Stars: ✭ 1,394 (+6870%)
Mutual labels:  word-embeddings, embeddings, glove
Embeddingsviz
Visualize word embeddings of a vocabulary in TensorBoard, including the neighbors
Stars: ✭ 40 (+100%)
Mutual labels:  word-embeddings, embeddings, glove
Multimodal Sentiment Analysis
Attention-based multimodal fusion for sentiment analysis
Stars: ✭ 172 (+760%)
Mutual labels:  lstm, attention, attention-mechanism
Ner Lstm
Named Entity Recognition using multilayered bidirectional LSTM
Stars: ✭ 532 (+2560%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+15945%)
Hierarchical-Word-Sense-Disambiguation-using-WordNet-Senses
Word Sense Disambiguation using Word Specific models, All word models and Hierarchical models in Tensorflow
Stars: ✭ 33 (+65%)
Mutual labels:  lstm, attention, attention-mechanism
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (+165%)
Mutual labels:  lstm, attention, nlp-machine-learning
DeepLearningReading
Deep Learning and Machine Learning mini-projects. Current Project: Deepmind Attentive Reader (rc-data)
Stars: ✭ 78 (+290%)
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+1935%)
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (+495%)
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (+580%)
Attention Mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
Stars: ✭ 203 (+915%)
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+1000%)
Mutual labels:  recurrent-neural-networks, lstm
lda2vec
Mixing Dirichlet Topic Models and Word Embeddings to Make lda2vec from this paper https://arxiv.org/abs/1605.02019
Stars: ✭ 27 (+35%)
Mutual labels:  word-embeddings, embeddings
sembei
🍘 単語分割を経由しない単語埋め込み 🍘
Stars: ✭ 14 (-30%)
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (+705%)
Text-Analysis
Explaining textual analysis tools in Python. Including Preprocessing, Skip Gram (word2vec), and Topic Modelling.
Stars: ✭ 48 (+140%)
Mutual labels:  word-embeddings, lstm
Wego
Word Embeddings (e.g. Word2Vec) in Go!
Stars: ✭ 336 (+1580%)
Mutual labels:  word-embeddings, glove
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+790%)
Mutual labels:  recurrent-neural-networks, lstm
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+10385%)
Mutual labels:  recurrent-neural-networks, lstm
Chinese Word Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
Stars: ✭ 9,548 (+47640%)
Mutual labels:  word-embeddings, embeddings
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+735%)
Mutual labels:  recurrent-neural-networks, lstm
Glove As A Tensorflow Embedding Layer
Taking a pretrained GloVe model, and using it as a TensorFlow embedding weight layer **inside the GPU**. Therefore, you only need to send the index of the words through the GPU data transfer bus, reducing data transfer overhead.
Stars: ✭ 85 (+325%)
Mutual labels:  word-embeddings, glove
RadiologyReportEmbedding
Intelligent Word Embeddings of Free-Text Radiology Reports
Stars: ✭ 22 (+10%)
Mutual labels:  embeddings, nlp-machine-learning
Hash Embeddings
PyTorch implementation of Hash Embeddings (NIPS 2017). Submission to the NIPS Implementation Challenge.
Stars: ✭ 126 (+530%)
Mutual labels:  word-embeddings, embeddings
Text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
Stars: ✭ 715 (+3475%)
Mutual labels:  word-embeddings, glove
Fastrtext
R wrapper for fastText
Stars: ✭ 103 (+415%)
Mutual labels:  word-embeddings, embeddings
Mimick
Code for Mimicking Word Embeddings using Subword RNNs (EMNLP 2017)
Stars: ✭ 152 (+660%)
Mutual labels:  word-embeddings, lstm
navec
Compact high quality word embeddings for Russian language
Stars: ✭ 118 (+490%)
Mutual labels:  embeddings, glove
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (+185%)
Mutual labels:  word-embeddings, lstm
Dict2vec
Dict2vec is a framework to learn word embeddings using lexical dictionaries.
Stars: ✭ 91 (+355%)
Mutual labels:  word-embeddings, embeddings
Coursera Natural Language Processing Specialization
Programming assignments from all courses in the Coursera Natural Language Processing Specialization offered by deeplearning.ai.
Stars: ✭ 39 (+95%)
Dna2vec
dna2vec: Consistent vector representations of variable-length k-mers
Stars: ✭ 117 (+485%)
Mutual labels:  word-embeddings, embeddings
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (+700%)
Mutual labels:  recurrent-neural-networks, lstm
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+395%)
Mutual labels:  word-embeddings, glove
lstm-attention
Attention-based bidirectional LSTM for Classification Task (ICASSP)
Stars: ✭ 87 (+335%)
Mutual labels:  attention, attention-mechanism
DARNN
A Dual-Stage Attention-Based Recurrent Neural Network for Time Series Prediction
Stars: ✭ 90 (+350%)
Linear-Attention-Mechanism
Attention mechanism
Stars: ✭ 27 (+35%)
Mutual labels:  attention, attention-mechanism
Im2LaTeX
An implementation of the Show, Attend and Tell paper in Tensorflow, for the OpenAI Im2LaTeX suggested problem
Stars: ✭ 16 (-20%)
Mutual labels:  attention, attention-mechanism
SA-DL
Sentiment Analysis with Deep Learning models. Implemented with Tensorflow and Keras.
Stars: ✭ 35 (+75%)
Mutual labels:  semeval, attention-mechanism
stanford-cs231n-assignments-2020
This repository contains my solutions to the assignments for Stanford's CS231n "Convolutional Neural Networks for Visual Recognition" (Spring 2020).
Stars: ✭ 84 (+320%)
Visual-Attention-Model
Chainer implementation of Deepmind's Visual Attention Model paper
Stars: ✭ 27 (+35%)
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+910%)
Mutual labels:  word-embeddings, lstm
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (+10%)
Neural-Chatbot
A Neural Network based Chatbot
Stars: ✭ 68 (+240%)
GTAV-Self-driving-car
Self driving car in GTAV with Deep Learning
Stars: ✭ 15 (-25%)
PersianNER
Named-Entity Recognition in Persian Language
Stars: ✭ 48 (+140%)
Mutual labels:  word-embeddings, embeddings
embedding evaluation
Evaluate your word embeddings
Stars: ✭ 32 (+60%)
h-transformer-1d
Implementation of H-Transformer-1D, Hierarchical Attention for Sequence Learning
Stars: ✭ 121 (+505%)
Mutual labels:  attention, attention-mechanism
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (+45%)
Mutual labels:  lstm, attention
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (+20%)
Mutual labels:  lstm, attention
1-60 of 1350 similar projects