dblakely's Stars
psf/black
The uncompromising Python code formatter
facebookresearch/faiss
A library for efficient similarity search and clustering of dense vectors.
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
terryum/awesome-deep-learning-papers
The most cited deep learning papers
huggingface/datasets
🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
KaTeX/KaTeX
Fast math typesetting for the web.
so-fancy/diff-so-fancy
Good-lookin' diffs. Actually… nah… The best-lookin' diffs. :tada:
google-deepmind/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
arogozhnikov/einops
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
deepspeedai/DeepSpeedExamples
Example models using DeepSpeed
lucidrains/DALLE-pytorch
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
JonathanSalwan/Triton
Triton is a dynamic binary analysis library. Build your own program analysis tools, automate your reverse engineering, perform software verification or just emulate code.
facebookresearch/fairscale
PyTorch extensions for high performance and large scale training.
facebookresearch/DPR
Dense Passage Retriever - is a set of tools and models for open domain Q&A task.
benhamner/Metrics
Machine learning evaluation metrics, implemented in Python, R, Haskell, and MATLAB / Octave
cdpierse/transformers-interpret
Model explainability that works seamlessly with 🤗 transformers. Explain your transformers model in just 2 lines of code.
lucidrains/performer-pytorch
An implementation of Performer, a linear attention-based transformer, in Pytorch
NVIDIA/gdrcopy
A fast GPU memory copy library based on NVIDIA GPUDirect RDMA technology
soskek/bookcorpus
Crawl BookCorpus
princeton-nlp/PURE
[NAACL 2021] A Frustratingly Easy Approach for Entity and Relation Extraction https://arxiv.org/abs/2010.12812
thunlp/DocRED
Dataset and codes for ACL 2019 DocRED: A Large-Scale Document-Level Relation Extraction Dataset.
facebookresearch/FiD
Fusion-in-Decoder
131250208/TPlinker-joint-extraction
mlpen/Nystromformer
facebookresearch/PAQ
Code and data to support the paper "PAQ 65 Million Probably-Asked Questions andWhat You Can Do With Them"
wzhouad/ATLOP
Source code for paper "Document-Level Relation Extraction with Adaptive Thresholding and Localized Context Pooling", AAAI 2021
lucidrains/marge-pytorch
Implementation of Marge, Pre-training via Paraphrasing, in Pytorch
uma-pi1/OPIEC
Reading the data from OPIEC - an Open Information Extraction corpus
robbmcleod/cpufeature
Python module for detection of CPU features
samuelbroscheit/open_knowledge_graph_embeddings
Code to train open knowledge graph embeddings and to create a benchmark for open link prediction.