【Github】All4NLP:自然语言处理相关资源整理

2019 年 8 月 9 日 AINLP

推荐一个Github项目:hscspring/All4NLP 

All For NLP, especially Chinese

作者是AINLP交流群里的太子長琴同学,整理了自己平时看过用过的NLP相关资源,分类整理的很细致,推荐Star。项目链接,点击阅读原文可以直达:


https://github.com/hscspring/All4NLP



以下来在该项目主页,阅读原文直达相关链接。



All4NLP

每个链接前面的时间是更新时间。

Framework

  • facebookresearch/pytext: A natural language modeling framework based on PyTorch

    • deeplearning NLP with PyTorch

    • Text classifiers, Sequence taggers, Joint intent-slot model and Contextual intent-slot models

    • C++ server example

  • zalandoresearch/flair: A very simple framework for state-of-the-art Natural Language Processing (NLP)

    • NER, POS, sense disambiguation and classification

    • on top of PyTorch

  • stanfordnlp/stanfordnlp: Official Stanford NLP Python Library for Many Human Languages

    • Java library with Python wrappers

    • speed, prodcution system use

  • nltk/nltk: NLTK Source

    • education and research tool

    • learning and exploring NLP concepts

  • sloria/TextBlob: Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.

    • on top of NLTK

    • fast-prtotyping

    • applications don't require highly performance

  • spaCy · Industrial-strength Natural Language Processing in Python

    • fast

    • streamlined

    • production-ready

    • chartbeat-labs/textacy: NLP, before and after spaCy

  • rockingdingo/deepnlp: Deep Learning NLP Pipeline implemented on Tensorflow

    • deeplearning NLP with tensorflow

Task

Text Generation

  • 2018 BenchMarkgeek-ai/Texygen: A text generation benchmarking platform

  • 2018 RNNdocs/text_generation.ipynb at master · tensorflow/docs

  • 2019 Tookit on top of TF asyml/texar: Toolkit for Text Generation and Beyond

Classification

  • Collectionbrightmart/text_classification: all kinds of text classification models and more with deep learning

NLU & IE

  • 2019 Framework RasaHQ/rasa_nlu:  💬  Open source library for natural language understanding and machine learning-based dialogue management. - All things around intent classification, entity extraction and action predictions - DIY NLP and chatbot framwork.

  • 2018 Chicrownpku/Rasa_NLU_Chi: Turn Chinese natural language into structured data 中文自然语言理解

  • 2019 Toolkit snipsco/snips-nlu: Snips Python library to extract meaning from text

QA

  • 20185hirish/adam_qas: ADAM - A Question Answering System. Inspired from IBM Watson

Similarity

  • 2019 Doc+Sentence+Wordgensim: Topic modelling for humans

  • 2019 MinHashekzhu/datasketch: MinHash, LSH, LSH Forest, Weighted MinHash, HyperLogLog, HyperLogLog++

  • 2019 LevenshteinDistanceztane/python-Levenshtein: The Levenshtein Python C extension module contains functions for fast computation of Levenshtein distance and string similarity

  • 2018 Graphcaesar0301/graphsim: Graph similarity algorithms based on NetworkX.

Pinyin

  • 2019 Pinyinmozillazg/python-pinyin: 汉字转拼音 (pypinyin)

Visualization

  • 2019 WordJasonKessler/scattertext: Beautiful visualizations of how language differs among document types.

  • 2019 Bert GPT jessevig/bertviz: Tool for visualizing attention in the Transformer model (BERT and OpenAI GPT-2)

Readability

  • 2019 Kinds of indexesshivam5992/textstat: python package to calculate readability statistics of a text object - paragraphs, sentences, articles.

  • 2019 in Spacymholtzscher/spacy_readability: spaCy pipeline component for adding text readability meta data to Doc objects.

Translation

  • 2018 Microsoft Based on PhraseMicrosoft/NPMT: Towards Neural Phrase-based Machine Translation

  • 2019 Google Based on Seq2Seq and Attentiontensorflow/nmt: TensorFlow Neural Machine Translation Tutorial

  • 2019 Google Based on Pure Attentionmodels/official/transformer at master · tensorflow/models

  • 2019 Facebook Based on CNNpytorch/fairseq: Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

  • 2019 Facebook Based on Unsupervisedfacebookresearch/UnsupervisedMT: Phrase-Based & Neural Unsupervised Machine Translation

  • 2019 DeepL Basedon CNN (Not Open Source)DeepL Translator DeepL 基于 CNN 的翻译工具

  • 2019 OpenNMTOpenNMT/OpenNMT: Open Source Neural Machine Translation

Model

Representation

  • 2019 Wordgoogle-research/bert: TensorFlow code and pre-trained models for BERT

  • 2019 Sentencehanxiao/bert-as-service: Mapping a variable-length sentence to a fixed-length vector using BERT model

  • 2018 Sentenceexplosion/sense2vec:  🦆  Use NLP to go beyond vanilla word2vec

  • 2019 Sentencegensim: models.doc2vec – Doc2vec paragraph embeddings

  • 2019 WordEmbedding/Chinese-Word-Vectors: 100+ Chinese Word Vectors 上百种预训练中文词向量

  • 2014 Sentenceklb3713/sentence2vec: Tools for mapping a sentence with arbitrary length to vector space

  • Question如何用 word2vec 计算两个句子之间的相似度? - 知乎

