upcJack's Stars
Chernobyllight/SaMST
Pluggable Style Representation Learning for Multi-Style Transfer
CuiYing123456/GQFedWAvg
paper: GQFedWAvg: Optimization-Based Quantized Federated Learning in General Edge Computing Systems, to appear in IEEE TWC
Rainysponge/SLPerf
seotaijiya/LLM_OPT
Source code for LLM based optimization for wireless communication
kentaroy47/vision-transformers-cifar10
Let's train vision transformers (ViT) for cifar 10!
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
faresmalik/FeSViBS
Source code for MICCAI 2023 paper entitled: 'FeSViBS: Federated Split Learning of Vision Transformer with Block Sampling'
wangsr126/MAE-Lite
Official implement for ICML2023 paper: "A Closer Look at Self-Supervised Lightweight Vision Transformers"
FDU-INC/Split_LoRA
s-chh/PyTorch-Scratch-Vision-Transformer-ViT
Simple and easy to understand PyTorch implementation of Vision Transformer (ViT) from scratch, with detailed steps. Tested on common datasets like MNIST, CIFAR10, and more.
Cydia2018/ViT-cifar10-pruning
Vision Transformer Pruning
lancopku/Embedding-Poisoning
Code for the paper "Be Careful about Poisoned Word Embeddings: Exploring the Vulnerability of the Embedding Layers in NLP Models" (NAACL-HLT 2021)
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
ymcui/Chinese-LLaMA-Alpaca-3
中文羊驼大模型三期项目 (Chinese Llama-3 LLMs) developed from Meta Llama 3
huggingface/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
google-research/bert
TensorFlow code and pre-trained models for BERT
neelsjain/NEFTune
Official repository of NEFTune: Noisy Embeddings Improves Instruction Finetuning
jiangfeibo/LAMSC
The source code of 《Large AI Model-Based Semantic Communications》
chunbaobao/Deep-JSCC-PyTorch
A implement of Deep JSCC for wireless image transmission by PyTorch
zhanwen/MathModel
研究生数学建模,本科生数学建模、数学建模竞赛优秀论文,数学建模算法,LaTeX论文模板,算法思维导图,参考书籍,Matlab软件教程,PPT
poojahira/gtsrb-pytorch
PyTorch implementation of Kaggle GTSRB challenge with 99.8% accuracy
zoubohao/DenoisingDiffusionProbabilityModel-ddpm-
This may be the simplest implement of DDPM. You can directly run Main.py to train the UNet on CIFAR-10 dataset and see the amazing process of denoising.
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
yasamanhbn/Diffusion-Model-Cifar10
Implementation of Diffusion Model for Cifar10
MMorafah/FedZoo-Bench
FedZoo-Bench: An open source PyTorch libarary for federated learning with implementation of more than 22 algorithms
OpenRL-Lab/Wandb_Tutorial
How to use wandb?
seyoungahn/FedDif
Official implementations for "Communication-Efficient Diffusion Strategy for Performance Improvement of Federated Learning with Non-IID Data" paper.
abarankab/DDPM
PyTorch DDPM implementation
owenliang/mnist-dits
Diffusion Transformers (DiTs) trained on MNIST dataset