Pinned Repositories
Ali_Security_Competition
第三届阿里云安全算法挑战赛初赛线上top7 决赛top10 solution
CPPNET
C++ 深度学习库实现
ELO
Elo Merchant Category Recommendation 21th solution
hh-rlhf
Human preference data for "Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback"
NER-1
NER方法及代码实现合集
NLP-Interview-Notes
本项目是作者们根据个人面试和经验总结出的自然语言处理(NLP)面试准备的学习笔记与资料,该资料目前包含 自然语言处理各领域的 面试题积累。
NLP_Projects
papers-with-code
pytorch-Deep-Learning
Deep Learning (with PyTorch)
Robocup2dInstall
a script for auto install robocup 2d sim
bestpredicts's Repositories
bestpredicts/aima-python
Python implementation of algorithms from Russell And Norvig's "Artificial Intelligence - A Modern Approach"
bestpredicts/Awesome-Chinese-LLM
整理开源的中文大语言模型,以规模较小、可私有化部署、训练成本较低的模型为主,包括底座模型,垂直领域微调及应用,数据集与教程等。
bestpredicts/Awesome-LLM
Awesome-LLM: a curated list of Large Language Model
bestpredicts/awesome-RLHF
A curated list of reinforcement learning with human feedback resources (continually updated)
bestpredicts/awesome_LLMs_interview_notes
LLMs interview notes and answers:该仓库主要记录大模型(LLMs)算法工程师相关的面试题和参考答案
bestpredicts/BiLLM
Tool for converting LLMs from uni-directional to bi-directional by removing causal mask for tasks like classification and sentence embeddings. Compatible with 🤗 transformers.
bestpredicts/data-juicer
A one-stop data processing system to make data higher-quality, juicier, and more digestible for LLMs! 🍎 🍋 🌽 ➡️ ➡️🍸 🍹 🍷为大语言模型提供更高质量、更丰富、更易”消化“的数据!
bestpredicts/dsir
DSIR large-scale data selection framework for language model training
bestpredicts/functionary
Chat language model that can use tools and interpret the results
bestpredicts/gpt-accelera
Simple and efficient pytorch-native transformer training and inference (batched)
bestpredicts/InternVL
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4o. 接近GPT-4o表现的开源多模态对话模型
bestpredicts/iRingo
解锁完整的 Apple功能和集成服务
bestpredicts/Linly-Talker
Digital Avatar Conversational System - Linly-Talker. 😄✨ Linly-Talker is an intelligent AI system that combines large language models (LLMs) with visual models to create a novel human-AI interaction method. 🤝🤖 It integrates various technologies like Whisper, Linly, Microsoft Speech Services, and SadTalker talking head generation system. 🌟🔬
bestpredicts/LLaMA-Factory
Unify Efficient Fine-tuning of 100+ LLMs
bestpredicts/LLaMA-Pro
[ACL 2024] Progressive LLaMA with Block Expansion.
bestpredicts/LLaVA-MORE
LLaVA-MORE: Enhancing Visual Instruction Tuning with LLaMA 3.1
bestpredicts/llm-detect-ai
1st Place Solution for LLM - Detect AI Generated Text Kaggle Competition
bestpredicts/LLMs-from-scratch
Implementing a ChatGPT-like LLM from scratch, step by step
bestpredicts/LS-LLaMA
A Simple but Powerful SOTA NER Model | Official Code For Label Supervised LLaMA Finetuning
bestpredicts/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
bestpredicts/mistral-src
Reference implementation of Mistral AI 7B v0.1 model.
bestpredicts/mlx-examples
Examples in the MLX framework
bestpredicts/Ollamac
A macOS app for interacting with the Ollama models
bestpredicts/opencompass
OpenCompass is an LLM evaluation platform, supporting a wide range of models (LLaMA, LLaMa2, ChatGLM2, ChatGPT, Claude, etc) over 50+ datasets.
bestpredicts/quillman
A chat app that transcribes audio in real-time, streams back a response from a language model, and synthesizes this response as natural-sounding speech.
bestpredicts/Qwen1.5
Qwen1.5 is the improved version of Qwen, the large language model series developed by Qwen team, Alibaba Cloud.
bestpredicts/safe-rlhf
Safe RLHF: Constrained Value Alignment via Safe Reinforcement Learning from Human Feedback
bestpredicts/TinyLlama
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
bestpredicts/TPU-Alignment
Fully fine-tune large models like Mistral, Llama-2-13B, or Qwen-14B completely for free
bestpredicts/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.