glove
There are 349 repositories under glove topic.
guillaumegenthial/sequence_tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
plasticityai/magnitude
A fast, efficient universal vector embedding utility package.
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
guillaumegenthial/tf_ner
Simple and Efficient Tensorflow implementations of NER models with tf.estimator and tf.data
dselivanov/text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
zhezhaoa/ngram2vec
Four word embedding models implemented in Python. Supporting arbitrary context features
prakashpandey9/Text-Classification-Pytorch
Text classification using deep learning models in Pytorch
jasoncao11/nlp-notebook
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。
khanhnamle1994/natural-language-processing
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
ynqa/wego
Word Embeddings in Go!
ThoughtRiver/lmdb-embeddings
Fast word vectors with little memory usage in Python
pkmital/pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
oswaldoludwig/Seq2seq-Chatbot-for-Keras
This repository contains a new generative model of chatbot based on seq2seq modeling.
luopeixiang/textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
amansrivastava17/embedding-as-service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
cbaziotis/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".
natasha/navec
Compact high quality word embeddings for Russian language
shayneobrien/coreference-resolution
Efficient and clean PyTorch reimplementation of "End-to-end Neural Coreference Resolution" (Lee et al., EMNLP 2017).
keishinkickback/Pytorch-RNN-text-classification
Word Embedding + LSTM + FC
PrashantRanjan09/WordEmbeddings-Elmo-Fasttext-Word2Vec
Using pre trained word embeddings (Fasttext, Word2Vec)
vyraun/Half-Size
Code for "Effective Dimensionality Reduction for Word Embeddings".
pandeykartikey/Hierarchical-Attention-Network
Implementation of Hierarchical Attention Networks in PyTorch
siyuanzhao/automated-essay-grading
Source code for the paper A Memory-Augmented Neural Model for Automated Grading
TharinduDR/Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
finalfusion/finalfusion-rust
finalfusion embeddings in Rust
ShomyLiu/pytorch_bert_elmo_example
A text classification example with Bert/ELMo/GloVe in pytorch
guillaume-chevalier/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.
DiceTechJobs/VectorsInSearch
Dice.com repo to accompany the dice.com 'Vectors in Search' talk by Simon Hughes, from the Activate 2018 search conference, and the 'Searching with Vectors' talk from Haystack 2019 (US). Builds upon my conceptual search and semantic search work from 2015
dsindex/ntagger
reference pytorch code for named entity tagging
brannondorsey/GloVe-experiments
GloVe word vector embedding experiments (similar to Word2Vec)
ashishsalunkhe/DeepSpamReview-Detection-of-Fake-Reviews-on-Online-Review-Platforms-using-DeepLearning-Architectures
DeepSpamReview: Detection of Fake Reviews on Online Review Platforms using Deep Learning Architectures. Summer Internship project at CoreView Systems.
ezgisubasi/turkish-tweets-sentiment-analysis
This sentiment analysis project determines whether the tweets posted in the Turkish language on Twitter are positive or negative.
Lambda-3/Indra
Indra is a Web Service which allows easy access to different distributional semantics models in several languages.
harkous/embeddingsviz
Visualize word embeddings of a vocabulary in TensorBoard, including the neighbors
dsindex/iclassifier
reference pytorch code for intent classification
enricivi/adversarial_training_methods
Implementation of the methods proposed in **Adversarial Training Methods for Semi-Supervised Text Classification** on IMDB dataset (without pre-training)