Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for python glove
glove
x
python
x
203 search results found
Nlp_ability
⭐
4,337
总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括面试题,各种基础知识,工程能力等等,提
Ann Benchmarks
⭐
4,301
Benchmarks of approximate nearest neighbor libraries in Python
Sequence_tagging
⭐
1,725
Named Entity Recognition (LSTM + CRF) - Tensorflow
Magnitude
⭐
1,542
A fast, efficient universal vector embedding utility package.
Word2vec Api
⭐
1,303
Simple web service providing a word embedding model
Glove Python
⭐
1,171
Toy Python implementation of http://www-nlp.stanford.edu/projects/glove/
Repo 2017
⭐
1,146
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Conceptnet Numberbatch
⭐
1,114
Tf_ner
⭐
782
Simple and Efficient Tensorflow implementations of NER models with tf.estimator and tf.data
Lightnlp
⭐
725
基于Pytorch和torchtext的自然语言处理深度学习框架。
Ngram2vec
⭐
638
Four word embedding models implemented in Python. Supporting arbitrary context features
Text Summarization Tensorflow
⭐
586
Tensorflow seq2seq Implementation of Text Summarization.
Text Classification Pytorch
⭐
538
Text classification using deep learning models in Pytorch
Ner Lstm
⭐
528
Named Entity Recognition using multilayered bidirectional LSTM
Visual Qa
⭐
476
[Reimplementation Antol et al 2015] Keras-based LSTM/CNN models for Visual Question Answering
Cove
⭐
467
Structured Self Attention
⭐
412
A Structured Self-attentive Sentence Embedding
Sqlnet
⭐
405
Neural Network for generating structured queries from natural language.
Lmdb Embeddings
⭐
399
Fast word vectors with little memory usage in Python
Nlp Notebook
⭐
390
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生
Glue Baselines
⭐
390
[DEPRECATED] Repo for exploring multi-task learning approaches to learning sentence representations
Word Embedding
⭐
372
Word2vec, Fasttext, Glove, Elmo, Bert, Flair pre-train Word Embedding
Document Qa
⭐
358
Pycadl
⭐
355
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Natural Language Processing
⭐
336
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
Dynamic Memory Networks In Theano
⭐
332
Implementation of Dynamic memory networks by Kumar et al. http://arxiv.org/abs/1506.07285
Dme
⭐
322
Dynamic Meta-Embeddings for Improved Sentence Representations
Chakin
⭐
313
Simple downloader for pre-trained word vectors
Keras_snli
⭐
265
Simple Keras model that tackles the Stanford Natural Language Inference (SNLI) corpus using summation and/or recurrent neural networks
Embeddings
⭐
217
Fast, DB Backed pretrained word embeddings for natural language processing.
Textclf
⭐
217
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextR
Nlp Model
⭐
184
Learning and practice
Embedding As Service
⭐
182
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Sdnet
⭐
171
SDNet
Datastories Semeval2017 Task4
⭐
171
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Document Classifier Lstm
⭐
167
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Vqa Winner Cvprw 2017
⭐
160
Pytorch implementation of winner from VQA Chllange Workshop in CVPR'17
Parallax
⭐
147
Tool for interactive embeddings visualization
Pytorch Rnn Text Classification
⭐
145
Word Embedding + LSTM + FC
Tvqa
⭐
143
[EMNLP 2018] PyTorch code for TVQA: Localized, Compositional Video Question Answering
Vqa Mfb
⭐
135
Mmbt
⭐
133
Supervised Multimodal Bitransformers for Classifying Images and Text
Wordembeddings Elmo Fasttext Word2vec
⭐
129
Using pre trained word embeddings (Fasttext, Word2Vec)
Aspect Extraction
⭐
119
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Coreference Resolution
⭐
118
Efficient and clean PyTorch reimplementation of "End-to-end Neural Coreference Resolution" (Lee et al., EMNLP 2017).
Dynamic Coattention Network Plus
⭐
115
Dynamic Coattention Network Plus (DCN+) TensorFlow implementation. Question answering using Deep NLP.
Event Driven Stock Prediction Using Deep Learning
⭐
108
A deep learning method for event driven stock market prediction. Deep learning is useful for event-driven stock price movement prediction by proposing a novel neural tensor network for learning event embedding, and using a deep convolutional neural network to model the combined influence of long-term events and short-term events on stock price movements
Neural_chat
⭐
103
Code to support training, evaluating and interacting neural network dialog models, and training them with reinforcement learning. Code to deploy a web server which hosts the models live online is available at: https://github.com/asmadotgh/neural_chat_web
Bamnet
⭐
99
Code & data accompanying the NAACL2019 paper "Bidirectional Attentive Memory Networks for Question Answering over Knowledge Bases"
Gcae
⭐
98
Typesql
⭐
98
TypeSQL: Knowledge-based Type-Aware Neural Text-to-SQL Generation
Simple Sentence Similarity
⭐
97
Exploring the simple sentence similarity measurements using word embeddings
Lsgn
⭐
90
Labeled Span Graph Networks
Ntagger
⭐
80
reference pytorch code for named entity tagging
Xqa
⭐
74
Dataset and baseline for ACL 2019 paper "XQA: A Cross-lingual Open-domain Question Answering Dataset"
Bpt
⭐
74
Source code of paper "BP-Transformer: Modelling Long-Range Context via Binary Partitioning"
Half Size
⭐
72
Effective Dimensionality Reduction for Word Embeddings.
Magnn
⭐
66
Metapath Aggregated Graph Neural Network for Heterogeneous Graph Embedding
Sentence Selection
⭐
65
Answer Sentence Selection using Deep Learning
Pytorch_sentiment_rnn
⭐
64
Example Recurrent Neural Networks for Sentiment Analysis (Aspect-Based) on SemEval 2014
Zeugma
⭐
59
📝Natural language processing (NLP) utils: word embeddings (Word2Vec, GloVe, FastText, ...) and preprocessing transformers, compatible with scikit-learn Pipelines. 🛠
Stocknet Code
⭐
58
Code for stock movement prediction from tweets and historical stock prices.
Vqa Mfb.pytorch
⭐
55
This project is out of date, I don't remember the details inside...
Sql_database_optimization
⭐
54
This is the code for "SQL Database Optimization" By Siraj Raval on Youtube
Tf_sentence_similarity_cnn
⭐
53
Word Embedding With Python
⭐
52
word2vec, doc2vec, GloVe implementation with Python
Keras Text To Image
⭐
50
Translate text to image in Keras using GAN and Word2Vec as well as recurrent neural networks
Text Classification Keras
⭐
50
📚 Text Classification Library with Keras
Keras Chatbot Web Api
⭐
49
Simple keras chat bot using seq2seq model with Flask serving web
Text_embedding
⭐
48
utility class for building/evaluating document representations
Hierarchical Attention Networks
⭐
47
TensorFlow implementation of the paper "Hierarchical Attention Networks for Document Classification"
Text Classification Pytorch
⭐
47
Implementation of papers for text classification task on SST-1/SST-2
Glove
⭐
46
🌎 Compute Glove vectors using a co-occurence matrix
Nqg_ass2s
⭐
46
Implementation of <Improving Neural Question Generation Using Answer Separation> by Yanghoon Kim et al., AAAI 2019
Keras Glove
⭐
44
Implementation of GloVe in Keras
Matchlstm Pytorch
⭐
43
a pytorch implementation of match lstm question answering model
Conditional Batch Norm
⭐
40
Pytorch implementation of NIPS 2017 paper "Modulating early visual processing by language"
Embeddingsviz
⭐
40
Visualize word embeddings of a vocabulary in TensorBoard, including the neighbors
Iclassifier
⭐
40
reference pytorch code for intent classification
Vqa Demo Gui
⭐
36
This repository gives a GUI using PyQt4 for VQA demo using Keras Deep Learning Library. The VQA model is created using Pre-trained VGG-16 Weight for image Features and glove vectors for question Features.
Lifelong_relation_detection
⭐
36
Touch
⭐
34
The source code for our paper "Learning the signatures of the human grasp using a scalable tactile glove"
Merge_label
⭐
33
Code for paper "Merge and Label: A Novel Neural Network Architecture for Nested NER", ACL 2019
Rasor
⭐
31
Author implementation of "Learning Recurrent Span Representations for Extractive Question Answering" (Lee et al. 2016)
Sdgcn
⭐
30
Modeling Sentiment Dependencies with Graph Convolutional Networks for Aspect-level Sentiment Classification
Aspect Based Sentiment Analysis
⭐
27
Word2vec Flask Api
⭐
26
Flask API for Word2vec
Squad Qa System
⭐
25
QA system for Stanford Question Answering Dataset
Languagemodel Using Attention
⭐
25
Pytorch implementation of a basic language model using Attention in LSTM network
Twitter Sentiment Analysis
⭐
25
Sentiment Analysis on twitter using Keras / TensorFlow / GloVe
Nontology
⭐
24
Matrix tools for building and inspecting latent spaces
Hr Bilstm
⭐
24
Implementation for paper "Improved Neural Relation Detection for Knowledge Base Question Answering"
Cs224n Project
⭐
24
Abstractive text summarization http://arxiv.org/abs/1509.00685
Neural Partialcrf
⭐
24
Neural (LSTM) version of the partial CRF model
Sms
⭐
22
Nli_keras
⭐
21
Keras implementation (tensorflow backend) of natural language inference
Future
⭐
21
A private, free, open-source search engine built on a P2P network
Mp Cnn Tensorflow Sentence Similarity
⭐
20
Visual Question Answering
⭐
20
📷 ❓ Visual Question Answering Demo and Algorithmia API
Datastories Semeval2017 Task6
⭐
19
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Related Searches
Python Dataset (14,792)
Python Docker (14,113)
Python Machine Learning (14,099)
Python Tensorflow (13,736)
Python Deep Learning (13,092)
Python Jupyter Notebook (12,976)
Python Network (11,495)
Python Natural Language Processing (9,064)
Python Pytorch (7,877)
Python Neural (7,444)
1-100 of 203 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2025 Awesome Open Source. All rights reserved.