yangmingbj's Stars
AntixK/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
changzy00/pytorch-attention
🦖Pytorch implementation of popular Attention Mechanisms, Vision Transformers, MLP-Like models and CNNs.🔥🔥🔥
ZhugeKongan/TorchCAM
CAM', 'ScoreCAM', 'SSCAM', 'ISCAM' 'GradCAM', 'GradCAMpp', 'SmoothGradCAMpp', 'XGradCAM', 'LayerCAM' using by PyTorch.
ZhugeKongan/Attention-mechanism-implementation
Self-attention、Non-local、SE、SK、CBAM、DANet
ZhugeKongan/torch-template-for-deep-learning
Pytorch Implementations of large number classical backbone CNNs, data enhancement, torch loss, attention, visualization and some common algorithms.
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
WildChlamydia/MiVOLO
MiVOLO age & gender transformer neural network
TYLfromSEU/DPStyler
DPStyler: Dynamic PromptStyler for Source-Free Domain Generalization
jindongwang/transferlearning
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
PINTO0309/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
kodamap/person_reidentification
tristandeleu/pytorch-meta
A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
learnables/learn2learn
A PyTorch Library for Meta-learning Research
thuml/Transfer-Learning-Library
Transfer Learning Library for Domain Adaptation, Task Adaptation, and Domain Generalization
NVIDIA/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
vllm-project/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs
krahets/LeetCode-Book
《剑指 Offer》 Python, Java, C++ 解题代码,LeetBook《图解算法数据结构》配套代码仓
krahets/hello-algo
《Hello 算法》:动画图解、一键运行的数据结构与算法教程。支持 Python, Java, C++, C, C#, JS, Go, Swift, Rust, Ruby, Kotlin, TS, Dart 代码。简体版和繁体版同步更新,English version ongoing
hwz-zju/Instruct-ReID
A General-purpose Person Re-identification Task with Instructions
SegmentationBLWX/sssegmentation
SSSegmentation: An Open Source Supervised Semantic Segmentation Toolbox Based on PyTorch.
Event-AHU/OpenPAR
[OpenPAR] An open-source framework for Pedestrian Attribute Recognition, based on PyTorch
salesforce/LAVIS
LAVIS - A One-stop Library for Language-Vision Intelligence
google-research/tuning_playbook
A playbook for systematically maximizing the performance of deep learning models.