szzhh's Stars
JeffffffFu/Awesome-Differential-Privacy-and-Meachine-Learning
机器学习和差分隐私的论文笔记和代码仓
SergeyYakovlev13/SSL
Labs for "Methods and technologies of semi-supervised learning", NTUU KPI, IASA, AI Department, 2023-2024.
CuriousAI/mean-teacher
A state-of-the-art semi-supervised method for image recognition
safr-ai-lab/survey-llm
A survey of privacy problems in Large Language Models (LLMs). Contains summary of the corresponding paper along with relevant code
km1994/llms_paper
该仓库主要记录 LLMs 算法工程师相关的顶会论文研读笔记(多模态、PEFT、小样本QA问答、RAG、LMMs可解释性、Agents、CoT)
modelscope/ms-swift
Use PEFT or Full-parameter to finetune 400+ LLMs (Qwen2.5, Llama3.2, GLM4, Internlm2.5, Yi1.5, Mistral, Baichuan2, DeepSeek, ...) or 100+ MLLMs (Qwen2-VL, Qwen2-Audio, Llama3.2-Vision, Llava, InternVL2.5, MiniCPM-V-2.6, GLM4v, Xcomposer2.5, Yi-VL, DeepSeek-VL, Phi3.5-Vision, GOT-OCR2, ...).
erinqhu/differential-privacy-PATE
Differential Privacy, PATE Analysis for MNIST Dataset
facebookresearch/label_dp_antipodes
Code to reproduce experiments in "Antipodes of Label Differential Privacy PATE and ALIBI"
cs230-stanford/cs230-code-examples
Code examples in pyTorch and Tensorflow for CS230
zhile-io/pandora
潘多拉,一个让你呼吸顺畅的ChatGPT。Pandora, a ChatGPT client that lets you breathe freely.
binary-husky/gpt_academic
为GPT/GLM等LLM大语言模型提供实用化交互接口,特别优化论文阅读/润色/写作体验,模块化设计,支持自定义快捷按钮&函数插件,支持Python和C++等项目剖析&自译解功能,PDF/LaTex论文翻译&总结功能,支持并行问询多种LLM模型,支持chatglm3等本地模型。接入通义千问, deepseekcoder, 讯飞星火, 文心一言, llama2, rwkv, claude2, moss等。
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
krahets/hello-algo
《Hello 算法》:动画图解、一键运行的数据结构与算法教程。支持 Python, Java, C++, C, C#, JS, Go, Swift, Rust, Ruby, Kotlin, TS, Dart 代码。简体版和繁体版同步更新,English version ongoing
liguodongiot/llm-action
本项目旨在分享大模型相关技术原理以及实战经验(大模型工程化、大模型应用落地)
LlamaFamily/Llama-Chinese
Llama中文社区,Llama3在线体验和微调模型已开放,实时汇总最新Llama3学习资料,已将所有代码更新适配Llama3,构建最好的中文Llama大模型,完全开源可商用
LianjiaTech/BELLE
BELLE: Be Everyone's Large Language model Engine(开源中文对话大模型)
meta-llama/llama
Inference code for Llama models
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, ... 🧠
zyds/transformers-code
手把手带你实战 Huggingface Transformers 课程视频同步更新在B站与YouTube
THUDM/ChatGLM2-6B
ChatGLM2-6B: An Open Bilingual Chat LLM | 开源双语对话语言模型
meta-llama/llama-recipes
Scripts for fine-tuning Meta Llama with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization and Q&A. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment. Demo apps to showcase Meta Llama for WhatsApp & Messenger.
hikariming/chat-dataset-baseline
人工精调的中文对话数据集和一段chatglm的微调代码
git-cloner/Llama2-chinese
Llama2 chinese finetuning
longyuewangdcu/Chinese-Llama-2
improve Llama-2's proficiency in comprehension, generation, and translation of Chinese.
A-baoYang/alpaca-7b-chinese
Finetune LLaMA-7B with Chinese instruction datasets
dayu11/dp_finetuning_of_llms
szzhh/Intelligent_conference_control_system
通过手势识别实现隔空写字、PPT控制、鼠标控制、音量控制、简单手语翻译等功能
tloen/alpaca-lora
Instruct-tune LLaMA on consumer hardware
ymcui/Chinese-LLaMA-Alpaca-2
中文LLaMA-2 & Alpaca-2大模型二期项目 + 64K超长上下文模型 (Chinese LLaMA-2 & Alpaca-2 LLMs with 64K long context models)
Facico/Chinese-Vicuna
Chinese-Vicuna: A Chinese Instruction-following LLaMA-based Model —— 一个中文低资源的llama+lora方案,结构参考alpaca