LanguageModel

  • 2018 LSTM递归神经网络 | TensorFlow

SequenceModel

  • 2019 Translation, Summarization, LM, TextGenerationpytorch/fairseq: Facebook AI Research Sequence-to-Sequence Toolkit written in Python.

  • 2019 Seq2Seq, SeqTagging, SeqClassification, LMOpenNMT/OpenNMT: Open Source Neural Machine Translation

  • 2019 QA, LM, Sentiment, SpeechRecognition, Summarization, MTtensorflow/tensor2tensor: Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

Experts

  • Michael CollinsMichael Collins - Google Scholar Citations ☆

    • Terry KooTerry Koo - Google Scholar Citations

    • Percy LiangPercy Liang - Google Scholar Citations

    • Luke Zettlemoyer | Computer Science & EngineeringLuke Zettlemoyer - Google Scholar Citations

  • Jason Eisner - Home Page (JHU)Jason Eisner - Google Scholar Citations ☆

    • Noah SmithNoah A. Smith - Google Scholar CitationsNoah A. Smith - Google Scholar Citations

  • David YarowskyDavid Yarowsky - Google Scholar Citations

  • Dan Jurafsky - Home PageDan Jurafsky - Google Scholar Citations ☆

  • Christopher Manning, Stanford NLPChristopher D Manning - Google Scholar Citations ☆

    • Richard Socher - Home PageRichard Socher - Google Scholar Citations ☆

  • Dan Klein's Home PageThe Berkeley NLP Group ☆

  • Dan Roth - Main PageDan Roth - Google Scholar Citations ☆

  • ChengXiang Zhai - Home PageChengXiang Zhai - Google Scholar Citations

  • Eugene Charniak's Home PageEugene Charniak - Google Scholar Citations

  • Joakim Nivre's Home PageJoakim Nivre - Google Scholar Citations ☆

  • Philipp KoehnPhilipp Koehn - Google Scholar Citations

  • James H. MartinJames H. Martin - Google Scholar Citations

  • Julia HirschbergJulia Hirschberg - Google Scholar Citations

  • Fernando Pereira – Google AIFernando Pereira - Google Scholar Citations ☆

  • ryan mcdonaldRyan McDonald - Google Scholar Citations

  • Slav Petrov - Слав ПетровSlav Petrov - Google Scholar Citations ☆

  • Kenneth Church HomePageKenneth Ward Church - Google Scholar Citations

References

  • NLP(自然语言处理)界有哪些神级人物? - 知乎




登录查看更多
23

相关内容

NLP:自然语言处理
专知会员服务
59+阅读 · 2020年3月19日
100+篇《自监督学习(Self-Supervised Learning)》论文最新合集
专知会员服务
161+阅读 · 2020年3月18日
【强化学习资源集合】Awesome Reinforcement Learning
专知会员服务
93+阅读 · 2019年12月23日
【深度学习视频分析/多模态学习资源大列表】
专知会员服务
90+阅读 · 2019年10月16日
机器学习入门的经验与建议
专知会员服务
90+阅读 · 2019年10月10日
计算机视觉最佳实践、代码示例和相关文档
专知会员服务
17+阅读 · 2019年10月9日
TensorFlow 2.0 学习资源汇总
专知会员服务
66+阅读 · 2019年10月9日
机器学习相关资源(框架、库、软件)大列表
专知会员服务
37+阅读 · 2019年10月9日
最新BERT相关论文清单,BERT-related Papers
专知会员服务
52+阅读 · 2019年9月29日
中文自然语言处理相关资料集合指南
专知
18+阅读 · 2019年3月10日
Facebook PyText 在 Github 上开源了
AINLP
7+阅读 · 2018年12月14日
【推荐】自然语言处理(NLP)指南
机器学习研究会
35+阅读 · 2017年11月17日
自然语言处理 (NLP)资源大全
机械鸡
35+阅读 · 2017年9月17日
Arxiv
4+阅读 · 2019年9月26日
Arxiv
5+阅读 · 2019年8月22日
Neural Response Generation with Meta-Words
Arxiv
6+阅读 · 2019年6月14日
Arxiv
21+阅读 · 2018年8月30日
A Survey on Deep Transfer Learning
Arxiv
11+阅读 · 2018年8月6日
Arxiv
6+阅读 · 2018年2月28日
VIP会员
相关VIP内容
专知会员服务
59+阅读 · 2020年3月19日
100+篇《自监督学习(Self-Supervised Learning)》论文最新合集
专知会员服务
161+阅读 · 2020年3月18日
【强化学习资源集合】Awesome Reinforcement Learning
专知会员服务
93+阅读 · 2019年12月23日
【深度学习视频分析/多模态学习资源大列表】
专知会员服务
90+阅读 · 2019年10月16日
机器学习入门的经验与建议
专知会员服务
90+阅读 · 2019年10月10日
计算机视觉最佳实践、代码示例和相关文档
专知会员服务
17+阅读 · 2019年10月9日
TensorFlow 2.0 学习资源汇总
专知会员服务
66+阅读 · 2019年10月9日
机器学习相关资源(框架、库、软件)大列表
专知会员服务
37+阅读 · 2019年10月9日
最新BERT相关论文清单,BERT-related Papers
专知会员服务
52+阅读 · 2019年9月29日
相关资讯
Top
微信扫码咨询专知VIP会员