krasserm's Stars
cstub/python-project-template
Python ML Project Template
GEM-benchmark/NL-Augmenter
NL-Augmenter 🦎 → 🐍 A Collaborative Repository of Natural Language Transformations
facebookresearch/AugLy
A data augmentations library for audio, image, text, and video.
microsoft/GLIP
Grounded Language-Image Pre-training
microsoft/SPTAG
A distributed approximate nearest neighborhood search (ANN) library which provides a high quality vector index build, search and distributed online serving toolkits for large scale vector search scenario.
MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
pytorch/data
A PyTorch repo for data loading and utilities to be shared by the PyTorch domain libraries.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
criteo/autofaiss
Automatically create Faiss knn indices with the most optimal similarity search parameters.
rom1504/clip-retrieval
Easily compute clip embeddings and build a clip retrieval system with them
google-research-datasets/wit
WIT (Wikipedia-based Image Text) Dataset is a large multimodal multilingual dataset comprising 37M+ image-text sets with 11M+ unique images across 100+ languages.
johanmodin/clifs
Contrastive Language-Image Forensic Search allows free text searching through videos using OpenAI's machine learning model CLIP
salesforce/Merlion
Merlion: A Machine Learning Framework for Time Series Intelligence
piskvorky/gensim
Topic Modelling for Humans
rom1504/img2dataset
Easily turn large sets of image urls to an image dataset. Can download, resize and package 100M urls in 20h on one machine.
akandykeller/TopographicVAE
Official implementation of the paper "Topographic VAEs learn Equivariant Capsules"
pallets/click
Python composable command line interface toolkit
facebookresearch/fairscale
PyTorch extensions for high performance and large scale training.
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
google-deepmind/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
mlfoundations/open_clip
An open source implementation of CLIP.
hojonathanho/diffusion
Denoising Diffusion Probabilistic Models
lucidrains/denoising-diffusion-pytorch
Implementation of Denoising Diffusion Probabilistic Model in Pytorch
google-deepmind/alphafold
Open source code for AlphaFold 2.
ddangelov/Top2Vec
Top2Vec learns jointly embedded topic, document and word vectors.
Zasder3/train-CLIP
A PyTorch Lightning solution to training OpenAI's CLIP from scratch.
sktime/sktime
A unified framework for machine learning with time series
huggingface/accelerate
🚀 A simple way to launch, train, and use PyTorch models on almost any device and distributed configuration, automatic mixed precision (including fp8), and easy-to-configure FSDP and DeepSpeed support
facebookresearch/vissl
VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image