All Projects → DSXiangLi → Embedding

DSXiangLi / Embedding

Licence: other
Embedding模型代码和学习笔记总结

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to Embedding

NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-8%)
Mutual labels:  word2vec, transformer, seq2seq, fasttext
Image-Caption
Using LSTM or Transformer to solve Image Captioning in Pytorch
Stars: ✭ 36 (+44%)
Mutual labels:  transformer, encoder-decoder, cnn-lstm
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (+464%)
Mutual labels:  word2vec, transformer, fasttext
Transformer Temporal Tagger
Code and data form the paper BERT Got a Date: Introducing Transformers to Temporal Tagging
Stars: ✭ 55 (+120%)
Mutual labels:  transformer, seq2seq, encoder-decoder
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+1416%)
Mutual labels:  transformer, seq2seq, fasttext
Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+3860%)
Mutual labels:  transformer, seq2seq, encoder-decoder
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+13572%)
Mutual labels:  transformer, seq2seq, encoder-decoder
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+1336%)
Mutual labels:  word2vec, seq2seq, encoder-decoder
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+504%)
Mutual labels:  word2vec, transformer, fasttext
doc2vec-api
document embedding and machine learning script for beginners
Stars: ✭ 92 (+268%)
Mutual labels:  word2vec, doc2vec
kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Stars: ✭ 456 (+1724%)
Mutual labels:  transformer, seq2seq
Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Stars: ✭ 30 (+20%)
Mutual labels:  word2vec, doc2vec
NeuralCodeTranslator
Neural Code Translator provides instructions, datasets, and a deep learning infrastructure (based on seq2seq) that aims at learning code transformations
Stars: ✭ 32 (+28%)
Mutual labels:  seq2seq, encoder-decoder
word2vec-pytorch
Extremely simple and fast word2vec implementation with Negative Sampling + Sub-sampling
Stars: ✭ 145 (+480%)
Mutual labels:  word2vec, negative-sampling
GE-FSG
Graph Embedding via Frequent Subgraphs
Stars: ✭ 39 (+56%)
Mutual labels:  word2vec, doc2vec
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+296%)
Mutual labels:  word2vec, fasttext
german-sentiment
A data set and model for german sentiment classification.
Stars: ✭ 37 (+48%)
Mutual labels:  transformer, fasttext
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+880%)
Mutual labels:  transformer, seq2seq
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (+16%)
Mutual labels:  word2vec, transformer
doc2vec-golang
doc2vec , word2vec, implemented by golang. word embedding representation
Stars: ✭ 33 (+32%)
Mutual labels:  word2vec, doc2vec

NLP Embedding

Requirement: Tensorflow 1.14, Tensorboard 1.14

The code is not rigorously tested, if you find a bug, welcome PR ^_^ ~

Model List

  1. Word2Vec: sogou新闻数据
  2. Fasttext: quora kaggle 分类数据
  3. Doc2Vec[PV-DBOW/PV-DM]: sogou新闻数据
  4. skip-thought: bookcorpus爬虫数据
  5. quick-thought: bookcorpus爬虫数据
  6. CNN-LSTM: bookcorpus爬虫数据
  7. transformer: WMT英翻中任务

Paper List

词向量

  • [Word2Vec] Distributed Representations of Words and Phrases and their Compositionality (Google 2013)
  • [Word2Vec] Efficient Estimation of Word Representations in Vector Space (Google 2013)
  • [Word2Vec] word2vec Explained: Deriving Mikolov et al.’s Negative-Sampling Word-Embedding Method (2014)
  • [Word2Vec] word2vec Parameter Learning Explained (2016)
  • [Fasttext] Enriching Word Vectors with Subword Information (Facebook 2017)
  • [Fasttext] Bag of Tricks for Efficient Text Classification (Facebook 2016)
  • [Glove] Global Vectors for Word Representation (2014)
  • [ELMo] Deep contextualized word representations (2018)

文本向量

  • [Doc2vec] Distributed Representations of Sentences and Documents (Google 2014)
  • [Doc2vec] A SIMPLE BUT TOUGH-TO-BEAT BASELINE FOR SEN- TENCE EMBEDDINGS (2017)
  • [Encoder-Decoder: Skip-Thought] Skip-Thought Vectors (2015)
  • [Encoder-Decoder: Skip-Thought] Rethinking Skip-thought- A Neighborhood based Approach (2017)
  • [Encoder-Decoder: CNN-LSTM]Learning Generic Sentence Representations Using Convolutional Neural Networks (2017)
  • [Encoder-Decoder: Quick-Thought] Quick-Thought: AN EFFICIENT FRAMEWORK FOR LEARNING SENTENCE REPRESENTATIONS (Google 2018)
  • [Transformer] Attention is all you need (2017)
  • [FastSent|DVAE]Learning Distributed Representations of Sentences from Unlabelled Data (2016)
  • [Siamese] Learning Text Similarity with Siamese Recurrent Networks (2016)
  • [InferSent] Supervised Learning of Universal Sentence Representations from Natural Language Inference Data (2018)
  • [GenSen] LEARNING GENERAL PURPOSE DISTRIBUTED SENTENCE REPRESENTATIONS VIA LARGE SCALE MULTITASK LEARNING (2018)
  • [USE] Universal Sentence Encoder (Google 2018)
  • [ULMFit] Universal Language Model Fine-tuning for Text Classification (fastai 2018)
  • [GPT] Improving Language Understanding by Generative Pre-Training (openai 2018)
  • [Bert] Pre-training of Deep Bidirectional Transformers for Language Understanding(Google 2019)
  • [Sentence-BERT] Sentence Embeddings using Siamese BERT-Networks (2019)
  • [Bert-flow] On the Sentence Embedding from Pre-trained Language Model(2020)
  • [Representation] Fine-Grained Analysis of Sentence Embedding Using Auxiliary Prediction Tasks (2017)
  • [Representation] What you can cram into a single vector: Probing Sentence Embedding for linguistic properties(2018)
  • [Representation] Assessing Composition in Sentence Vector Representations (2018)

Blog

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