krishna-chaitanya-sanagavarapu's Stars
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
chiphuyen/ml-interviews-book
https://huyenchip.com/ml-interviews-book/
nipunsadvilkar/pySBD
🐍💯pySBD (Python Sentence Boundary Disambiguation) is a rule-based sentence boundary detection that works out-of-the-box.
google-research/language
Shared repository for open-sourced projects from the Google AI Language team.
google-research-datasets/boolean-questions
niderhoff/nlp-datasets
Alphabetical list of free/public domain datasets with text data for use in Natural Language Processing (NLP)
ivan-bilan/The-NLP-Pandect
A comprehensive reference for all topics related to Natural Language Processing
google-research-datasets/circa
Circa (meaning ‘approximately’) dataset aims to help machine learning systems to solve the problem of interpreting indirect answers to polar questions. The dataset contains pairs of yes/no questions and indirect answers, together with annotations for the interpretation of the answer. The data is collected in 10 different social conversation situations (eg. food preferences of a friend).
apple/tensorflow_macos
TensorFlow for macOS 11.0+ accelerated using Apple's ML Compute framework.
AI4Bharat/Indic-BERT-v1
Indic-BERT-v1: BERT-based Multilingual Model for 11 Indic Languages and Indian-English. For latest Indic-BERT v2, check: https://github.com/AI4Bharat/IndicBERT
allenai/allennlp-semparse
A framework for building semantic parsers (including neural module networks) with AllenNLP, built by the authors of AllenNLP
facebookresearch/anli
Adversarial Natural Language Inference Benchmark
huggingface/datasets
🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
Popgun-Labs/PopGen
A generative modelling toolkit for PyTorch.
google-research/bleurt
BLEURT is a metric for Natural Language Generation based on transfer learning.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
keras-team/keras
Deep Learning for humans
pytorch/tutorials
PyTorch tutorials.
google-research/electra
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
google-research/albert
ALBERT: A Lite BERT for Self-supervised Learning of Language Representations
lucidrains/reformer-pytorch
Reformer, the efficient Transformer, in Pytorch
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
facebookresearch/SpanBERT
Code for using and evaluating SpanBERT.
google-research/bert
TensorFlow code and pre-trained models for BERT
facebookresearch/XLM
PyTorch original implementation of Cross-lingual Language Model Pretraining.
facebookresearch/UnsupervisedDecomposition
PyTorch original implementation of "Unsupervised Question Decomposition for Question Answering"
Smerity/keras_snli
Simple Keras model that tackles the Stanford Natural Language Inference (SNLI) corpus using summation and/or recurrent neural networks
explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python
scikit-learn/scikit-learn
scikit-learn: machine learning in Python
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone