dangotea's Stars
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
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
yoshida-lab/XenonPy
XenonPy is a Python Software for Materials Informatics
NVIDIA/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
google-research-datasets/ToTTo
ToTTo is an open-domain English table-to-text dataset with over 120,000 training examples that proposes a controlled generation task: given a Wikipedia table and a set of highlighted table cells, produce a one-sentence description. We hope it can serve as a useful research benchmark for high-precision conditional text generation.
huggingface/datasets
🤗 The largest hub of ready-to-use datasets for ML models with fast, easy-to-use and efficient data manipulation tools
lucidrains/DALLE-pytorch
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
machine-perception-robotics-group/MPRGDeepLearningLectureNotebook
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
davda54/sam
SAM: Sharpness-Aware Minimization (PyTorch)
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
trco/django-bootstrap-modal-forms
A Django plugin for creating AJAX driven forms in Bootstrap modal.
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
sktime/pytorch-forecasting
Time series forecasting with PyTorch
stanfordnlp/stanza
Stanford NLP Python library for tokenization, sentence segmentation, NER, and parsing of many human languages
arogozhnikov/einops
Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)
SeldonIO/alibi-detect
Algorithms for outlier, adversarial and drift detection
YutaroOgawa/pytorch_tutorials_jp
PyTorch公式チュートリアル(日本語翻訳版)の各ノートブックファイル(Google Colab用)です
microsoft/hummingbird
Hummingbird compiles trained ML models into tensor computation for faster inference.
lucidrains/stylegan2-pytorch
Simplest working implementation of Stylegan2, state of the art generative adversarial network, in Pytorch. Enabling everyone to experience disentanglement
lucidrains/lightweight-gan
Implementation of 'lightweight' GAN, proposed in ICLR 2021, in Pytorch. High resolution image generations that can be trained within a day or two
YutaroOgawa/pytorch_advanced
書籍「つくりながら学ぶ! PyTorchによる発展ディープラーニング」の実装コードを配置したリポジトリです
gaborvecsei/SLE-GAN
Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis
facebookresearch/mmf
A modular framework for vision & language multimodal research from Facebook AI Research (FAIR)
JaidedAI/EasyOCR
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
hei4/study-pytorch-geometric
PyTorch Geometricの学習用リポジトリ
TheAlgorithms/Python
All Algorithms implemented in Python
scikit-tda/ripser.py
A Lean Persistent Homology Library for Python