#
natural-language-processing
Natural language processing (NLP) is a field of computer science that studies how computers and humans interact. In the 1950s, Alan Turing published an article that proposed a measure of intelligence, now called the Turing test. More modern techniques, such as deep learning, have produced results in the fields of language modeling, parsing, and natural-language tasks.
Here are 6,200 public repositories matching this topic...
TensorFlow code and pre-trained models for BERT
-
Updated
Aug 15, 2020 - Python
中文分词 词性标注 命名实体识别 依存句法分析 语义依存分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
nlp
natural-language-processing
text-classification
hanlp
named-entity-recognition
dependency-parser
pos-tagging
semantic-parsing
-
Updated
Aug 27, 2020 - Python
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
python
machine-learning
natural-language-processing
computer-vision
deep-learning
book
notebook
chinese
-
Updated
Aug 27, 2020 - Python
python
nlp
data-science
machine-learning
natural-language-processing
big-data
ai
deep-learning
neural-network
cython
artificial-intelligence
spacy
neural-networks
nlp-library
-
Updated
Aug 29, 2020 - Python
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
machine-learning
natural-language-processing
machine-translation
dialogue
named-entity-recognition
nlp-tasks
-
Updated
Aug 24, 2020 - Python
Oxford Deep NLP 2017 course
-
Updated
Jun 12, 2017
gojomo
commented
Nov 5, 2019
The usage example in the word2vec.py doc-comment regarding KeyedVectors
uses inconsistent paths and thus doesn't work.
If vectors were saved to a tm
nlp
language
machine-learning
natural-language-processing
text-mining
awesome
deep-learning
awesome-list
-
Updated
Aug 20, 2020
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
python
nlp
data-science
machine-learning
natural-language-processing
awesome
facebook
computer-vision
deep-learning
neural-network
cv
tutorials
pytorch
awesome-list
utility-library
probabilistic-programming
papers
nlp-library
pytorch-tutorials
pytorch-model
-
Updated
Aug 20, 2020
haoma7
commented
Oct 21, 2019
Change tensor.data
to tensor.detach()
due to
pytorch/pytorch#6990 (comment)
tensor.detach()
is more robust than tensor.data
.
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
python
nlp
machine-learning
natural-language-processing
tutorial
deep-learning
course-materials
tensorflow
chatbot
stanford
-
Updated
Jun 3, 2020 - Python
nlp
bot
machine-learning
natural-language-processing
bots
botkit
chatbot
bot-framework
nlu
spacy
mitie
chatbots
machine-learning-library
wit
rasa
conversational-agents
conversational-bots
chatbots-framework
conversational-ai
conversation-driven-development
-
Updated
Aug 29, 2020 - Python
A very simple framework for state-of-the-art Natural Language Processing (NLP)
nlp
machine-learning
natural-language-processing
word-embeddings
pytorch
named-entity-recognition
sequence-labeling
semantic-role-labeling
-
Updated
Aug 29, 2020 - Python
NLTK Source
-
Updated
Aug 23, 2020 - Python
nelson-liu
commented
Jan 8, 2019
more details at: allenai/allennlp#2264 (comment)
Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
machine-learning
natural-language-processing
deep-neural-networks
reinforcement-learning
computer-vision
deep-learning
optimization
deep-reinforcement-learning
artificial-neural-networks
pattern-recognition
probabilistic-graphical-models
bayesian-statistics
artificial-intelligence-algorithms
visual-recognition
-
Updated
Aug 19, 2020
Mapping a variable-length sentence to a fixed-length vector using BERT model
nlp
machine-learning
natural-language-processing
deep-neural-networks
ai
deep-learning
tensorflow
bert
natural-language-understanding
word-embedding
sentence-encoding
-
Updated
Aug 20, 2020 - Python
Web mining module for Python, with tools for scraping, natural language processing, machine learning, network analysis and visualization.
python
machine-learning
natural-language-processing
sentiment-analysis
wordnet
web-mining
network-analysis
-
Updated
Jun 14, 2020 - Python
Stanford CoreNLP: A Java suite of core NLP tools.
-
Updated
Aug 21, 2020 - Java
Interactive deep learning book with code, math, and discussions. Available in multi-frameworks.
python
data-science
machine-learning
natural-language-processing
computer-vision
deep-learning
mxnet
book
notebook
tensorflow
keras
pytorch
kaggle
-
Updated
Aug 30, 2020 - Python
Natural Language Processing Tutorial for Deep Learning Researchers
-
Updated
Aug 15, 2020 - Jupyter Notebook
Ludwig is a toolbox built on top of TensorFlow that allows to train and test deep learning models without the need to write code.
learning
machine-learning
natural-language-processing
deep-neural-networks
computer-vision
deep-learning
machine
natural-language
deep
python3
machinelearning
deeplearning
natural-language-generation
natural-language-understanding
-
Updated
Aug 29, 2020 - Python
A collection of machine learning examples and tutorials.
python
data-science
machine-learning
natural-language-processing
reinforcement-learning
deep-learning
-
Updated
Aug 25, 2020 - Python
Natural Language Processing Best Practices & Examples
nlp
machine-learning
natural-language-processing
deep-learning
text-classification
text
best-practices
natural-language
nlu
pretrained-models
natural-language-inference
natural-language-understanding
sota
transfomer
nli
azure-ml
mlflow
-
Updated
Aug 25, 2020 - Python
Pre-trained and Reproduced Deep Learning Models (『飞桨』官方模型库,包含多种学术前沿和工业场景验证的深度学习模型)
natural-language-processing
computer-vision
deep-learning
neural-network
speech
recommendation
paddlepaddle
-
Updated
Aug 29, 2020 - Python
Official Stanford NLP Python Library for Many Human Languages
python
nlp
machine-learning
natural-language-processing
deep-learning
pytorch
artificial-intelligence
named-entity-recognition
universal-dependencies
corenlp
-
Updated
Aug 28, 2020 - Python
Mycroft Core, the Mycroft Artificial Intelligence platform.
python
nlp
linux
open-source
raspberry-pi
weather
natural-language-processing
oss
ai
debian
skills
arch
fedora
natural-language
artificial-intelligence
sts
virtualenv
personal-assistant
pair
mycroft
virtualenvwrapper
voice-assistant
voice-as-an-interface
-
Updated
Aug 28, 2020 - Python
Unsupervised text tokenizer for Neural Network-based text generation.
-
Updated
Aug 27, 2020 - C++
Created by Alan Turing
- Wikipedia
- Wikipedia
modeling_longformer.py
has the classesLongformerForSequenceClassification
,LongformerForMultipleChoice
andLongformerForTokenClassification
which are not present inmodeling_tf_longformer.py
at the moment.Those classes should be equally added to
modeling_tf_longformer.py
.Motivation
The pretrained weights for TFLongformer are available so that these