imanjundi's Stars
utterworks/fast-bert
Super easy library for BERT based NLP models
DEAP/deap
Distributed Evolutionary Algorithms in Python
salesforce/ctrl
Conditional Transformer Language Model for Controllable Generation
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
fastai/course-nlp
A Code-First Introduction to NLP course
horovod/horovod
Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
spec-first/connexion
Connexion is a modern Python web framework that makes spec-first and api-first development easy.
pytorch/ignite
High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
huggingface/naacl_transfer_learning_tutorial
Repository of code for the tutorial on Transfer Learning in NLP held at NAACL 2019 in Minneapolis, MN, USA
facebookresearch/ParlAI
A framework for training and evaluating AI models on a variety of openly available dialogue datasets.
EpistasisLab/tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
explosion/spacy-course
👩🏫 Advanced NLP with spaCy: A free online course
ZhixiuYe/HSCRF-pytorch
ACL 2018: Hybrid semi-Markov CRF for Neural Sequence Labeling (http://aclweb.org/anthology/P18-2038)
cemoody/lda2vec
TeamHG-Memex/eli5
A library for debugging/inspecting machine learning classifiers and explaining their predictions
deepsound-project/samplernn-pytorch
PyTorch implementation of SampleRNN: An Unconditional End-to-End Neural Audio Generation Model
robert8138/deep-learning-deliberate-practice
Deliberate Practice for Learning Deep Learning
ahkarami/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
HarisIqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
pytorch/translate
Translate - a PyTorch Language Library
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
piskvorky/gensim
Topic Modelling for Humans
allenai/writing-code-for-nlp-research-emnlp2018
A companion repository for the "Writing code for NLP Research" Tutorial at EMNLP 2018
PetrochukM/PyTorch-NLP
Basic Utilities for PyTorch Natural Language Processing (NLP)
dhwajraj/deep-siamese-text-similarity
Tensorflow based implementation of deep siamese LSTM network to capture phrase/sentence similarity using character/word embeddings
MaLeLabTs/RegexGenerator
This project contains the source code of a tool for generating regular expressions for text extraction: 1. automatically, 2. based only on examples of the desired behavior, 3. without any external hint about how the target regex should look like
explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python