mamrouche's Stars
lxieyang/vertical-tabs-chrome-extension
A chrome extension that presents your tabs vertically. Problem solved.
oguimbal/pg-mem
An in memory postgres DB instance for your unit tests
cooscao/Bert-BiLSTM-CRF-pytorch
bert-bilstm-crf implemented in pytorch for named entity recognition.
Luolc/AdaBound
An optimizer that trains as fast as Adam and as good as SGD.
openai/gpt-3
GPT-3: Language Models are Few-Shot Learners
muellerzr/Practical-Deep-Learning-for-Coders-2.0
Notebooks for the "A walk with fastai2" Study Group and Lecture Series
dreamquark-ai/tabnet
PyTorch implementation of TabNet paper : https://arxiv.org/pdf/1908.07442.pdf
doccano/doccano
Open source annotation tool for machine learning practitioners.
mtreviso/linear-chain-crf
Implementation of a linear-chain CRF in PyTorch
sebastianruder/NLP-progress
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.
google-research/albert
ALBERT: A Lite BERT for Self-supervised Learning of Language Representations
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
brent-lemieux/model_api
Deploy a Machine Learning Model as an API on AWS
charlesmalafosse/aws-elasticbeanstalk-ml-server
Hands-on meetup - How to Serve machine learning models with AWS ElasticBeanstalk
facebookresearch/fastText
Library for fast text representation and classification.
amineabdaoui/SentimentClassification
Classifying text according to the expressed sentiment class.
AnswerDotAI/nbdev
Create delightful software with Jupyter Notebooks
pbloem/former
Simple transformer implementation from scratch in pytorch.
SocialGouv/code-du-travail-numerique
Code du Travail Numérique
numpy/numpy
The fundamental package for scientific computing with Python.
stanfordnlp/CoreNLP
CoreNLP: A Java suite of core NLP tools for tokenization, sentence segmentation, NER, parsing, coreference, sentiment analysis, etc.
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
john-hewitt/structural-probes
Codebase for testing whether hidden states of neural networks encode discrete structures.
jfzhang95/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch. Support different backbones.
strubell/LISA
Linguistically-Informed Self-Attention implemented in TensorFlow
harvardnlp/annotated-transformer
An annotated implementation of the Transformer paper.
stanfordnlp/stanza
Stanford NLP Python library for tokenization, sentence segmentation, NER, and parsing of many human languages
cdqa-suite/cdQA
⛔ [NOT MAINTAINED] An End-To-End Closed Domain Question Answering System.
scikit-learn/scikit-learn
scikit-learn: machine learning in Python
atefm/pDMM
Python implemetation for Dirichlet Multinomial Mixture (DMM) model