Skip to content

🤖 Collect practical AI repos, tools, websites, papers and tutorials on AI. 实用的AI百宝箱 💎

License

Notifications You must be signed in to change notification settings

superiorlu/AITreasureBox

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

AI TreasureBox


English | 中文

Collect practical AI repos, tools, websites, papers and tutorials on AI.
Translated from ChatGPT, picture from Midjourney.

GitHub Workflow Status GitHub last update Buy Me Coffee

Catalog

Repos

updated repos and stars every 2 hours and re-ranking automatically.

No.
Repos
Description
1 public-apis/public-apis
2024-06-01_295084_24
A collective list of free APIs
2 kamranahmedse/developer-roadmap
2024-06-01_278380_15
Interactive roadmaps, guides and other educational content to help developers grow in their careers.
3 vinta/awesome-python
2024-06-01_208486_35
A curated list of awesome Python frameworks, libraries, software and resources
4 tensorflow/tensorflow
2024-06-01_183176_3
An Open Source Machine Learning Framework for Everyone
5 practical-tutorials/project-based-learning
2024-06-01_174496_35
Curated list of project-based tutorials
6 Significant-Gravitas/AutoGPT
2024-06-01_162647_6
An experimental open-source attempt to make GPT-4 fully autonomous.
7 AUTOMATIC1111/stable-diffusion-webui
2024-06-01_132674_19
Stable Diffusion web UI
8 huggingface/transformers
2024-06-01_126958_10
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
9 justjavac/free-programming-books-zh_CN
2024-06-01_109537_1
📚 免费的计算机编程类中文书籍,欢迎投稿
10 f/awesome-chatgpt-prompts
2024-06-01_105491_7 Open in Spaces
This repo includes ChatGPT prompt curation to use ChatGPT better.
11 langchain-ai/langchain
2024-06-01_86293_13
⚡ Building applications with LLMs through composability ⚡
12 pytorch/pytorch
2024-06-01_79021_8
Tensors and Dynamic neural networks in Python with strong GPU acceleration
13 ChatGPTNextWeb/ChatGPT-Next-Web
2024-06-01_70868_11
A cross-platform ChatGPT/Gemini UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT/Gemini 应用。
14 ollama/ollama
2024-06-01_70556_51
Get up and running with Llama 2, Mistral, Gemma, and other large language models.
15 home-assistant/core
2024-06-01_69248_1
🏡 Open source home automation that puts local control and privacy first.
16 supabase/supabase
2024-06-01_67257_5
The open source Firebase alternative.
17 nomic-ai/gpt4all
2024-06-01_65481_0
gpt4all: an ecosystem of open-source chatbots trained on a massive collection of clean assistant data including code, stories and dialogue
18 fighting41love/funNLP
2024-06-01_65048_5
The Most Powerful NLP-Weapon Arsenal
19 bregman-arie/devops-exercises
2024-06-01_64210_6
Linux, Jenkins, AWS, SRE, Prometheus, Docker, Python, Ansible, Git, Kubernetes, Terraform, OpenStack, SQL, NoSQL, Azure, GCP, DNS, Elastic, Network, Virtualization. DevOps Interview Questions
20 josephmisiti/awesome-machine-learning
2024-06-01_63967_3
A curated list of awesome Machine Learning frameworks, libraries and software.
21 openai/whisper
2024-06-01_62339_20
Robust Speech Recognition via Large-Scale Weak Supervision
22 twitter/the-algorithm
2024-06-01_61543_1
Source code for Twitter's Recommendation Algorithm
23 keras-team/keras
2024-06-01_61104_2
Deep Learning for humans
24 binary-husky/gpt_academic
2024-06-01_59748_12
Academic Optimization of GPT
25 apache/superset
2024-06-01_59714_7
Apache Superset is a Data Visualization and Data Exploration Platform
26 ggerganov/llama.cpp
2024-06-01_59375_13
Port of Facebook's LLaMA model in C/C++
27 3b1b/manim
2024-06-01_58782_3
Animation engine for explanatory math videos
28 xtekky/gpt4free
2024-06-01_58496_1
decentralizing the Ai Industry, free gpt-4/3.5 scripts through several reverse engineered API's ( poe.com, phind.com, chat.openai.com etc...)
29 scikit-learn/scikit-learn
2024-06-01_58482_7
scikit-learn: machine learning in Python
30 d2l-ai/d2l-zh
2024-06-01_57701_4
Targeting Chinese readers, functional and open for discussion. The Chinese and English versions are used for teaching in over 400 universities across more than 60 countries
31 openai/openai-cookbook
2024-06-01_56890_4
Examples and guides for using the OpenAI API
32 binhnguyennus/awesome-scalability
2024-06-01_55340_38
The Patterns of Scalable, Reliable, and Performant Large-Scale Systems
33 meta-llama/llama
2024-06-01_53713_5
Inference code for Llama models
34 abi/screenshot-to-code
2024-06-01_52805_10
Drop in a screenshot and convert it to clean HTML/Tailwind/JS code
35 imartinez/privateGPT
2024-06-01_52447_3
Interact with your documents using the power of GPT, 100% privately, no data leaks
36 ageitgey/face_recognition
2024-06-01_52073_2
The world's simplest facial recognition api for Python and the command line
37 CorentinJ/Real-Time-Voice-Cloning
2024-06-01_51125_3
Clone a voice in 5 seconds to generate arbitrary speech in real-time
38 lencx/ChatGPT
2024-06-01_50937_14
🔮 ChatGPT Desktop Application (Mac, Windows and Linux)
39 gpt-engineer-org/gpt-engineer
2024-06-01_50905_0
Specify what you want it to build, the AI asks for clarification, and then builds it.
40 PlexPt/awesome-chatgpt-prompts-zh
2024-06-01_50873_3
ChatGPT Chinese Training Guide. Guidelines for various scenarios. Learn how to make it listen to you
41 OpenInterpreter/open-interpreter
2024-06-01_49367_2
A natural language interface for computers
42 labmlai/annotated_deep_learning_paper_implementations
2024-06-01_49324_3
🧑‍🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
43 xai-org/grok-1
2024-06-01_48900_5
Grok open release
44 commaai/openpilot
2024-06-01_48284_4
openpilot is an open source driver assistance system. openpilot performs the functions of Automated Lane Centering and Adaptive Cruise Control for over 200 supported car makes and models.
45 dair-ai/Prompt-Engineering-Guide
2024-06-01_45026_4
🐙 Guides, papers, lecture, notebooks and resources for prompt engineering
46 v2ray/v2ray-core
2024-06-01_44810_1
A platform for building proxies to bypass network restrictions.
47 facebookresearch/segment-anything
2024-06-01_44756_3
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
48 microsoft/generative-ai-for-beginners
2024-06-01_44526_4
12 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
49 Avik-Jain/100-Days-Of-ML-Code
2024-06-01_43709_0
100 Days of ML Coding
50 n8n-io/n8n
2024-06-01_41577_3
Free and source-available fair-code licensed workflow automation tool. Easily automate tasks across different services.
51 type-challenges/type-challenges
2024-06-01_40890_5
Collection of TypeScript type challenges with online judge
52 geekan/MetaGPT
2024-06-01_40421_6
The Multi-Agent Meta Programming Framework: Given one line Requirement, return PRD, Design, Tasks, Repo
53 THUDM/ChatGLM-6B
2024-06-01_39644_6
ChatGLM-6B: An Open Bilingual Dialogue Language Model
54 PaddlePaddle/PaddleOCR
2024-06-01_39338_2
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
55 fastlane/fastlane
2024-06-01_38733_0
🚀 The easiest way to automate building and releasing your iOS and Android apps
56 hpcaitech/ColossalAI
2024-06-01_38112_-1
Making large AI models cheaper, faster and more accessible
57 psf/black
2024-06-01_37589_0
The uncompromising Python code formatter
58 oobabooga/text-generation-webui
2024-06-01_37400_7
A gradio web UI for running Large Language Models like LLaMA, llama.cpp, GPT-J, OPT, and GALACTICA.
59 Stability-AI/stablediffusion
2024-06-01_36814_2
High-Resolution Image Synthesis with Latent Diffusion Models
60 LAION-AI/Open-Assistant
2024-06-01_36750_0 Open in Spaces
OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
61 lllyasviel/Fooocus
2024-06-01_36740_6
Focus on prompting and generating
62 comfyanonymous/ComfyUI
2024-06-01_36372_30
A powerful and modular stable diffusion GUI with a graph/nodes interface.
63 XingangPan/DragGAN
2024-06-01_35275_-1 Open in Spaces
Code for DragGAN (SIGGRAPH 2023)
64 mingrammer/diagrams
2024-06-01_35190_0
🎨 Diagram as Code for prototyping cloud system architectures
65 lm-sys/FastChat
2024-06-01_35018_5
An open platform for training, serving, and evaluating large languages. Release repo for Vicuna and FastChat-T5.
66 apache/airflow
2024-06-01_34884_0
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
67 TencentARC/GFPGAN
2024-06-01_34833_1
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
68 microsoft/TaskMatrix
2024-06-01_34535_1 Open in Spaces
Talking, Drawing and Editing with Visual Foundation Models
69 babysor/MockingBird
2024-06-01_34130_4
🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time
70 QuivrHQ/quivr
2024-06-01_33514_9
Your GenAI Second Brain 🧠 A personal productivity assistant (RAG) ⚡️🤖 Chat with your docs (PDF, CSV, ...) & apps using Langchain, GPT 3.5 / 4 turbo, Private, Anthropic, VertexAI, Ollama, LLMs, that you can share with users ! Local & Private alternative to OpenAI GPTs & ChatGPT powered by retrieval-augmented generation.
71 lapce/lapce
2024-06-01_33307_1
Lightning-fast and Powerful Code Editor written in Rust
72 microsoft/DeepSpeed
2024-06-01_33199_3
A deep learning optimization library that makes distributed training and inference easy, efficient, and effective
73 suno-ai/bark
2024-06-01_33172_1 Open in Spaces
🔊 Text-Prompted Generative Audio Model
74 google-research/google-research
2024-06-01_33136_3
Google Research
75 Asabeneh/30-Days-Of-Python
2024-06-01_32731_7
30 days of Python programming challenge is a step-by-step guide to learn the Python programming language in 30 days. This challenge may take more than100 days, follow your own pace. These videos may help too: https://www.youtube.com/channel/UC7PNRuno1rzYPb1xLa4yktw
76 karpathy/nanoGPT
2024-06-01_32651_3
The simplest, fastest repository for training/finetuning medium-sized GPTs
77 streamlit/streamlit
2024-06-01_32487_3
Streamlit — A faster way to build and share data apps.
78 ggerganov/whisper.cpp
2024-06-01_32181_9
Port of OpenAI's Whisper model in C/C++
79 mlabonne/llm-course
2024-06-01_32158_12
Course with a roadmap and notebooks to get into Large Language Models (LLMs).
green-up-arrow.svg 80 langgenius/dify
2024-06-01_31921_34
One API for plugins and datasets, one interface for prompt engineering and visual operation, all for creating powerful AI applications.
red-down-arrow 81 lobehub/lobe-chat
2024-06-01_31918_5
🤖 Lobe Chat - an open-source, extensible (Function Calling), high-performance chatbot framework. It supports one-click free deployment of your private ChatGPT/LLM web application.
82 ray-project/ray
2024-06-01_31569_5
Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a toolkit of libraries (Ray AIR) for accelerating ML workloads.
83 Chanzhaoyu/chatgpt-web
2024-06-01_30702_2
A demonstration website built with Express and Vue3 called ChatGPT
84 coqui-ai/TTS
2024-06-01_30335_4
🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production
85 gradio-app/gradio
2024-06-01_29826_2
Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
86 karanpratapsingh/system-design
2024-06-01_29673_8
Learn how to design systems at scale and prepare for system design interviews
87 LC044/WeChatMsg
2024-06-01_29558_6
提取微信聊天记录,将其导出成HTML、Word、Excel文档永久保存,对聊天记录进行分析生成年度聊天报告,用聊天数据训练专属于个人的AI聊天助手
88 facebookresearch/fairseq
2024-06-01_29473_2
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
89 TheAlgorithms/C-Plus-Plus
2024-06-01_29408_3
Collection of various algorithms in mathematics, machine learning, computer science and physics implemented in C++ for educational purposes.
90 yunjey/pytorch-tutorial
2024-06-01_29278_1
PyTorch Tutorial for Deep Learning Researchers
91 facebookresearch/detectron2
2024-06-01_29039_4
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
92 tatsu-lab/stanford_alpaca
2024-06-01_28986_0
Code and documentation to train Stanford's Alpaca models, and generate the data.
93 Pythagora-io/gpt-pilot
2024-06-01_28774_2
PoC for a scalable dev tool that writes entire apps from scratch while the developer oversees the implementation
94 chatchat-space/Langchain-Chatchat
2024-06-01_28564_6
Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain
95 google/jax
2024-06-01_28376_3
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
96 lllyasviel/ControlNet
2024-06-01_28371_3
Let us control diffusion models!
97 acheong08/ChatGPT
2024-06-01_27963_-1
Reverse engineered ChatGPT API
98 v2fly/v2ray-core
2024-06-01_27926_3
A platform for building proxies to bypass network restrictions.
99 milvus-io/milvus
2024-06-01_27532_3
A cloud-native vector database, storage for next generation AI applications
100 upscayl/upscayl
2024-06-01_27267_4
🆙 Upscayl - Free and Open Source AI Image Upscaler for Linux, MacOS and Windows built with Linux-First philosophy.
101 JushBJJ/Mr.-Ranedeer-AI-Tutor
2024-06-01_27245_5
A GPT-4 AI Tutor Prompt for customizable personalized learning experiences.
102 Lightning-AI/pytorch-lightning
2024-06-01_27184_2
Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.
103 pola-rs/polars
2024-06-01_26890_2
Fast multi-threaded, hybrid-out-of-core query engine focussing on DataFrame front-ends
104 mckaywrigley/chatbot-ui
2024-06-01_26855_2
The open-source AI chat interface for everyone.
105 linexjlin/GPTs
2024-06-01_26836_1
leaked prompts of GPTs
⭐ 106 microsoft/autogen
2024-06-01_26668_30
Enable Next-Gen Large Language Model Applications. Join our Discord: https://discord.gg/pAbnFJrkgZ
107 zhayujie/chatgpt-on-wechat
2024-06-01_26518_2
Wechat robot based on ChatGPT, which uses OpenAI api and itchat library
108 xinntao/Real-ESRGAN
2024-06-01_26511_2
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
109 myshell-ai/OpenVoice
2024-06-01_26328_13
Instant voice cloning by MyShell
110 OpenBB-finance/OpenBBTerminal
2024-06-01_26272_1
Investment Research for Everyone, Anywhere.
111 eugeneyan/applied-ml
2024-06-01_26111_2
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
112 RVC-Boss/GPT-SoVITS
2024-06-01_26062_31
1 min voice data can also be used to train a good TTS model! (few shot voice cloning)
113 freqtrade/freqtrade
2024-06-01_25924_-1
Free, open source crypto trading bot
114 FlowiseAI/Flowise
2024-06-01_25908_4
Drag & drop UI to build your customized LLM flow using LangchainJS
115 google/mediapipe
2024-06-01_25810_3
Cross-platform, customizable ML solutions for live and streaming media.
116 google-research/tuning_playbook
2024-06-01_25425_-2
A playbook for systematically maximizing the performance of deep learning models.
117 airbnb/lottie-ios
2024-06-01_25358_0
An iOS library to natively render After Effects vector animations
118 s0md3v/roop
2024-06-01_25331_4
one-click deepfake (face swap)
119 Vision-CAIR/MiniGPT-4
2024-06-01_25027_0 Open in Spaces
Enhancing Vision-language Understanding with Advanced Large Language Models
120 open-webui/open-webui
2024-06-01_24958_37
User-friendly WebUI for LLMs (Formerly Ollama WebUI)
121 mli/paper-reading
2024-06-01_24585_1
Classic Deep Learning and In-Depth Reading of New Papers Paragraph by Paragraph
122 tinygrad/tinygrad
2024-06-01_24521_3
You like pytorch? You like micrograd? You love tinygrad! ❤️
123 ultralytics/ultralytics
2024-06-01_24418_4
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
124 svc-develop-team/so-vits-svc
2024-06-01_24340_2
SoftVC VITS Singing Voice Conversion
125 iperov/DeepFaceLive
2024-06-01_23972_3
Real-time face swap for PC streaming or video calls
126 academic/awesome-datascience
2024-06-01_23945_0
📝 An awesome Data Science repository to learn and apply for real world problems.
127 OpenBMB/ChatDev
2024-06-01_23744_3
Create Customized Software using Natural Language Idea (through Multi-Agent Collaboration)
128 hiyouga/LLaMA-Factory
2024-06-01_23470_25
Easy-to-use LLM fine-tuning framework (LLaMA, BLOOM, Mistral, Baichuan, Qwen, ChatGLM)
129 apache/flink
2024-06-01_23322_0
Apache Flink
130 DataTalksClub/data-engineering-zoomcamp
2024-06-01_23237_2
Free Data Engineering course!
131 mouredev/Hello-Python
2024-06-01_23211_8
Curso para aprender el lenguaje de programación Python desde cero y para principiantes. 75 clases, 37 horas en vídeo, código, proyectos y grupo de chat. Fundamentos, frontend, backend, testing, IA...
132 microsoft/JARVIS
2024-06-01_23190_1 Open in Spaces
a system to connect LLMs with ML community
133 yetone/openai-translator
2024-06-01_23029_3
Browser extension and cross-platform desktop application for translation based on ChatGPT API
134 Stability-AI/generative-models
2024-06-01_22801_4
Generative Models by Stability AI
135 bazelbuild/bazel
2024-06-01_22553_2
a fast, scalable, multi-language and extensible build system
136 nrwl/nx
2024-06-01_22382_3
Smart Monorepos · Fast CI
137 invoke-ai/InvokeAI
2024-06-01_21979_1
InvokeAI is a leading creative engine for Stable Diffusion models, empowering professionals, artists, and enthusiasts to generate and create visual media using the latest AI-driven technologies. The solution offers an industry leading WebUI, supports terminal use through a CLI, and serves as the foundation for multiple commercial products.
138 hiroi-sora/Umi-OCR
2024-06-01_21910_6
OCR图片转文字识别软件,完全离线。截屏/批量导入图片,支持多国语言、合并段落、竖排文字。可排除水印区域,提取干净的文本。基于 PaddleOCR 。
139 modularml/mojo
2024-06-01_21789_1
The Mojo Programming Language
140 mindsdb/mindsdb
2024-06-01_21720_5
The platform for customizing AI from enterprise data
141 deepinsight/insightface
2024-06-01_21621_1
State-of-the-art 2D and 3D Face Analysis Project
142 meta-llama/llama3
2024-06-01_21385_12
The official Meta Llama 3 GitHub site
143 clash-verge-rev/clash-verge-rev
2024-06-01_21261_24
Continuation of Clash Verge - A Clash Meta GUI based on Tauri (Windows, MacOS, Linux)
144 opentofu/opentofu
2024-06-01_21232_1
OpenTofu lets you declaratively manage your cloud infrastructure.
145 openai/chatgpt-retrieval-plugin
2024-06-01_20912_0
Plugins are chat extensions designed specifically for language models like ChatGPT, enabling them to access up-to-date information, run computations, or interact with third-party services in response to a user's request.
146 mudler/LocalAI
2024-06-01_20818_4
🤖 The free, Open Source OpenAI alternative. Self-hosted, community-driven and local-first. Drop-in replacement for OpenAI running on consumer-grade hardware. No GPU required. Runs gguf, transformers, diffusers and many more models architectures. It allows to generate Text, Audio, Video, Images. Also with voice cloning capabilities.
147 openai/openai-python
2024-06-01_20568_4
The OpenAI Python library provides convenient access to the OpenAI API from applications written in the Python language.
148 getcursor/cursor
2024-06-01_20425_0
An editor made for programming with AI
149 vllm-project/vllm
2024-06-01_20291_9
A high-throughput and memory-efficient inference and serving engine for LLMs
150 karpathy/llm.c
2024-06-01_20085_13
LLM training in simple, raw C/CUDA
151 grpc/grpc-go
2024-06-01_20025_0
The Go language implementation of gRPC. HTTP/2 based RPC
152 RVC-Project/Retrieval-based-Voice-Conversion-WebUI
2024-06-01_19949_7
Voice data <= 10 mins can also be used to train a good VC model!
153 facebookresearch/audiocraft
2024-06-01_19889_0
Audiocraft is a library for audio processing and generation with deep learning. It features the state-of-the-art EnCodec audio compressor / tokenizer, along with MusicGen, a simple and controllable music generation LM with textual and melodic conditioning.
154 yoheinakajima/babyagi
2024-06-01_19466_2
uses OpenAI and Pinecone APIs to create, prioritize, and execute tasks, This is a pared-down version of the original Task-Driven Autonomous Agent
155 janhq/jan
2024-06-01_19435_8
Jan is an open source alternative to ChatGPT that runs 100% offline on your computer
156 PromtEngineer/localGPT
2024-06-01_19394_1
Chat with your documents on your local device using GPT models. No data leaves your device and 100% private.
157 Bin-Huang/chatbox
2024-06-01_19176_24
A desktop app for GPT-4 / GPT-3.5 (OpenAI API) that supports Windows, Mac & Linux
158 karpathy/minGPT
2024-06-01_19135_2
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
159 microsoft/semantic-kernel
2024-06-01_18794_4
Integrate cutting-edge LLM technology quickly and easily into your apps
160 microsoft/unilm
2024-06-01_18719_0
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
161 logspace-ai/langflow
2024-06-01_18445_12
⛓️ Langflow is a dynamic graph where each node is an executable unit. Its modular and interactive design fosters rapid experimentation and prototyping, pushing hard on the limits of creativity.
162 qdrant/qdrant
2024-06-01_18407_1 Open in Demo
Qdrant - Vector Database for the next generation of AI applications. Also available in the cloud https://cloud.qdrant.io/
163 tloen/alpaca-lora
2024-06-01_18289_0 Open in Spaces
Instruct-tune LLaMA on consumer hardware
164 ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
2024-06-01_17998_5
500 AI Machine learning Deep learning Computer vision NLP Projects with code
165 BuilderIO/gpt-crawler
2024-06-01_17953_2
Crawl a site to generate knowledge files to create your own custom GPT from a URL
166 TabbyML/tabby
2024-06-01_17834_2
Self-hosted AI coding assistant
167 guidance-ai/guidance
2024-06-01_17815_4
A guidance language for controlling large language models.
168 ymcui/Chinese-LLaMA-Alpaca
2024-06-01_17669_1
Chinese LLaMA & Alpaca LLMs
⭐ 169 mlflow/mlflow
2024-06-01_17583_26
Open source platform for the machine learning lifecycle
170 Sanster/lama-cleaner
2024-06-01_17521_2
Image inpainting tool powered by SOTA AI Model. Remove any unwanted object, defect, people from your pictures or erase and replace(powered by stable diffusion) any thing on your pictures.
171 chatanywhere/GPT_API_free
2024-06-01_17506_7
Free ChatGPT API Key, Free ChatGPT API, supports GPT-4 API (free), ChatGPT offers a free domestic forwarding API that allows direct connections without the need for a proxy. It can be used in conjunction with software/plugins like ChatBox, significantly reducing interface usage costs. Enjoy unlimited and unrestricted chatting within China
172 stitionai/devika
2024-06-01_17415_5
Devika is an Agentic AI Software Engineer that can understand high-level human instructions, break them down into steps, research relevant information, and write code to achieve the given objective. Devika aims to be a competitive open-source alternative to Devin by Cognition AI.
173 mlc-ai/mlc-llm
2024-06-01_17355_1
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
174 rasbt/LLMs-from-scratch
2024-06-01_17171_10
Implementing a ChatGPT-like LLM from scratch, step by step
175 haotian-liu/LLaVA
2024-06-01_17162_4 Open in Demo
Large Language-and-Vision Assistant built towards multimodal GPT-4 level capabilities.
176 tree-sitter/tree-sitter
2024-06-01_16877_1
An incremental parsing system for programming tools
177 yuliskov/SmartTube
2024-06-01_16658_3
SmartTube - an advanced player for set-top boxes and tvs running Android OS
178 xx025/carrot
2024-06-01_16651_6
Free ChatGPT Site List
179 LiLittleCat/awesome-free-chatgpt
2024-06-01_16646_5
🆓免费的 ChatGPT 镜像网站列表,持续更新。List of free ChatGPT mirror sites, continuously updated.
180 apple/ml-stable-diffusion
2024-06-01_16327_-1
Stable Diffusion with Core ML on Apple Silicon
181 emilwallner/Screenshot-to-code
2024-06-01_16283_0
A neural network that transforms a design mock-up into a static website.
182 Mikubill/sd-webui-controlnet
2024-06-01_16190_3
WebUI extension for ControlNet
183 renovatebot/renovate
2024-06-01_16165_0
Universal dependency update tool that fits into your workflows.
184 microsoft/LightGBM
2024-06-01_16161_0
A fast, distributed, high-performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
185 Mozilla-Ocho/llamafile
2024-06-01_16107_4
Distribute and run LLMs with a single file.
186 rlabbe/Kalman-and-Bayesian-Filters-in-Python
2024-06-01_15990_0
Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
187 Stability-AI/StableLM
2024-06-01_15857_0
Stability AI Language Models
188 transitive-bullshit/chatgpt-api
2024-06-01_15700_0
Node.js client for the official ChatGPT API.
189 THUDM/ChatGLM2-6B
2024-06-01_15547_0
ChatGLM2-6B: An Open Bilingual Chat LLM
190 joonspk-research/generative_agents
2024-06-01_15508_3
Generative Agents: Interactive Simulacra of Human Behavior
191 facefusion/facefusion
2024-06-01_15447_7
Next generation face swapper and enhancer
192 Mintplex-Labs/anything-llm
2024-06-01_15294_11
A full-stack application that turns any documents into an intelligent chatbot with a sleek UI and easier way to manage your workspaces.
193 meta-llama/codellama
2024-06-01_15285_1
Inference code for CodeLlama models
194 joaomdmoura/crewAI
2024-06-01_15261_17
Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
195 blakeblackshear/frigate
2024-06-01_15183_3
NVR with realtime local object detection for IP cameras
196 PrefectHQ/prefect
2024-06-01_15083_3
Prefect is a workflow orchestration tool empowering developers to build, observe, and react to data pipelines
197 songquanpeng/one-api
2024-06-01_15062_10
OpenAI 接口管理 & 分发系统,支持 Azure、Anthropic Claude、Google PaLM 2 & Gemini、智谱 ChatGLM、百度文心一言、讯飞星火认知、阿里通义千问、360 智脑以及腾讯混元,可用于二次分发管理 key,仅单可执行文件,已打包好 Docker 镜像,一键部署,开箱即用. OpenAI key management & redistribution system, using a single API for all LLMs, and features an English UI.
198 ml-explore/mlx
2024-06-01_15002_6
MLX: An array framework for Apple silicon
199 w-okada/voice-changer
2024-06-01_14995_0
リアルタイムボイスチェンジャー Realtime Voice Changer
200 pybind/pybind11
2024-06-01_14964_1
Seamless operability between C++11 and Python
201 GaiZhenbiao/ChuanhuChatGPT
2024-06-01_14899_2
GUI for ChatGPT API and many LLMs. Supports agents, file-based QA, GPT finetuning and query with web search. All with a neat UI.
202 kenjihiranabe/The-Art-of-Linear-Algebra
2024-06-01_14876_11
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone"
203 roboflow/supervision
2024-06-01_14826_0
We write your reusable computer vision tools. 💜
204 TransformerOptimus/SuperAGI
2024-06-01_14716_2
<⚡️> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
205 mayooear/gpt4-pdf-chatbot-langchain
2024-06-01_14663_0
GPT4 & LangChain Chatbot for large PDF docs
206 ddbourgin/numpy-ml
2024-06-01_14653_2
Machine learning, in numpy
207 microsoft/Bringing-Old-Photos-Back-to-Life
2024-06-01_14555_0
Bringing Old Photo Back to Life (CVPR 2020 oral)
208 sunner/ChatALL
2024-06-01_14448_0
Concurrently chat with ChatGPT, Bing Chat, Bard, Alpaca, Vincuna, Claude, ChatGLM, MOSS, iFlytek Spark, ERNIE and more, discover the best answers
209 dair-ai/ML-YouTube-Courses
2024-06-01_14426_1
📺 Discover the latest machine learning / AI courses on YouTube.
210 microsoft/qlib
2024-06-01_14349_4
Qlib is an AI-oriented quantitative investment platform that aims to realize the potential, empower research, and create value using AI technologies in quantitative investment, from exploring ideas to implementing productions. Qlib supports diverse machine learning modeling paradigms. including supervised learning, market dynamics modeling, and RL.
211 fauxpilot/fauxpilot
2024-06-01_14335_0
An open-source GitHub Copilot server
212 arc53/DocsGPT
2024-06-01_14297_0
GPT-powered chat for documentation, chat with your documents
213 openai/evals
2024-06-01_14158_1
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
214 deepset-ai/haystack
2024-06-01_14130_3
🔍 Haystack is an open source NLP framework to interact with your data using Transformer models and LLMs (GPT-4, ChatGPT and alike). Haystack offers production-ready tools to quickly build complex question answering, semantic search, text generation applications, and more.
215 alibaba/lowcode-engine
2024-06-01_14084_0
An enterprise-class low-code technology stack with scale-out design / 一套面向扩展设计的企业级低代码技术体系
216 HumanAIGC/AnimateAnyone
2024-06-01_14031_-1
Animate Anyone: Consistent and Controllable Image-to-Video Synthesis for Character Animation
217 unifyai/ivy
2024-06-01_14029_-1
Unified AI
218 labring/FastGPT
2024-06-01_14008_3
A platform that uses the OpenAI API to quickly build an AI knowledge base, supporting many-to-many relationships.
219 chat2db/Chat2DB
2024-06-01_13961_2
An intelligent and versatile general-purpose SQL client and reporting tool for databases which integrates ChatGPT capabilities
220 xcanwin/KeepChatGPT
2024-06-01_13906_9
Using ChatGPT is more efficient and smoother, perfectly solving ChatGPT network errors. No longer do you need to frequently refresh the webpage, saving over 10 unnecessary steps
221 IDEA-Research/Grounded-Segment-Anything
2024-06-01_13809_3
Marrying Grounding DINO with Segment Anything & Stable Diffusion & BLIP - Automatically Detect, Segment and Generate Anything with Image and Text Inputs
⭐ 222 danielmiessler/fabric
2024-06-01_13598_75
fabric is an open-source framework for augmenting humans using AI.
223 wong2/chatgpt-google-extension
2024-06-01_13257_0
A browser extension that enhances search engines with ChatGPT, this repos will not be updated from 2023-02-20
224 harry0703/MoneyPrinterTurbo
2024-06-01_13168_11
Generate short videos with one click using a large model
225 fuergaosi233/wechat-chatgpt
2024-06-01_13137_0
Use ChatGPT On Wechat via wechaty
green-up-arrow.svg⭐ 226 🔥🔥2noise/ChatTTS
2024-06-01_13104_732
ChatTTS is a generative speech model for daily dialogue.
red-down-arrow 227 microsoft/onnxruntime
2024-06-01_13073_1
ONNX Runtime: cross-platform, high-performance ML inferencing and training accelerator
228 chroma-core/chroma
2024-06-01_12841_4
the AI-native open-source embedding database
229 THUDM/ChatGLM3
2024-06-01_12676_1
ChatGLM3 series: Open Bilingual Chat LLMs
230 KindXiaoming/pykan
2024-06-01_12651_20
Kolmogorov Arnold Networks
231 ashishps1/awesome-system-design-resources
2024-06-01_12607_14
This repository contains System Design resources which are useful while preparing for interviews and learning Distributed Systems
232 LlamaFamily/Llama-Chinese
2024-06-01_12389_8
Llama Chinese Community, the best Chinese Llama large model, fully open source and commercially available
233 AI4Finance-Foundation/FinGPT
2024-06-01_12210_3
Data-Centric FinGPT. Open-source for open finance! Revolutionize 🔥 We'll soon release the trained model.
234 continuedev/continue
2024-06-01_12199_10
⏩ the open-source copilot chat for software development—bring the power of ChatGPT to VS Code
235 neonbjb/tortoise-tts
2024-06-01_12107_2
A multi-voice TTS system trained with an emphasis on quality
236 danny-avila/LibreChat
2024-06-01_12085_5
Enhanced ChatGPT Clone: Features OpenAI, GPT-4 Vision, Bing, Anthropic, OpenRouter, Google Gemini, AI model switching, message search, langchain, DALL-E-3, ChatGPT Plugins, OpenAI Functions, Secure Multi-User System, Presets, completely open-source for self-hosting. More features in development
237 stanfordnlp/dspy
2024-06-01_12075_8
Stanford DSPy: The framework for programming—not prompting—foundation models
238 assafelovic/gpt-researcher
2024-06-01_12063_14
GPT based autonomous agent that does online comprehensive research on any given topic
239 HqWu-HITCS/Awesome-Chinese-LLM
2024-06-01_12027_8
Organizing smaller, cost-effective, privately deployable open-source Chinese language models, including related datasets and tutorials
240 stefan-jansen/machine-learning-for-trading
2024-06-01_11992_4
Code for Machine Learning for Algorithmic Trading, 2nd edition.
241 adobe/react-spectrum
2024-06-01_11953_0
A collection of libraries and tools that help you build adaptive, accessible, and robust user experiences.
242 graphdeco-inria/gaussian-splatting
2024-06-01_11945_2
Original reference implementation of "3D Gaussian Splatting for Real-Time Radiance Field Rendering"
243 OpenLMLab/MOSS
2024-06-01_11852_0
An open-source tool-augmented conversational language model from Fudan University
244 BlinkDL/RWKV-LM
2024-06-01_11808_1
RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it combines the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.
245 willwulfken/MidJourney-Styles-and-Keywords-Reference
2024-06-01_11727_0
A reference containing Styles and Keywords that you can use with MidJourney AI
246 QwenLM/Qwen-7B
2024-06-01_11714_6
The official repo of Qwen-7B (通义千问-7B) chat & pretrained large language model proposed by Alibaba Cloud.
247 smol-ai/developer
2024-06-01_11690_-1
With 100k context windows on the way, it's now feasible for every dev to have their own smol developer
248 triton-lang/triton
2024-06-01_11538_2
Development repository for the Triton language and compiler
249 eosphoros-ai/DB-GPT
2024-06-01_11488_3
Revolutionizing Database Interactions with Private LLM Technology
green-up-arrow.svg 250 gventuri/pandas-ai
2024-06-01_11386_8
Pandas AI is a Python library that integrates generative artificial intelligence capabilities into Pandas, making dataframes conversational
red-down-arrow 251 openai/shap-e
2024-06-01_11384_1
Generate 3D objects conditioned on text or images
252 Dao-AILab/flash-attention
2024-06-01_11371_5
Fast and memory-efficient exact attention
253 princeton-nlp/SWE-agent
2024-06-01_11304_5
SWE-agent: Agent Computer Interfaces Enable Software Engineering Language Models
254 steven-tey/novel
2024-06-01_11276_3
Notion-style WYSIWYG editor with AI-powered autocompletions
255 plasma-umass/scalene
2024-06-01_11263_1
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
256 Koenkk/zigbee2mqtt
2024-06-01_11251_0
Zigbee 🐝 to MQTT bridge 🌉, get rid of your proprietary Zigbee bridges 🔨
257 lukas-blecher/LaTeX-OCR
2024-06-01_11120_0
pix2tex: Using a ViT to convert images of equations into LaTeX code.
258 mlc-ai/web-llm
2024-06-01_10894_12
Bringing large-language models and chat to web browsers. Everything runs inside the browser with no server support.
259 illacloud/illa-builder
2024-06-01_10885_1
Create AI-Driven Apps like Assembling Blocks
260 OpenTalker/SadTalker
2024-06-01_10831_2
[CVPR 2023] SadTalker:Learning Realistic 3D Motion Coefficients for Stylized Audio-Driven Single Image Talking Face Animation
261 h2oai/h2ogpt
2024-06-01_10815_1
Come join the movement to make the world's best open source GPT led by H2O.ai - 100% private chat and document search, no data leaks, Apache 2.0
262 unslothai/unsloth
2024-06-01_10798_6
5X faster 50% less memory LLM finetuning
263 databrickslabs/dolly
2024-06-01_10791_0
A large language model trained on the Databricks Machine Learning Platform
264 khoj-ai/khoj
2024-06-01_10705_12
Your AI second brain. A copilot to get answers to your questions, whether they be from your own notes or from the internet. Use powerful, online (e.g gpt4) or private, local (e.g mistral) LLMs. Self-host locally or use our web app. Access from Obsidian, Emacs, Desktop app, Web or Whatsapp.
265 official-stockfish/Stockfish
2024-06-01_10678_3
UCI chess engine
266 kubeshark/kubeshark
2024-06-01_10638_0
The API traffic analyzer for Kubernetes providing real-time K8s protocol-level visibility, capturing and monitoring all traffic and payloads going in, out and across containers, pods, nodes and clusters. Inspired by Wireshark, purposely built for Kubernetes
267 openai/tiktoken
2024-06-01_10626_2
tiktoken is a fast BPE tokeniser for use with OpenAI's models.
268 PKU-YuanGroup/Open-Sora-Plan
2024-06-01_10558_3
This project aim to reproduce Sora (Open AI T2V model), but we only have limited resource. We deeply wish the all open source community can contribute to this project.
269 kgrzybek/modular-monolith-with-ddd
2024-06-01_10466_0
Full Modular Monolith application with Domain-Driven Design approach.
270 getumbrel/llama-gpt
2024-06-01_10432_1
A self-hosted, offline, ChatGPT-like chatbot. Powered by Llama 2. 100% private, with no data leaving your device.
green-up-arrow.svg 271 paul-gauthier/aider
2024-06-01_10391_3
aider is GPT powered coding in your terminal
red-down-arrow 272 ShishirPatil/gorilla
2024-06-01_10390_1
Gorilla: An API store for LLMs
273 facebookresearch/seamless_communication
2024-06-01_10382_1
Foundational Models for State-of-the-Art Speech and Text Translation
274 cpacker/MemGPT
2024-06-01_10379_4
Teaching LLMs memory management for unbounded context 📚🦙
275 DataTalksClub/mlops-zoomcamp
2024-06-01_10375_5
Free MLOps course from DataTalks.Club
276 eugeneyan/open-llms
2024-06-01_10365_2
A list of open LLMs available for commercial use.
277 bytebase/bytebase
2024-06-01_10281_1
World's most advanced database DevOps and CI/CD for Developer, DBA and Platform Engineering teams. The GitLab/GitHub for database DevOps.
278 chidiwilliams/buzz
2024-06-01_10261_2
Buzz transcribes and translates audio offline on your personal computer. Powered by OpenAI's Whisper.
279 facebookresearch/AnimatedDrawings
2024-06-01_10257_0 Open in Spaces
Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
280 state-spaces/mamba
2024-06-01_10225_6
Mamba: Linear-Time Sequence Modeling with Selective State Spaces
281 InstantID/InstantID
2024-06-01_10169_1
InstantID : Zero-shot Identity-Preserving Generation in Seconds 🔥
282 HigherOrderCO/HVM
2024-06-01_10035_2
A massively parallel, optimal functional runtime in Rust
283 stas00/ml-engineering
2024-06-01_10028_3
Machine Learning Engineering Guides and Tools
284 ggerganov/ggml
2024-06-01_10015_1
Tensor library for machine learning
285 magic-research/magic-animate
2024-06-01_9982_1
MagicAnimate: Temporally Consistent Human Image Animation using Diffusion Model
286 nocobase/nocobase
2024-06-01_9972_8
NocoBase is a scalability-first, open-source no-code/low-code platform for building business applications and enterprise solutions.
287 meta-llama/llama-recipes
2024-06-01_9944_3
Scripts for fine-tuning Llama2 with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization & question answering. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment.Demo apps to showcase Llama2 for WhatsApp & Messenger
288 owainlewis/awesome-artificial-intelligence
2024-06-01_9876_0
A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers.
289 Z3Prover/z3
2024-06-01_9864_0
The Z3 Theorem Prover
290 netease-youdao/QAnything
2024-06-01_9835_3
Question and Answer based on Anything.
291 AIGC-Audio/AudioGPT
2024-06-01_9832_0
AudioGPT: Understanding and Generating Speech, Music, Sound, and Talking Head
292 BradyFU/Awesome-Multimodal-Large-Language-Models
2024-06-01_9733_2
Latest Papers and Datasets on Multimodal Large Language Models
293 chathub-dev/chathub
2024-06-01_9680_1
All-in-one chatbot client
294 plandex-ai/plandex
2024-06-01_9603_2
An AI coding engine for complex tasks
295 artidoro/qlora
2024-06-01_9571_0 Open in Spaces
QLoRA: Efficient Finetuning of Quantized LLMs
296 danswer-ai/danswer
2024-06-01_9536_0
Ask Questions in natural language and get Answers backed by private sources. Connects to tools like Slack, GitHub, Confluence, etc.
297 m-bain/whisperX
2024-06-01_9524_1
WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)
green-up-arrow.svg 298 naklecha/llama3-from-scratch
2024-06-01_9518_18
llama3 implementation one matrix multiplication at a time
red-down-arrow 299 Rudrabha/Wav2Lip
2024-06-01_9513_2
This repository contains the codes of "A Lip Sync Expert Is All You Need for Speech to Lip Generation In the Wild", published at ACM Multimedia 2020.
300 VinciGit00/Scrapegraph-ai
2024-06-01_9511_19
Python scraper based on AI
301 guillaumekln/faster-whisper
2024-06-01_9494_4
Faster Whisper transcription with CTranslate2
302 phidatahq/phidata
2024-06-01_9456_12
Build AI Assistants using function calling
303 DataExpert-io/data-engineer-handbook
2024-06-01_9447_2
This is a repo with links to everything you'd ever want to learn about data engineering
304 kedro-org/kedro
2024-06-01_9412_0
Kedro is a toolbox for production-ready data science. It uses software engineering best practices to help you create data engineering and data science pipelines that are reproducible, maintainable, and modular.
305 BerriAI/litellm
2024-06-01_9395_3
Call all LLM APIs using the OpenAI format. Use Bedrock, Azure, OpenAI, Cohere, Anthropic, Ollama, Sagemaker, HuggingFace, Replicate (100+ LLMs)
306 Avaiga/taipy
2024-06-01_9351_2
Turns Data and AI algorithms into production-ready web applications in no time.
307 dice2o/BingGPT
2024-06-01_9341_-2
Desktop application of new Bing's AI-powered chat (Windows, macOS and Linux)
308 BlinkDL/ChatRWKV
2024-06-01_9315_0 Open in Spaces
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
309 bleedline/aimoneyhunter
2024-06-01_9236_0
AI Side Hustle Money Mega Collection: Teaching You How to Utilize AI for Various Side Projects to Earn Extra Income.
310 RUCAIBox/LLMSurvey
2024-06-01_9177_5
A collection of papers and resources related to Large Language Models.
311 dair-ai/ML-Papers-of-the-Week
2024-06-01_9107_1
🔥Highlighting the top ML papers every week.
312 cumulo-autumn/StreamDiffusion
2024-06-01_9068_1
StreamDiffusion: A Pipeline-Level Solution for Real-Time Interactive Generation
313 BloopAI/bloop
2024-06-01_9064_6
A fast code search engine written in Rust
314 ente-io/ente
2024-06-01_9056_9
Fully open source, End to End Encrypted alternative to Google Photos and Apple Photos
315 bentoml/OpenLLM
2024-06-01_9032_-1
An open platform for operating large language models (LLMs) in production. Fine-tune, serve, deploy, and monitor any LLMs with ease.
316 togethercomputer/OpenChatKit
2024-06-01_8990_0
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots for various applications
317 salesforce/LAVIS
2024-06-01_8979_0
LAVIS - A One-stop Library for Language-Vision Intelligence
318 NVIDIA/Megatron-LM
2024-06-01_8930_1
Ongoing research training transformer models at scale
319 mistralai/mistral-src
2024-06-01_8915_2
Reference implementation of Mistral AI 7B v0.1 model.
320 adams549659584/go-proxy-bingai
2024-06-01_8861_0 Open in Demo
A Microsoft New Bing demo site built with Vue3 and Go, providing a consistent UI experience, supporting ChatGPT prompts, and accessible within China
321 bigscience-workshop/petals
2024-06-01_8771_0
🌸 Run large language models at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
322 embedchain/embedchain
2024-06-01_8727_3
Framework to easily create LLM powered bots over any dataset.
323 nerfstudio-project/nerfstudio
2024-06-01_8702_2
A collaboration friendly studio for NeRFs
⭐ 324 infiniflow/ragflow
2024-06-01_8619_46
RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
325 TheR1D/shell_gpt
2024-06-01_8571_1
A command-line productivity tool powered by ChatGPT, will help you accomplish your tasks faster and more efficiently
326 modelscope/facechain
2024-06-01_8487_2
FaceChain is a deep-learning toolchain for generating your Digital-Twin.
327 DataTalksClub/machine-learning-zoomcamp
2024-06-01_8475_1
The code from the Machine Learning Bookcamp book and a free course based on the book
328 manticoresoftware/manticoresearch
2024-06-01_8454_1
Easy to use open source fast database for search
329 Stability-AI/StableStudio
2024-06-01_8441_1
Community interface for generative AI
330 karpathy/minbpe
2024-06-01_8441_1
Minimal, clean, code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.
331 voicepaw/so-vits-svc-fork
2024-06-01_8430_0 Open in Colab
so-vits-svc fork with realtime support, improved interface and more features.
332 microsoft/promptflow
2024-06-01_8426_2
Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
333 sashabaranov/go-openai
2024-06-01_8413_2
OpenAI ChatGPT, GPT-3, GPT-4, DALL·E, Whisper API wrapper for Go
334 huggingface/trl
2024-06-01_8405_2
Train transformer language models with reinforcement learning.
335 wandb/wandb
2024-06-01_8403_10
🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
336 WongKinYiu/yolov9
2024-06-01_8311_1
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
337 TheRamU/Fay
2024-06-01_8282_1
Fay is a complete open source project that includes Fay controller and numeral models, which can be used in different applications such as virtual hosts, live promotion, numeral human interaction and so on
338 facebookresearch/nougat
2024-06-01_8243_1
Implementation of Nougat Neural Optical Understanding for Academic Documents
339 gorse-io/gorse
2024-06-01_8218_0
Gorse open source recommender system engine
340 activepieces/activepieces
2024-06-01_8216_1
Your friendliest open source all-in-one automation tool ✨ Workflow automation tool 100+ integration / Enterprise automation tool / Zapier Alternative
341 NielsRogge/Transformers-Tutorials
2024-06-01_8178_2
This repository contains demos I made with the Transformers library by HuggingFace.
342 mshumer/gpt-prompt-engineer
2024-06-01_8159_0
343 vercel-labs/ai
2024-06-01_8153_1
Build AI-powered applications with React, Svelte, and Vue
344 nashsu/FreeAskInternet
2024-06-01_8142_1
FreeAskInternet is a completely free, private and locally running search aggregator & answer generate using LLM, without GPU needed. The user can ask a question and the system will make a multi engine search and combine the search result to the ChatGPT3.5 LLM and generate the answer based on search results.
345 huggingface/text-generation-inference
2024-06-01_8134_2
Large Language Model Text Generation Inference
346 acheong08/EdgeGPT
2024-06-01_8103_0
Reverse engineered API of Microsoft's Bing Chat
347 facebookresearch/dinov2
2024-06-01_8097_0 Open in Demo
PyTorch code and models for the DINOv2 self-supervised learning method.
348 OptimalScale/LMFlow
2024-06-01_8063_0
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Model for All.
349 brexhq/prompt-engineering
2024-06-01_8063_0
Tips and tricks for working with Large Language Models like OpenAI's GPT-4.
350 zyronon/douyin
2024-06-01_8042_3
Vue3 + Pinia + Vite5 仿抖音,Vue 在移动端的最佳实践 . Imitate TikTok ,Vue Best practices on Mobile
351 vosen/ZLUDA
2024-06-01_8007_0
CUDA on AMD GPUs
352 anse-app/chatgpt-demo
2024-06-01_7987_1
A demo repo based on OpenAI API (gpt-3.5-turbo)
353 espnet/espnet
2024-06-01_7980_0
End-to-End Speech Processing Toolkit
354 facebookresearch/ImageBind
2024-06-01_7966_0
ImageBind One Embedding Space to Bind Them All
355 microsoft/TypeChat
2024-06-01_7927_0
TypeChat is a library that makes it easy to build natural language interfaces using types.
356 OthersideAI/self-operating-computer
2024-06-01_7911_1
A framework to enable multimodal models to operate a computer.
357 kedacore/keda
2024-06-01_7899_0
KEDA is a Kubernetes-based Event Driven Autoscaling component. It provides event driven scale for any container running in Kubernetes
358 ashawkey/stable-dreamfusion
2024-06-01_7891_1
A pytorch implementation of text-to-3D dreamfusion, powered by stable diffusion.
359 Visualize-ML/Book4_Power-of-Matrix
2024-06-01_7857_2
Book_4 'Power of Matrix'
360 kroma-network/tachyon
2024-06-01_7748_-1
Modular ZK(Zero Knowledge) backend accelerated by GPU
⭐ 361 VikParuchuri/surya
2024-06-01_7731_59
Accurate line-level text detection and recognition (OCR) in any language
362 OpenBMB/XAgent
2024-06-01_7672_1
An Autonomous LLM Agent for Complex Task Solving
363 vanna-ai/vanna
2024-06-01_7555_3
🤖 Chat with your SQL database 📊. Accurate Text-to-SQL Generation via LLMs using RAG 🔄.
364 deep-floyd/IF
2024-06-01_7540_0 Open in Spaces Open in Colab
A novel state-of-the-art open-source text-to-image model with a high degree of photorealism and language understanding
365 LouisShark/chatgpt_system_prompt
2024-06-01_7514_1
store all agent's system prompt
366 xiangsx/gpt4free-ts
2024-06-01_7501_2
Providing a free OpenAI GPT-4 API ! This is a replication project for the typescript version of xtekky/gpt4free
367 google/magika
2024-06-01_7454_0
Detect file content types with deep learning
368 o3de/o3de
2024-06-01_7451_1
Open 3D Engine (O3DE) is an Apache 2.0-licensed multi-platform 3D engine that enables developers and content creators to build AAA games, cinema-quality 3D worlds, and high-fidelity simulations without any fees or commercial obligations.
369 e2b-dev/awesome-ai-agents
2024-06-01_7443_6
A list of AI autonomous agents
370 Const-me/Whisper
2024-06-01_7421_2
High-performance GPGPU inference of OpenAI's Whisper automatic speech recognition (ASR) model
371 burn-rs/burn
2024-06-01_7416_4
Burn - A Flexible and Comprehensive Deep Learning Framework in Rust
372 dataelement/bisheng
2024-06-01_7399_0
Bisheng is an open LLM devops platform for next generation AI applications.
373 ahmedbahaaeldin/From-0-to-Research-Scientist-resources-guide
2024-06-01_7394_1
Detailed and tailored guide for undergraduate students or anybody want to dig deep into the field of AI with solid foundation.
374 THUDM/CodeGeeX2
2024-06-01_7346_1
CodeGeeX2: A More Powerful Multilingual Code Generation Model
375 01-ai/Yi
2024-06-01_7341_2
A series of large language models trained from scratch by developers @01-ai
376 Plachtaa/VALL-E-X
2024-06-01_7307_2
An open source implementation of Microsoft's VALL-E X zero-shot TTS model. The demo is available at https://plachtaa.github.io
377 enso-org/enso
2024-06-01_7297_-1
Hybrid visual and textual functional programming.
378 lucidrains/denoising-diffusion-pytorch
2024-06-01_7254_1
Implementation of Denoising Diffusion Probabilistic Model in Pytorch
379 openlm-research/open_llama
2024-06-01_7237_2
OpenLLaMA, a permissively licensed open source reproduction of Meta AI’s LLaMA 7B trained on the RedPajama dataset
380 sweepai/sweep
2024-06-01_7188_1
Sweep is an AI junior developer
381 leptonai/search_with_lepton
2024-06-01_7183_1
Building a quick conversation-based search demo with Lepton AI.
382 fishaudio/Bert-VITS2
2024-06-01_7165_2
vits2 backbone with multilingual-bert
383 bigcode-project/starcoder
2024-06-01_7154_1
Home of StarCoder: fine-tuning & inference!
384 jzhang38/TinyLlama
2024-06-01_7038_0
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
385 SJTU-IPADS/PowerInfer
2024-06-01_7035_3
High-speed Large Language Model Serving on PCs with Consumer-grade GPUs
386 CopilotKit/CopilotKit
2024-06-01_7026_8
Build in-app AI chatbots 🤖, and AI-powered Textareas ✨, into react web apps.
387 Unstructured-IO/unstructured
2024-06-01_7012_4
Open source libraries and APIs to build custom preprocessing pipelines for labeling, training, or production machine learning pipelines.
388 NVIDIA/TensorRT-LLM
2024-06-01_6990_2
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.
389 CASIA-IVA-Lab/FastSAM
2024-06-01_6985_0
Fast Segment Anything
390 jasonppy/VoiceCraft
2024-06-01_6950_1
Zero-Shot Speech Editing and Text-to-Speech in the Wild
green-up-arrow.svg 391 Lightning-AI/litgpt
2024-06-01_6946_1
Pretrain, finetune, deploy 20+ LLMs on your own data. Uses state-of-the-art techniques: flash attention, FSDP, 4-bit, LoRA, and more.
red-down-arrow 392 ymcui/Chinese-LLaMA-Alpaca-2
2024-06-01_6945_0
Chinese LLaMA-2 & Alpaca-2 LLMs
393 ItzCrazyKns/Perplexica
2024-06-01_6820_19
Perplexica is an AI-powered search engine. It is an Open source alternative to Perplexity AI
394 ai-collection/ai-collection
2024-06-01_6777_1
The Generative AI Landscape - A Collection of Awesome Generative AI Applications
395 bhaskatripathi/pdfGPT
2024-06-01_6758_0
PDF GPT allows you to chat with the contents of your PDF file by using GPT capabilities. The only open source solution to turn your pdf files in a chatbot!
396 dair-ai/ML-Papers-Explained
2024-06-01_6724_0
Explanation to key concepts in ML
397 abhishekkrthakur/approachingalmost
2024-06-01_6714_1
Approaching (Almost) Any Machine Learning Problem
398 open-mmlab/mmagic
2024-06-01_6649_0
OpenMMLab Multimodal Advanced, Generative, and Intelligent Creation Toolbox
399 apple/corenet
2024-06-01_6620_0
CoreNet: A library for training deep neural networks
400 PWhiddy/PokemonRedExperiments
2024-06-01_6619_2
Playing Pokemon Red with Reinforcement Learning
401 zilliztech/GPTCache
2024-06-01_6557_1
GPTCache is a library for creating semantic cache to store responses from LLM queries.
402 GreyDGL/PentestGPT
2024-06-01_6534_1
A GPT-empowered penetration testing tool
403 PKU-YuanGroup/ChatLaw
2024-06-01_6525_1
Chinese Legal Large Model
404 huggingface/chat-ui
2024-06-01_6512_3
Open source codebase powering the HuggingChat app
405 spdustin/ChatGPT-AutoExpert
2024-06-01_6502_0
🚀🧠💬 Supercharged Custom Instructions for ChatGPT (non-coding) and ChatGPT Advanced Data Analysis (coding).
406 netease-youdao/EmotiVoice
2024-06-01_6501_1
EmotiVoice 😊: a Multi-Voice and Prompt-Controlled TTS Engine
407 1Panel-dev/MaxKB
2024-06-01_6487_7
? Based on LLM large language model knowledge base Q&A system. Ready to use out of the box, supports quick integration into third-party business systems. Officially produced by 1Panel
408 AbdullahAlfaraj/Auto-Photoshop-StableDiffusion-Plugin
2024-06-01_6416_0
A user-friendly plug-in that makes it easy to generate stable diffusion images inside Photoshop using Automatic1111-sd-webui as a backend.
409 qunash/chatgpt-advanced
2024-06-01_6389_0
A browser extension that augments your ChatGPT prompts with web results.
410 jaywalnut310/vits
2024-06-01_6384_1
VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech
411 THU-MIG/yolov10
2024-06-01_6379_12
YOLOv10: Real-Time End-to-End Object Detection
412 kuafuai/DevOpsGPT
2024-06-01_6365_0
Multi agent system for AI-driven software development. Convert natural language requirements into working software. Supports any development language and extends the existing base code.
413 nadermx/backgroundremover
2024-06-01_6351_3
Background Remover lets you Remove Background from images and video using AI with a simple command line interface that is free and open source.
414 mit-han-lab/streaming-llm
2024-06-01_6284_0
Efficient Streaming Language Models with Attention Sinks
415 adam-maj/tiny-gpu
2024-06-01_6275_0
A minimal GPU design in Verilog to learn how GPUs work from the ground up
416 react-native-webview/react-native-webview
2024-06-01_6265_0
React Native Cross-Platform WebView
417 reorproject/reor
2024-06-01_6263_5
AI note-taking app that runs models locally.
418 normal-computing/outlines
2024-06-01_6235_10
Generative Model Programming
419 e2b-dev/e2b
2024-06-01_6230_0
Vercel for AI agents. We help developers to build, deploy, and monitor AI agents. Focusing on specialized AI agents that build software for you - your personal software developers.
420 linyiLYi/street-fighter-ai
2024-06-01_6218_0
This is an AI agent for Street Fighter II Champion Edition.
421 langchain-ai/opengpts
2024-06-01_6217_0
This is an open source effort to create a similar experience to OpenAI's GPTs and Assistants API
green-up-arrow.svg 422 firmai/financial-machine-learning
2024-06-01_6211_6
A curated list of practical financial machine learning tools and applications.
red-down-arrow 423 UFund-Me/Qbot
2024-06-01_6208_0
Qbot is an AI-oriented quantitative investment platform, which aims to realize the potential, empower AI technologies in quantitative investment
424 mylxsw/aidea
2024-06-01_6189_0
AIdea is a versatile app that supports GPT and domestic large language models,also supports "Stable Diffusion" text-to-image generation, image-to-image generation, SDXL 1.0, super-resolution, and image colorization
425 gaomingqi/Track-Anything
2024-06-01_6177_2
A flexible and interactive tool for video object tracking and segmentation, based on Segment Anything, XMem, and E2FGVI.
426 wenda-LLM/wenda
2024-06-01_6166_0
Wenda: An LLM invocation platform. Its objective is to achieve efficient content generation tailored to specific environments while considering the limited computing resources of individuals and small businesses, as well as knowledge security and privacy concerns
427 intel-analytics/ipex-llm
2024-06-01_6114_1
Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Baichuan, Mixtral, Gemma, etc.) on Intel CPU and GPU (e.g., local PC with iGPU, discrete GPU such as Arc, Flex and Max). A PyTorch LLM library that seamlessly integrates with llama.cpp, HuggingFace, LangChain, LlamaIndex, DeepSpeed, vLLM, FastChat, ModelScope, etc.
428 Licoy/ChatGPT-Midjourney
2024-06-01_6014_2
🎨 Own your own ChatGPT+Midjourney web service with one click
429 openai/consistency_models
2024-06-01_5991_0
Official repo for consistency models.
430 rustformers/llm
2024-06-01_5985_0
Run inference for Large Language Models on CPU, with Rust
431 run-llama/rags
2024-06-01_5982_1
Build ChatGPT over your data, all with natural language
432 LiheYoung/Depth-Anything
2024-06-01_5979_2
Depth Anything: Unleashing the Power of Large-Scale Unlabeled Data
433 GoogleCloudPlatform/generative-ai
2024-06-01_5912_1
Sample code and notebooks for Generative AI on Google Cloud
434 OpenTalker/video-retalking
2024-06-01_5853_0
[SIGGRAPH Asia 2022] VideoReTalking: Audio-based Lip Synchronization for Talking Head Video Editing In the Wild
435 Shaunwei/RealChar
2024-06-01_5849_1
🎙️🤖Create, Customize and Talk to your AI Character/Companion in Realtime(All in One Codebase!). Have a natural seamless conversation with AI everywhere(mobile, web and terminal) using LLM OpenAI GPT3.5/4, Anthropic Claude2, Chroma Vector DB, Whisper Speech2Text, ElevenLabs Text2Speech🎙️🤖
436 Moonvy/OpenPromptStudio
2024-06-01_5820_0 Open in Demo
AIGC Hint Word Visualization Editor
437 threestudio-project/threestudio
2024-06-01_5768_0
A unified framework for 3D content generation.
438 jxnl/instructor
2024-06-01_5767_7
structured outputs for llms
439 microsoft/DeepSpeedExamples
2024-06-01_5761_0
Example models using DeepSpeed
440 ramonvc/freegpt-webui
2024-06-01_5721_1
GPT 3.5/4 with a Chat Web UI. No API key is required.
441 civitai/civitai
2024-06-01_5711_0
Build a platform where people can share their stable diffusion models
442 deepseek-ai/DeepSeek-Coder
2024-06-01_5682_4
DeepSeek Coder: Let the Code Write Itself
443 pengxiao-song/LaWGPT
2024-06-01_5675_0
Repo for LaWGPT, Chinese-Llama tuned with Chinese Legal knowledge
444 geekyutao/Inpaint-Anything
2024-06-01_5668_1
Inpaint anything using Segment Anything and inpainting models.
445 a16z-infra/companion-app
2024-06-01_5659_0
AI companions with memory: a lightweight stack to create and host your own AI companions
446 baichuan-inc/baichuan-7B
2024-06-01_5643_0
A large-scale 7B pretraining language model developed by BaiChuan-Inc.
447 SevaSk/ecoute
2024-06-01_5640_0
Ecoute is a live transcription tool that provides real-time transcripts for both the user's microphone input (You) and the user's speakers output (Speaker) in a textbox. It also generates a suggested response using OpenAI's GPT-3.5 for the user to say based on the live transcription of the conversation.
448 google/gemma.cpp
2024-06-01_5608_2
lightweight, standalone C++ inference engine for Google's Gemma models.
449 nsarrazin/serge
2024-06-01_5577_0
A web interface for chatting with Alpaca through llama.cpp. Fully dockerized, with an easy to use API
450 OpenGVLab/LLaMA-Adapter
2024-06-01_5559_1
Fine-tuning LLaMA to follow Instructions within 1 Hour and 1.2M Parameters
451 WooooDyy/LLM-Agent-Paper-List
2024-06-01_5504_2
The paper list of the 86-page paper "The Rise and Potential of Large Language Model Based Agents: A Survey" by Zhiheng Xi et al.
452 Azure-Samples/azure-search-openai-demo
2024-06-01_5462_1
A sample app for the Retrieval-Augmented Generation pattern running in Azure, using Azure Cognitive Search for retrieval and Azure OpenAI large language models to power ChatGPT-style and Q&A experiences.
453 yetone/bob-plugin-openai-translator
2024-06-01_5458_1
A Bob Plugin base ChatGPT API
454 FlagOpen/FlagEmbedding
2024-06-01_5441_1
Dense Retrieval and Retrieval-augmented LLMs
455 yihong0618/xiaogpt
2024-06-01_5441_3
Play ChatGPT with xiaomi ai speaker
456 Project-MONAI/MONAI
2024-06-01_5431_0
AI Toolkit for Healthcare Imaging
457 clovaai/donut
2024-06-01_5423_0
Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022
458 EleutherAI/lm-evaluation-harness
2024-06-01_5411_4
A framework for few-shot evaluation of autoregressive language models.
459 vespa-engine/vespa
2024-06-01_5410_0
The open big data serving engine. https://vespa.ai
460 InternLM/InternLM
2024-06-01_5402_0
InternLM has open-sourced a 7 billion parameter base model, a chat model tailored for practical scenarios and the training system.
461 dsdanielpark/Bard-API
2024-06-01_5363_0
The python package that returns a response of Google Bard through API.
462 facebookresearch/DiT
2024-06-01_5356_0
Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"
463 mendableai/firecrawl
2024-06-01_5351_28
🔥 Turn entire websites into LLM-ready markdown
464 firebase/firebase-ios-sdk
2024-06-01_5302_0
Firebase SDK for Apple App Development
465 TaskingAI/TaskingAI
2024-06-01_5289_2
The open source platform for AI-native application development.
466 Tohrusky/Final2x
2024-06-01_5286_0
2^x Image Super-Resolution
467 nilsherzig/LLocalSearch
2024-06-01_5281_3
LLocalSearch is a completely locally running search aggregator using LLM Agents. The user can ask a question and the system will use a chain of LLMs to find the answer. The user can see the progress of the agents and the final answer. No OpenAI or Google API keys are needed.
468 IDEA-Research/GroundingDINO
2024-06-01_5266_1
Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
469 ml-explore/mlx-examples
2024-06-01_5262_-1
Examples in the MLX framework
470 vercel-labs/ai-chatbot
2024-06-01_5248_1
A full-featured, hackable Next.js AI chatbot built by Vercel Labs
471 pytorch-labs/gpt-fast
2024-06-01_5241_0
Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.
472 MineDojo/Voyager
2024-06-01_5234_0
An Open-Ended Embodied Agent with Large Language Models
473 biobootloader/wolverine
2024-06-01_5227_0
Automatically repair python scripts through GPT-4 to give them regenerative abilities.
474 aishwaryanr/awesome-generative-ai-guide
2024-06-01_5214_5
A one stop repository for generative AI research updates, interview resources, notebooks and much more!
green-up-arrow.svg 475 microsoft/promptbase
2024-06-01_5165_2
All things prompt engineering
red-down-arrow 476 HumanAIGC/OutfitAnyone
2024-06-01_5164_0
Outfit Anyone: Ultra-high quality virtual try-on for Any Clothing and Any Person
477 Acly/krita-ai-diffusion
2024-06-01_5153_4
Streamlined interface for generating images with AI in Krita. Inpaint and outpaint with optional text prompt, no tweaking required.
green-up-arrow.svg 478 Skyvern-AI/skyvern
2024-06-01_5145_2
Automate browser-based workflows with LLMs and Computer Vision
red-down-arrow 479 RayVentura/ShortGPT
2024-06-01_5144_1
🚀🎬 ShortGPT - An experimental AI framework for automated short/video content creation. Enables creators to rapidly produce, manage, and deliver content using AI and automation.
480 apache/hudi
2024-06-01_5136_0
Upserts, Deletes And Incremental Processing on Big Data.
481 vladmandic/automatic
2024-06-01_5097_2
SD.Next: Advanced Implementation of Stable Diffusion and other Diffusion-based generative image models
482 PawanOsman/ChatGPT
2024-06-01_5084_0
OpenAI API Free Reverse Proxy
483 openchatai/OpenChat
2024-06-01_5080_0
Run and create custom ChatGPT-like bots with OpenChat, embed and share these bots anywhere, the open-source chatbot console.
484 google/gemma_pytorch
2024-06-01_5074_1
The official PyTorch implementation of Google's Gemma models
485 imoneoi/openchat
2024-06-01_5061_0
OpenChat: Advancing Open-source Language Models with Imperfect Data
486 HVision-NKU/StoryDiffusion
2024-06-01_5061_3
Create Magic Story!
487 mosaicml/composer
2024-06-01_5041_0
Train neural networks up to 7x faster
488 k8sgpt-ai/k8sgpt
2024-06-01_5024_1
Giving Kubernetes Superpowers to everyone
489 steven2358/awesome-generative-ai
2024-06-01_5008_0
A curated list of modern Generative Artificial Intelligence projects and services
490 OpenGVLab/DragGAN
2024-06-01_4992_0
Unofficial Implementation of DragGAN - "Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold" (DragGAN 全功能实现,在线Demo,本地部署试用,代码、模型已全部开源,支持Windows, macOS, Linux)
491 microsoft/SynapseML
2024-06-01_4991_0
Simple and Distributed Machine Learning
492 meshery/meshery
2024-06-01_4969_0
Meshery, the cloud native manager
493 mpociot/chatgpt-vscode
2024-06-01_4950_0
A VSCode extension that allows you to use ChatGPT
494 openchatai/OpenCopilot
2024-06-01_4948_0
🤖 🔥 Let your users chat with your product features and execute things by text - open source Shopify sidekick
495 yangjianxin1/Firefly
2024-06-01_4937_0
Firefly: Chinese conversational large language model (full-scale fine-tuning + QLoRA), supporting fine-tuning of Llma2, Llama, Baichuan, InternLM, Ziya, Bloom, and other large models
496 udlbook/udlbook
2024-06-01_4920_0
Understanding Deep Learning - Simon J.D. Prince
497 jina-ai/reader
2024-06-01_4916_9
Convert any URL to an LLM-friendly input with a simple prefix https://r.jina.ai/
498 lencx/Noi
2024-06-01_4888_10
🦄 AI + Tools + Plugins + Community
499 Portkey-AI/gateway
2024-06-01_4875_2
A Blazing Fast AI Gateway. Route to 100+ LLMs with 1 fast & friendly API.
500 PrefectHQ/marvin
2024-06-01_4874_2
A batteries-included library for building AI-powered software
501 fr0gger/Awesome-GPT-Agents
2024-06-01_4867_1
A curated list of GPT agents for cybersecurity
502 levihsu/OOTDiffusion
2024-06-01_4862_4
Official implementation of OOTDiffusion
503 lllyasviel/stable-diffusion-webui-forge
2024-06-01_4855_6
a platform on top of Stable Diffusion WebUI (based on Gradio) to make development easier, optimize resource management, and speed up inference
504 microsoft/TaskWeaver
2024-06-01_4837_1
A code-first agent framework for seamlessly planning and executing data analytics tasks.
505 lvwzhen/law-cn-ai
2024-06-01_4799_0 Open in Demo
⚖️ AI Legal Assistant
506 qiuyu96/CoDeF
2024-06-01_4776_1
Official PyTorch implementation of CoDeF: Content Deformation Fields for Temporally Consistent Video Processing
507 sczhou/ProPainter
2024-06-01_4758_0
[ICCV 2023] ProPainter: Improving Propagation and Transformer for Video Inpainting
508 marimo-team/marimo
2024-06-01_4742_16
A reactive notebook for Python — run reproducible experiments, execute as a script, deploy as an app, and version with git.
509 thuml/Time-Series-Library
2024-06-01_4700_2
A Library for Advanced Deep Time Series Models.
510 digitalinnovationone/dio-lab-open-source
2024-06-01_4670_3
Repositório do lab "Contribuindo em um Projeto Open Source no GitHub" da Digital Innovation One.
511 josStorer/RWKV-Runner
2024-06-01_4668_1
A RWKV management and startup tool, full automation, only 8MB. And provides an interface compatible with the OpenAI API. RWKV is a large language model that is fully open source and available for commercial use.
512 aigc-apps/sd-webui-EasyPhoto
2024-06-01_4644_0
📷 EasyPhoto
513 SkalskiP/courses
2024-06-01_4622_0
This repository is a curated collection of links to various courses and resources about Artificial Intelligence (AI)
514 lavague-ai/LaVague
2024-06-01_4610_0
Automate automation with Large Action Model framework
515 miurla/morphic
2024-06-01_4606_2
An AI-powered answer engine with a generative UI
516 srbhr/Resume-Matcher
2024-06-01_4604_0
Open Source Free ATS Tool to compare Resumes with Job Descriptions and create a score to rank them.
517 aiwaves-cn/agents
2024-06-01_4602_0
An Open-source Framework for Autonomous Language Agents
518 OpenInterpreter/01
2024-06-01_4600_0
The open-source language model computer
519 homanp/superagent
2024-06-01_4593_0
🥷 Superagent - Build, deploy, and manage LLM-powered agents
520 lightaime/camel
2024-06-01_4589_2 Open in Colab
🐫 CAMEL: Communicative Agents for “Mind” Exploration of Large Scale Language Model Society
521 lxfater/inpaint-web
2024-06-01_4580_2
A free and open-source inpainting & image-upscaling tool powered by webgpu and wasm on the browser。
522 Plachtaa/VITS-fast-fine-tuning
2024-06-01_4566_1
This repo is a pipeline of VITS finetuning for fast speaker adaptation TTS, and many-to-many voice conversion
523 enricoros/big-AGI
2024-06-01_4547_4
Generative AI suite powered by state-of-the-art models and providing advanced AI/AGI functions. It features AI personas, AGI functions, multi-model chats, text-to-image, voice, response streaming, code highlighting and execution, PDF import, presets for developers, much more. Deploy on-prem or in the cloud.
524 ai-boost/awesome-prompts
2024-06-01_4513_1
Curated list of chatgpt prompts from the top-rated GPTs in the GPTs Store. Prompt Engineering, prompt attack & prompt protect. Advanced Prompt Engineering papers.
525 OpenBMB/ToolBench
2024-06-01_4509_1
An open platform for training, serving, and evaluating large language model for tool learning.
526 stanford-oval/storm
2024-06-01_4499_6
An LLM-powered knowledge curation system that researches a topic and generates a full-length report with citations.
527 facebookincubator/AITemplate
2024-06-01_4465_0
AITemplate is a Python framework which renders neural network into high performance CUDA/HIP C++ code. Specialized for FP16 TensorCore (NVIDIA GPU) and MatrixCore (AMD GPU) inference.
528 mnotgod96/AppAgent
2024-06-01_4443_2
AppAgent: Multimodal Agents as Smartphone Users, an LLM-based multimodal agent framework designed to operate smartphone apps.
529 SuperDuperDB/superduperdb
2024-06-01_4433_0
🔮 SuperDuperDB: Bring AI to your database: Integrate, train and manage any AI models and APIs directly with your database and your data.
530 weaviate/Verba
2024-06-01_4432_5
Retrieval Augmented Generation (RAG) chatbot powered by Weaviate
531 OpenBMB/MiniCPM-V
2024-06-01_4415_12
MiniCPM-V 2.0: An Efficient End-side MLLM with Strong OCR and Understanding Capabilities
532 madawei2699/myGPTReader
2024-06-01_4407_0
A slack bot that can read any webpage, ebook or document and summarize it with chatGPT
533 togethercomputer/RedPajama-Data
2024-06-01_4401_1
code for preparing large datasets for training large language models
534 xxlong0/Wonder3D
2024-06-01_4389_1
A cross-domain diffusion model for 3D reconstruction from a single image
535 ChaoningZhang/MobileSAM
2024-06-01_4379_1
This is the official code for Faster Segment Anything (MobileSAM) project that makes SAM lightweight
536 Deci-AI/super-gradients
2024-06-01_4378_1
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
537 build-trust/ockam
2024-06-01_4364_0
Orchestrate end-to-end encryption, cryptographic identities, mutual authentication, and authorization policies between distributed applications – at massive scale.
538 SCIR-HI/Huatuo-Llama-Med-Chinese
2024-06-01_4342_0
Repo for HuaTuo (华驼), Llama-7B tuned with Chinese medical knowledge
539 microsoft/Mastering-GitHub-Copilot-for-Paired-Programming
2024-06-01_4334_1
A 6 Lesson course teaching everything you need to know about harnessing GitHub Copilot and an AI Paired Programing resource.
540 google-deepmind/graphcast
2024-06-01_4305_0
541 roboflow/notebooks
2024-06-01_4303_2
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
542 friuns2/BlackFriday-GPTs-Prompts
2024-06-01_4254_4
List of free GPTs that doesn't require plus subscription
543 openai/plugins-quickstart
2024-06-01_4242_0
Get a ChatGPT plugin up and running in under 5 minutes!
544 NVlabs/neuralangelo
2024-06-01_4230_0
Official implementation of "Neuralangelo: High-Fidelity Neural Surface Reconstruction" (CVPR 2023)
545 terraform-aws-modules/terraform-aws-eks
2024-06-01_4208_0
Terraform module to create AWS Elastic Kubernetes (EKS) resources 🇺🇦
546 AILab-CVC/VideoCrafter
2024-06-01_4177_0
VideoCrafter1: Open Diffusion Models for High-Quality Video Generation
547 sjvasquez/handwriting-synthesis
2024-06-01_4173_0
Handwriting Synthesis with RNNs ✏️
548 luosiallen/latent-consistency-model
2024-06-01_4151_1
Latent Consistency Models: Synthesizing High-Resolution Images with Few-Step Inference
549 sanchit-gandhi/whisper-jax
2024-06-01_4145_0 Open in Spaces
Optimised JAX code for OpenAI's Whisper Model, largely built on the Hugging Face Transformers Whisper implementation
550 Facico/Chinese-Vicuna
2024-06-01_4139_0
Chinese-Vicuna: A Chinese Instruction-following LLaMA-based Model
551 vikhyat/moondream
2024-06-01_4123_1
tiny vision language model
552 developersdigest/llm-answer-engine
2024-06-01_4119_0
Build a Perplexity-Inspired Answer Engine Using Next.js, Groq, Mixtral, Langchain, OpenAI, Brave & Serper
553 UX-Decoder/Segment-Everything-Everywhere-All-At-Once
2024-06-01_4111_2
Official implementation of the paper "Segment Everything Everywhere All at Once"
554 OpenBMB/MiniCPM
2024-06-01_4097_2
MiniCPM-2B: An end-side LLM outperforms Llama2-13B.
555 allenai/OLMo
2024-06-01_4094_0
Modeling, training, eval, and inference code for OLMo
556 kyegomez/tree-of-thoughts
2024-06-01_4091_0
Plug in and Play Implementation of Tree of Thoughts: Deliberate Problem Solving with Large Language Models that Elevates Model Reasoning by atleast 70%
557 smol-ai/GodMode
2024-06-01_4065_1
AI Chat Browser: Fast, Full webapp access to ChatGPT / Claude / Bard / Bing / Llama2! I use this 20 times a day.
558 Zejun-Yang/AniPortrait
2024-06-01_4050_1
AniPortrait: Audio-Driven Synthesis of Photorealistic Portrait Animation
559 llmware-ai/llmware
2024-06-01_4049_1
Providing enterprise-grade LLM-based development framework, tools, and fine-tuned models.
560 openai/grok
2024-06-01_4045_0
561 open-mmlab/Amphion
2024-06-01_4039_0
Amphion (/æmˈfaɪən/) is a toolkit for Audio, Music, and Speech Generation. Its purpose is to support reproducible research and help junior researchers and engineers get started in the field of audio, music, and speech generation research and development.
562 microsoft/LLMLingua
2024-06-01_4036_2
To speed up LLMs' inference and enhance LLM's perceive of key information, compress the prompt and KV-Cache, which achieves up to 20x compression with minimal performance loss.
563 huggingface/alignment-handbook
2024-06-01_4030_1
Robust recipes for to align language models with human and AI preferences
564 alibaba-damo-academy/FunASR
2024-06-01_4002_1
A Fundamental End-to-End Speech Recognition Toolkit and Open Source SOTA Pretrained Models.
565 langfuse/langfuse
2024-06-01_4000_5
🪢 Open source LLM engineering platform. Observability, metrics, evals, prompt management, testing, prompt playground, datasets, LLM evaluations -- 🍊YC W23 🤖 integrate via Typescript, Python / Decorators, OpenAI, Langchain, LlamaIndex, Litellm, Instructor, Mistral, Perplexity, Claude, Gemini, Vertex
566 Akegarasu/lora-scripts
2024-06-01_3947_0
LoRA training scripts use kohya-ss's trainer, for diffusion model.
567 keijiro/AICommand
2024-06-01_3930_0
ChatGPT integration with Unity Editor
green-up-arrow.svg 568 a16z-infra/ai-getting-started
2024-06-01_3929_1
A Javascript AI getting started stack for weekend projects, including image/text models, vector stores, auth, and deployment configs
red-down-arrow 569 ray-project/llm-numbers
2024-06-01_3928_0
Numbers every LLM developer should know
570 1rgs/jsonformer
2024-06-01_3913_1
A Bulletproof Way to Generate Structured JSON from Language Models
571 Significant-Gravitas/Auto-GPT-Plugins
2024-06-01_3892_0
Plugins for Auto-GPT
572 mshumer/gpt-llm-trainer
2024-06-01_3843_1
573 leetcode-mafia/cheetah
2024-06-01_3830_1
Whisper & GPT-based app for passing remote SWE interviews
574 ravenscroftj/turbopilot
2024-06-01_3827_-1
Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU
575 myshell-ai/MeloTTS
2024-06-01_3820_2
High-quality multi-lingual text-to-speech library by MyShell.ai. Support English, Spanish, French, Chinese, Japanese and Korean.
576 llSourcell/DoctorGPT
2024-06-01_3813_0
DoctorGPT is an LLM that can pass the US Medical Licensing Exam. It works offline, it's cross-platform, & your health data stays private.
577 apple/ml-mgie
2024-06-01_3796_0
578 espeak-ng/espeak-ng
2024-06-01_3793_0
eSpeak NG is an open source speech synthesizer that supports more than hundred languages and accents.
579 FlagAI-Open/FlagAI
2024-06-01_3785_-1
FlagAI (Fast LArge-scale General AI models) is a fast, easy-to-use and extensible toolkit for large-scale model.
580 damo-vilab/AnyDoor
2024-06-01_3766_1
Official implementations for paper: Anydoor: zero-shot object-level image customization
581 Nukem9/dlssg-to-fsr3
2024-06-01_3760_0
Adds AMD FSR3 Frame Generation to games by replacing Nvidia DLSS-G Frame Generation (nvngx_dlssg).
582 OpenBMB/AgentVerse
2024-06-01_3760_2
🤖 AgentVerse 🪐 provides a flexible framework that simplifies the process of building custom multi-agent environments for large language models (LLMs).
583 google-deepmind/alphageometry
2024-06-01_3753_0
Solving Olympiad Geometry without Human Demonstrations
584 Dooy/chatgpt-web-midjourney-proxy
2024-06-01_3707_1
chatgpt web, midjourney, gpts,tts, whisper 一套ui全搞定
585 BuilderIO/ai-shell
2024-06-01_3692_0
A CLI that converts natural language to shell commands.
586 shroominic/codeinterpreter-api
2024-06-01_3690_0
Open source implementation of the ChatGPT Code Interpreter 👾
587 Fanghua-Yu/SUPIR
2024-06-01_3670_7
SUPIR aims at developing Practical Algorithms for Photo-Realistic Image Restoration In the Wild
588 xlang-ai/OpenAgents
2024-06-01_3655_0
OpenAgents: An Open Platform for Language Agents in the Wild
589 AILab-CVC/YOLO-World
2024-06-01_3638_0
Real-Time Open-Vocabulary Object Detection
590 Speykious/cve-rs
2024-06-01_3631_1
Blazingly 🔥 fast 🚀 memory vulnerabilities, written in 100% safe Rust. 🦀
591 Codium-ai/cover-agent
2024-06-01_3621_10
CodiumAI Cover-Agent: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! 💻🤖🧪🐞
592 hiyouga/ChatGLM-Efficient-Tuning
2024-06-01_3616_0
Fine-tuning ChatGLM-6B with PEFT
593 FoundationVision/VAR
2024-06-01_3605_2
[GPT beats diffusion🔥] [scaling laws in visual generation📈] Official impl. of "Visual Autoregressive Modeling: Scalable Image Generation via Next-Scale Prediction"
594 NVIDIA/NeMo-Guardrails
2024-06-01_3556_0
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
595 0hq/WebGPT
2024-06-01_3556_1
Run GPT model on the browser with WebGPU. An implementation of GPT inference in less than ~2000 lines of vanilla Javascript.
596 lllyasviel/IC-Light
2024-06-01_3549_5
More relighting!
597 Yue-Yang/ChatGPT-Siri
2024-06-01_3526_0
Shortcuts for Siri using ChatGPT API gpt-3.5-turbo model
598 luban-agi/Awesome-AIGC-Tutorials
2024-06-01_3525_1
Curated tutorials and resources for Large Language Models, AI Painting, and more.
599 ricklamers/gpt-code-ui
2024-06-01_3508_0
An open source implementation of OpenAI's ChatGPT Code interpreter
600 whoiskatrin/chart-gpt
2024-06-01_3503_0
AI tool to build charts based on text input
601 jackMort/ChatGPT.nvim
2024-06-01_3496_1
ChatGPT Neovim Plugin: Effortless Natural Language Generation with OpenAI's ChatGPT API
602 hemansnation/God-Level-Data-Science-ML-Full-Stack
2024-06-01_3485_0
A collection of scientific methods, processes, algorithms, and systems to build stories & models. This roadmap contains 16 Chapters, whether you are a fresher in the field or an experienced professional who wants to transition into Data Science & AI
603 Luodian/Otter
2024-06-01_3483_0
🦦 Otter, a multi-modal model based on OpenFlamingo (open-sourced version of DeepMind's Flamingo), trained on MIMIC-IT and showcasing improved instruction-following and in-context learning ability.
604 MarkFzp/mobile-aloha
2024-06-01_3479_0
Mobile ALOHA: Learning Bimanual Mobile Manipulation with Low-Cost Whole-Body Teleoperation
605 collabora/WhisperSpeech
2024-06-01_3476_1
An Open Source text-to-speech system built by inverting Whisper.
606 SysCV/sam-hq
2024-06-01_3453_-1
Segment Anything in High Quality
607 langchain-ai/langgraph
2024-06-01_3439_5
608 run-llama/llama-hub
2024-06-01_3412_0
A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain
609 minimaxir/simpleaichat
2024-06-01_3402_0
Python package for easily interfacing with chat apps, with robust features and minimal code complexity.
610 xtekky/chatgpt-clone
2024-06-01_3398_1
ChatGPT interface with better UI
611 Kent0n-Li/ChatDoctor
2024-06-01_3392_0
A Medical Chat Model Fine-tuned on LLaMA Model using Medical Domain Knowledge
612 pytorch/torchtune
2024-06-01_3323_1
A Native-PyTorch Library for LLM Fine-tuning
613 fudan-generative-vision/champ
2024-06-01_3302_1
Champ: Controllable and Consistent Human Image Animation with 3D Parametric Guidance
614 huggingface/lerobot
2024-06-01_3294_4
🤗 LeRobot: State-of-the-art Machine Learning for Real-World Robotics in Pytorch
615 huggingface/distil-whisper
2024-06-01_3260_-1
Distilled variant of Whisper for speech recognition. 6x faster, 50% smaller, within 1% word error rate.
616 pashpashpash/vault-ai
2024-06-01_3237_1
OP Vault ChatGPT: Give ChatGPT long-term memory using the OP Stack (OpenAI + Pinecone Vector Database). Upload your own custom knowledge base files (PDF, txt, etc) using a simple React frontend.
617 deanxv/coze-discord-proxy
2024-06-01_3221_1
代理Discord-Bot对话Coze-Bot,实现API形式请求GPT4对话模型/微调模型
618 Codium-ai/AlphaCodium
2024-06-01_3201_2
code generation tool that surpasses most human competitors in CodeContests
619 anthropics/anthropic-cookbook
2024-06-01_3179_2
A collection of notebooks/recipes showcasing some fun and effective ways of using Claude.
620 metavoiceio/metavoice-src
2024-06-01_3176_0
AI for human-level speech intelligence
621 project-baize/baize-chatbot
2024-06-01_3148_0
Let ChatGPT teach your own chatbot in hours with a single GPU!
622 OpenGVLab/InternGPT
2024-06-01_3145_0
InternGPT (iGPT) is an open source demo platform where you can easily showcase your AI models. Now it supports DragGAN, ChatGPT, ImageBind, multimodal chat like GPT-4, SAM, interactive image editing, etc. Try it at igpt.opengvlab.com (支持DragGAN、ChatGPT、ImageBind、SAM的在线Demo系统)
623 AprilNEA/ChatGPT-Admin-Web
2024-06-01_3140_0 Open in Demo
ChatGPT WebUI with user management and admin dashboard system
624 ethen8181/machine-learning
2024-06-01_3132_0
🌎 machine learning tutorials (mainly in Python3)
625 cvg/LightGlue
2024-06-01_3073_0
LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
626 Blealtan/efficient-kan
2024-06-01_3058_8
An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN).
627 LLM-Red-Team/kimi-free-api
2024-06-01_3050_4
🚀 KIMI AI 长文本大模型白嫖服务,支持高速流式输出、联网搜索、长文档解读、图像解析、多轮对话,零配置部署,多路token支持,自动清理会话痕迹。
628 apple/swift-syntax
2024-06-01_3048_0
A set of Swift libraries for parsing, inspecting, generating, and transforming Swift source code.
629 CrazyBoyM/llama3-Chinese-chat
2024-06-01_3042_1
Llama3 Chinese Repository with modified versions, and training and deployment resources
630 dvlab-research/MiniGemini
2024-06-01_3032_0
Official implementation for Mini-Gemini
631 philz1337x/clarity-upscaler
2024-06-01_3028_0
Clarity-Upscaler: Reimagined image upscaling for everyone
632 OpenGVLab/InternVL
2024-06-01_3028_8
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4V. 接近GPT-4V表现的可商用开源模型
633 morph-labs/rift
2024-06-01_3020_0
Rift: an AI-native language server for your personal AI software engineer
634 CVI-SZU/Linly
2024-06-01_3002_0
Chinese-LLaMA basic model; ChatFlow Chinese conversation model; NLP pre-training/command fine-tuning dataset
635 baichuan-inc/Baichuan-13B
2024-06-01_2969_0
A 13B large language model developed by Baichuan Intelligent Technology
636 NExT-GPT/NExT-GPT
2024-06-01_2957_1
Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
637 OpenDriveLab/UniAD
2024-06-01_2955_0
[CVPR 2023 Best Paper] Planning-oriented Autonomous Driving
638 Dataherald/dataherald
2024-06-01_2948_3
Interact with your SQL database, Natural Language to SQL using LLMs
639 microsoft/torchscale
2024-06-01_2946_0
Foundation Architecture for (M)LLMs
640 jupyterlab/jupyter-ai
2024-06-01_2933_1
A generative AI extension for JupyterLab
641 iryna-kondr/scikit-llm
2024-06-01_2932_0
Seamlessly integrate powerful language models like ChatGPT into scikit-learn for enhanced text analysis tasks.
642 InternLM/xtuner
2024-06-01_2932_3
An efficient, flexible and full-featured toolkit for fine-tuning large models (InternLM, Llama, Baichuan, Qwen, ChatGLM)
643 daveshap/OpenAI_Agent_Swarm
2024-06-01_2928_0
HAAS = Hierarchical Autonomous Agent Swarm - "Resistance is futile!"
644 WhiskeySockets/Baileys
2024-06-01_2911_1
Lightweight full-featured typescript/javascript WhatsApp Web API
645 williamyang1991/Rerender_A_Video
2024-06-01_2905_0
[SIGGRAPH Asia 2023] Rerender A Video: Zero-Shot Text-Guided Video-to-Video Translation
646 neuralmagic/deepsparse
2024-06-01_2904_0
Sparsity-aware deep learning inference runtime for CPUs
647 gmpetrov/databerry
2024-06-01_2901_0
The no-code platform for building custom LLM Agents
648 open-compass/opencompass
2024-06-01_2876_0
OpenCompass is an LLM evaluation platform, supporting a wide range of models (InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
649 srush/Tensor-Puzzles
2024-06-01_2839_2
Solve puzzles. Improve your pytorch.
650 ai-boost/Awesome-GPTs
2024-06-01_2821_2
Curated list of awesome GPTs 👍.
651 adamcohenhillel/ADeus
2024-06-01_2791_0
An open source AI wearable device that captures what you say and hear in the real world and then transcribes and stores it on your own server. You can then chat with Adeus using the app, and it will have all the right context about what you want to talk about - a truly personalized, personal AI.
652 muellerberndt/mini-agi
2024-06-01_2766_0
A minimal generic autonomous agent based on GPT3.5/4. Can analyze stock prices, perform network security tests, create art, and order pizza.
653 agiresearch/AIOS
2024-06-01_2766_1
AIOS: LLM Agent Operating System
654 SamurAIGPT/privateGPT
2024-06-01_2766_1
An app to interact privately with your documents using the power of GPT, 100% privately, no data leaks
655 MarkFzp/act-plus-plus
2024-06-01_2731_0
Imitation Learning algorithms with Co-traing for Mobile ALOHA: ACT, Diffusion Policy, VINN
656 facebookresearch/ijepa
2024-06-01_2703_0
Official codebase for I-JEPA, the Image-based Joint-Embedding Predictive Architecture. First outlined in the CVPR paper, "Self-supervised learning from images with a joint-embedding predictive architecture."
657 huggingface/parler-tts
2024-06-01_2694_1
Inference and training library for high-quality TTS models.
658 opengeos/segment-geospatial
2024-06-01_2692_0 Open in Colab
A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
659 eureka-research/Eureka
2024-06-01_2685_0
Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models"
660 linyiLYi/bilibot
2024-06-01_2684_3
A local chatbot fine-tuned by bilibili user comments.
661 dnhkng/GlaDOS
2024-06-01_2678_2
This is the Personality Core for GLaDOS, the first steps towards a real-life implementation of the AI from the Portal series by Valve.
662 OpenBMB/CPM-Bee
2024-06-01_2673_0
A bilingual large-scale model with trillions of parameters
663 damo-vilab/i2vgen-xl
2024-06-01_2670_0
Official repo for VGen: a holistic video generation ecosystem for video generation building on diffusion models
664 yisol/IDM-VTON
2024-06-01_2658_3
IDM-VTON : Improving Diffusion Models for Authentic Virtual Try-on in the Wild
665 li-plus/chatglm.cpp
2024-06-01_2657_0
C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & more LLMs
666 gptscript-ai/gptscript
2024-06-01_2657_2
Natural Language Programming
667 google-research/timesfm
2024-06-01_2643_3
TimesFM (Time Series Foundation Model) is a pretrained time-series foundation model developed by Google Research for time-series forecasting.
668 salesforce/CodeT5
2024-06-01_2624_1
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
669 gptlink/gptlink
2024-06-01_2598_0
Build your own free commercial ChatGPT environment in 10 minutes. The setup is simple and includes features such as user management, orders, tasks, and payments
670 georgia-tech-db/eva
2024-06-01_2595_0
AI-Relational Database System
671 albertan017/LLM4Decompile
2024-06-01_2590_1
Reverse Engineering: Decompiling Binary Code with Large Language Models
672 Deeptrain-Community/chatnio
2024-06-01_2577_1
A one-stop chat relay API site supporting multiple models including OpenAI, Midjourney, Google Gemini, etc. It supports custom presets, cloud synchronization, elastic billing, and image parsing
673 Alpha-VLLM/LLaMA2-Accessory
2024-06-01_2571_1
An Open-source Toolkit for LLM Development
674 krishnaik06/Roadmap-To-Learn-Generative-AI-In-2024
2024-06-01_2567_1
Roadmap To Learn Generative AI In 2024
675 SCUTlihaoyu/open-chat-video-editor
2024-06-01_2563_-1
Open source short video automatic generation tool
676 sgl-project/sglang
2024-06-01_2547_0
SGLang is a structured generation language designed for large language models (LLMs). It makes your interaction with LLMs faster and more controllable.
677 PKU-YuanGroup/Video-LLaVA
2024-06-01_2547_0 Open in Spaces
Video-LLaVA: Learning United Visual Representation by Alignment Before Projection
678 facebookresearch/audio2photoreal
2024-06-01_2542_0
Code and dataset for photorealistic Codec Avatars driven from audio
679 cvlab-columbia/zero123
2024-06-01_2531_0
Zero-1-to-3: Zero-shot One Image to 3D Object: https://zero123.cs.columbia.edu/
680 huggingface/safetensors
2024-06-01_2511_0
Simple, safe way to store and distribute tensors
green-up-arrow.svg 681 iusztinpaul/hands-on-llms
2024-06-01_2508_2
🦖 𝗟𝗲𝗮𝗿𝗻 about 𝗟𝗟𝗠𝘀, 𝗟𝗟𝗠𝗢𝗽𝘀, and 𝘃𝗲𝗰𝘁𝗼𝗿 𝗗𝗕𝘀 for free by designing, training, and deploying a real-time financial advisor LLM system ~ 𝘴𝘰𝘶𝘳𝘤𝘦 𝘤𝘰𝘥𝘦 + 𝘷𝘪𝘥𝘦𝘰 & 𝘳𝘦𝘢𝘥𝘪𝘯𝘨 𝘮𝘢𝘵𝘦𝘳𝘪𝘢𝘭𝘴
red-down-arrow 682 ishan0102/vimGPT
2024-06-01_2507_0
Browse the web with GPT-4V and Vimium
683 liou666/polyglot
2024-06-01_2506_0
Desktop AI Language Practice Application
684 modelscope/agentscope
2024-06-01_2505_0
Start building LLM-empowered multi-agent applications in an easier way.
685 argmaxinc/WhisperKit
2024-06-01_2495_1
Swift native speech recognition on-device for iOS and macOS applications.
686 Ironclad/rivet
2024-06-01_2490_0 Open Website
The open-source visual AI programming environment and TypeScript library
687 leptonai/leptonai
2024-06-01_2489_0
A Pythonic framework to simplify AI service building
688 hegelai/prompttools
2024-06-01_2488_0
Open-source tools for prompt testing and experimentation, with support for both LLMs (e.g. OpenAI, LLaMA) and vector databases (e.g. Chroma, Weaviate).
689 Josh-XT/AGiXT
2024-06-01_2484_0
AGiXT is a dynamic AI Automation Platform that seamlessly orchestrates instruction management and complex task execution across diverse AI providers. Combining adaptive memory, smart features, and a versatile plugin system, AGiXT delivers efficient and comprehensive AI solutions.
690 Azure/azure-rest-api-specs
2024-06-01_2479_0
The source for REST API specifications for Microsoft Azure.
691 facebookresearch/jepa
2024-06-01_2462_3
PyTorch code and models for V-JEPA self-supervised learning from video.
692 SuperTux/supertux
2024-06-01_2455_0
SuperTux source code
693 mazzzystar/Queryable
2024-06-01_2453_0
Run CLIP on iPhone to Search Photos.
694 unit-mesh/auto-dev
2024-06-01_2451_2
🧙‍AutoDev: The AI-powered coding wizard with multilingual support 🌐, auto code generation 🏗️, and a helpful bug-slaying assistant 🐞! Customizable prompts 🎨 and a magic Auto Dev/Testing/Document/Agent feature 🧪 included! 🚀
695 databricks/dbrx
2024-06-01_2444_0
Code examples and resources for DBRX, a large language model developed by Databricks
696 baaivision/Painter
2024-06-01_2442_0
Painter & SegGPT Series: Vision Foundation Models from BAAI
697 mshumer/gpt-author
2024-06-01_2437_0
698 NVIDIA/trt-llm-rag-windows
2024-06-01_2436_2
A developer reference project for creating Retrieval Augmented Generation (RAG) chatbots on Windows using TensorRT-LLM
699 lamini-ai/lamini
2024-06-01_2424_0
Official repo for Lamini's data generator for generating instructions to train instruction-following LLMs
700 facebookresearch/habitat-sim
2024-06-01_2406_0
A flexible, high-performance 3D simulator for Embodied AI research.
701 FranxYao/chain-of-thought-hub
2024-06-01_2405_0
Benchmarking large language models' complex reasoning ability with chain-of-thought prompting
702 OpenPipe/OpenPipe
2024-06-01_2403_0
Turn expensive prompts into cheap fine-tuned models
703 facebookresearch/Pearl
2024-06-01_2402_0
A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta.
704 hustvl/Vim
2024-06-01_2395_0
Vision Mamba: Efficient Visual Representation Learning with Bidirectional State Space Model
705 kevmo314/magic-copy
2024-06-01_2365_0
Magic Copy is a Chrome extension that uses Meta's Segment Anything Model to extract a foreground object from an image and copy it to the clipboard.
706 deepseek-ai/DeepSeek-V2
2024-06-01_2363_6
707 johnma2006/mamba-minimal
2024-06-01_2345_1
Simple, minimal implementation of the Mamba SSM in one file of PyTorch.
708 cohere-ai/cohere-toolkit
2024-06-01_2265_1
Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications.
green-up-arrow.svg 709 BasedHardware/OpenGlass
2024-06-01_2262_7
Turn any glasses into AI-powered smart glasses
red-down-arrow 710 dvmazur/mixtral-offloading
2024-06-01_2261_0
Run Mixtral-8x7B models in Colab or consumer desktops
711 jqnatividad/qsv
2024-06-01_2258_0
CSVs sliced, diced & analyzed.
712 spring-projects/spring-ai
2024-06-01_2251_2
An Application Framework for AI Engineering
green-up-arrow.svg⭐ 713 truefoundry/cognita
2024-06-01_2244_36
RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry
red-down-arrow 714 abi/secret-llama
2024-06-01_2238_0
Fully private LLM chatbot that runs entirely with a browser with no server needed. Supports Mistral and LLama 3.
715 nus-apr/auto-code-rover
2024-06-01_2231_1
A project structure aware autonomous software engineer aiming for autonomous program improvement
716 paulpierre/RasaGPT
2024-06-01_2211_-1
💬 RasaGPT is the first headless LLM chatbot platform built on top of Rasa and Langchain. Built w/ Rasa, FastAPI, Langchain, LlamaIndex, SQLModel, pgvector, ngrok, telegram
717 alibaba-damo-academy/FunClip
2024-06-01_2211_6
Open-source, accurate and easy-to-use video clipping tool, LLM based AI clipping intergrated
718 microsoft/promptbench
2024-06-01_2200_5
A unified evaluation framework for large language models
719 mshumer/gpt-investor
2024-06-01_2197_0
720 emcf/engshell
2024-06-01_2169_-1
An English-language shell for any OS, powered by LLMs
721 SoraWebui/SoraWebui
2024-06-01_2167_0
SoraWebui is an open-source Sora web client, enabling users to easily create videos from text with OpenAI's Sora model.
722 JiauZhang/DragGAN
2024-06-01_2162_0
Implementation of DragGAN: Interactive Point-based Manipulation on the Generative Image Manifold
723 sugarforever/chat-ollama
2024-06-01_2162_2
ChatOllama is an open source chatbot based on LLMs. It supports a wide range of language models, and knowledge base management.
724 nucleuscloud/neosync
2024-06-01_2148_4
Open source data anonymization and synthetic data orchestration for developers. Create high fidelity synthetic data and sync it across your environments.
725 google-deepmind/gemma
2024-06-01_2128_1
Open weights LLM from Google DeepMind.
726 aixcoder-plugin/aiXcoder-7B
2024-06-01_2122_0
official repository of aiXcoder-7B Code Large Language Model
727 fishaudio/fish-speech
2024-06-01_2105_6
Brand new TTS solution
728 ragapp/ragapp
2024-06-01_2094_5
The easiest way to use Agentic RAG in any enterprise
729 openai/consistencydecoder
2024-06-01_2081_0
Consistency Distilled Diff VAE
730 cgpotts/cs224u
2024-06-01_2067_0
Code for Stanford CS224u
731 girafe-ai/ml-course
2024-06-01_2065_0
Open Machine Learning course
732 meta-llama/PurpleLlama
2024-06-01_2061_0
Set of tools to assess and improve LLM security.
733 TracecatHQ/tracecat
2024-06-01_2059_0
😼 The AI-native, open source alternative to Tines / Splunk SOAR.
734 elastic/otel-profiling-agent
2024-06-01_2055_2
The production-scale datacenter profiler
735 hncboy/chatgpt-web-java
2024-06-01_2048_0
ChatGPT project developed in Java, based on Spring Boot 3 and JDK 17, supports both AccessToken and ApiKey modes
736 Tencent/HunyuanDiT
2024-06-01_2019_4
Hunyuan-DiT : A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding
737 Doriandarko/maestro
2024-06-01_1991_-1
A framework for Claude Opus to intelligently orchestrate subagents.
738 billmei/every-chatgpt-gui
2024-06-01_1978_1
Every front-end GUI client for ChatGPT
739 AI-Citizen/SolidGPT
2024-06-01_1956_0
Chat everything with your code repository, ask repository level code questions, and discuss your requirements. AI Scan and learning your code repository, provide you code repository level answer🧱 🧱
740 liltom-eth/llama2-webui
2024-06-01_1946_0
Run Llama 2 locally with gradio UI on GPU or CPU from anywhere (Linux/Windows/Mac). Supporting Llama-2-7B/13B/70B with 8-bit, 4-bit. Supporting GPU inference (6 GB VRAM) and CPU inference.
741 IDEA-Research/T-Rex
2024-06-01_1940_0
T-Rex2: Towards Generic Object Detection via Text-Visual Prompt Synergy
742 semanser/codel
2024-06-01_1927_1
✨ Fully autonomous AI Agent that can perform complicated tasks and projects using terminal, browser, and editor.
743 X-PLUG/MobileAgent
2024-06-01_1912_0
Mobile-Agent: Autonomous Multi-Modal Mobile Device Agent with Visual Perception
744 PRIS-CV/DemoFusion
2024-06-01_1889_0
Let us democratise high-resolution generation! (arXiv 2023)
745 amazon-science/chronos-forecasting
2024-06-01_1887_0
Chronos: Pretrained (Language) Models for Probabilistic Time Series Forecasting
746 TMElyralab/MuseV
2024-06-01_1885_5
MuseV: Infinite-length and High Fidelity Virtual Human Video Generation with Visual Conditioned Parallel Denoising
747 suyu-emu/suyu
2024-06-01_1866_3
suyu is the continuation of the world's most popular, open-source, Nintendo Switch emulator, yuzu. It is written in C++ with portability in mind, and we actively maintain builds for Windows, Linux and Android.
748 Doubiiu/DynamiCrafter
2024-06-01_1828_0
DynamiCrafter: Animating Open-domain Images with Video Diffusion Priors
749 luijait/DarkGPT
2024-06-01_1815_1
DarkGPT is an OSINT assistant based on GPT-4-200K (recommended use) designed to perform queries on leaked databases, thus providing an artificial intelligence assistant that can be useful in your traditional OSINT processes.
750 flowtyone/flowty-realtime-lcm-canvas
2024-06-01_1797_0
A realtime sketch to image demo using LCM and the gradio library.
751 microsoft/aici
2024-06-01_1797_1
AICI: Prompts as (Wasm) Programs
752 deepseek-ai/DeepSeek-VL
2024-06-01_1767_2
DeepSeek-VL: Towards Real-World Vision-Language Understanding
753 PKU-YuanGroup/MoE-LLaVA
2024-06-01_1763_0
Mixture-of-Experts for Large Vision-Language Models
754 Eladlev/AutoPrompt
2024-06-01_1744_0
A framework for prompt tuning using Intent-based Prompt Calibration
755 rashadphz/farfalle
2024-06-01_1736_21
🔍 AI search engine - self-host with local or cloud LLMs
756 Niek/chatgpt-web
2024-06-01_1729_0
ChatGPT web interface using the OpenAI API
757 modelscope/swift
2024-06-01_1706_1
ms-swift: Use PEFT or Full-parameter to finetune 200+ LLMs or 15+ MLLMs
758 ashishpatel26/LLM-Finetuning
2024-06-01_1693_1
LLM Finetuning with peft
759 EricLBuehler/mistral.rs
2024-06-01_1687_3
Blazingly fast LLM inference.
760 CodingChallengesFYI/SharedSolutions
2024-06-01_1676_2
Publicly shared solutions to Coding Challenges
761 janhq/nitro
2024-06-01_1674_0
A fast, lightweight, embeddable inference engine to supercharge your apps with local AI. OpenAI-compatible API
762 NVIDIA/GenerativeAIExamples
2024-06-01_1642_0
Generative AI reference workflows optimized for accelerated infrastructure and microservice architecture.
763 ytongbai/LVM
2024-06-01_1627_0
Sequential Modeling Enables Scalable Learning for Large Vision Models
764 idaholab/moose
2024-06-01_1618_0
Multiphysics Object Oriented Simulation Environment
765 flowdriveai/flowpilot
2024-06-01_1615_0
flow-pilot is an openpilot based driver assistance system that runs on linux, windows and android powered machines.
766 mishushakov/llm-scraper
2024-06-01_1598_2
Turn any webpage into structured data using LLMs
767 Kludex/fastapi-tips
2024-06-01_1557_0
FastAPI Tips by The FastAPI Expert!
768 MrForExample/ComfyUI-3D-Pack
2024-06-01_1550_2
An extensive node suite that enables ComfyUI to process 3D inputs (Mesh & UV Texture, etc) using cutting edge algorithms (3DGS, NeRF, etc.)
769 Nutlope/notesGPT
2024-06-01_1535_1
Record voice notes & transcribe, summarize, and get tasks
770 YangLing0818/RPG-DiffusionMaster
2024-06-01_1532_1
Mastering Text-to-Image Diffusion: Recaptioning, Planning, and Generating with Multimodal LLMs (PRG)
771 baaivision/Emu
2024-06-01_1519_0
Emu Series: Generative Multimodal Models from BAAI
772 linyiLYi/snake-ai
2024-06-01_1513_1
An AI agent that beats the classic game "Snake".
773 pipecat-ai/pipecat
2024-06-01_1506_3
Open Source framework for voice and multimodal conversational AI
774 LLMBook-zh/LLMBook-zh.github.io
2024-06-01_1490_4
《大语言模型》作者:赵鑫,李军毅,周昆,唐天一,文继荣
775 GoogleCloudPlatform/localllm
2024-06-01_1468_0
Run LLMs locally on Cloud Workstations
776 collabora/WhisperFusion
2024-06-01_1423_0
WhisperFusion builds upon the capabilities of WhisperLive and WhisperSpeech to provide a seamless conversations with an AI.
777 darrenburns/elia
2024-06-01_1400_3
A snappy, keyboard-centric terminal user interface for interacting with large language models. Chat with ChatGPT, Claude, Llama 3, Phi 3, Mistral, Gemma and more.
778 huggingface/cookbook
2024-06-01_1395_0
Open-source AI cookbook
779 Azure/PyRIT
2024-06-01_1375_0
The Python Risk Identification Tool for generative AI (PyRIT) is an open access automation framework to empower security professionals and machine learning engineers to proactively find risks in their generative AI systems.
780 The-OpenROAD-Project/OpenROAD
2024-06-01_1374_0
OpenROAD's unified application implementing an RTL-to-GDS Flow. Documentation at https://openroad.readthedocs.io/en/latest/
781 kyegomez/BitNet
2024-06-01_1373_0
Implementation of "BitNet: Scaling 1-bit Transformers for Large Language Models" in pytorch
782 pytorch/executorch
2024-06-01_1343_3
On-device AI across mobile, embedded and edge for PyTorch
783 InstantStyle/InstantStyle
2024-06-01_1336_2
InstantStyle: Free Lunch towards Style-Preserving in Text-to-Image Generation 🔥
784 microsoft/sample-app-aoai-chatGPT
2024-06-01_1315_1
[PREVIEW] Sample code for a simple web chat experience targeting chatGPT through AOAI.
785 google/maxtext
2024-06-01_1310_0
A simple, performant and scalable Jax LLM!
786 princeton-nlp/SWE-bench
2024-06-01_1298_0
[ICLR 2024] SWE-Bench: Can Language Models Resolve Real-world Github Issues?
787 andrewnguonly/Lumos
2024-06-01_1281_0
A RAG LLM co-pilot for browsing the web, powered by local LLMs
788 SciPhi-AI/R2R
2024-06-01_1274_0
A framework for rapid development and deployment of production-ready RAG systems
789 lichao-sun/Mora
2024-06-01_1266_0
Mora: More like Sora for Generalist Video Generation
790 AnswerDotAI/fsdp_qlora
2024-06-01_1256_1
Training LLMs with QLoRA + FSDP
791 lucidrains/self-rewarding-lm-pytorch
2024-06-01_1253_0
Implementation of the training framework proposed in Self-Rewarding Language Model, from MetaAI
792 openai/simple-evals
2024-06-01_1247_1
793 mhamilton723/FeatUp
2024-06-01_1241_1
Official code for "FeatUp: A Model-Agnostic Frameworkfor Features at Any Resolution" ICLR 2024
794 GaParmar/img2img-turbo
2024-06-01_1241_2
One-step image-to-image with Stable Diffusion turbo: sketch2image, day2night, and more
795 DataTalksClub/llm-zoomcamp
2024-06-01_1231_3
LLM Zoomcamp - a free online course about building an AI bot that can answer questions about your knowledge base
796 McGill-NLP/webllama
2024-06-01_1224_0
Llama-3 agents that can browse the web by following instructions and talking to you
797 a-real-ai/pywinassistant
2024-06-01_1209_0
The first open source Large Action Model generalist Artificial Narrow Intelligence that controls completely human user interfaces by only using natural language. PyWinAssistant utilizes Visualization-of-Thought Elicits Spatial Reasoning in Large Language Models.
798 Alpha-VLLM/Lumina-T2X
2024-06-01_1203_0
Lumina-T2X is a unified framework for Text to Any Modality Generation
799 pytorch/torchtitan
2024-06-01_1179_1
A native PyTorch Library for large model training
800 PKU-YuanGroup/MagicTime
2024-06-01_1149_0
MagicTime: Time-lapse Video Generation Models as Metamorphic Simulators
⭐ 801 GaiaNet-AI/gaianet-node
2024-06-01_1129_89
Install and run your own AI agent service
802 elfvingralf/macOSpilot-ai-assistant
2024-06-01_1096_0
Voice + Vision powered AI assistant that answers questions about any application, in context and in audio.
803 TencentARC/BrushNet
2024-06-01_1063_0
The official implementation of paper "BrushNet: A Plug-and-Play Image Inpainting Model with Decomposed Dual-Branch Diffusion"
804 THUDM/CogVLM2
2024-06-01_1060_7
GPT4V-level open-source multi-modal model based on Llama3-8B
green-up-arrow.svg⭐ 805 tencent-ailab/V-Express
2024-06-01_1056_130
V-Express aims to generate a talking head video under the control of a reference image, an audio, and a sequence of V-Kps images.
red-down-arrow 806 Lightning-AI/lightning-thunder
2024-06-01_1042_0
Make PyTorch models Lightning fast! Thunder is a source to source compiler for PyTorch. It enables using different hardware executors at once.
red-down-arrow 807 wpilibsuite/allwpilib
2024-06-01_1028_0
Official Repository of WPILibJ and WPILibC
808 SakanaAI/evolutionary-model-merge
2024-06-01_1016_0
Official repository of Evolutionary Optimization of Model Merging Recipes
⭐ 809 🔥TMElyralab/MusePose
2024-06-01_920_370
MusePose: a Pose-Driven Image-to-Video Framework for Virtual Human Generation
810 xlang-ai/OSWorld
2024-06-01_987_2
OSWorld: Benchmarking Multimodal Agents for Open-Ended Tasks in Real Computer Environments
811 ymcui/Chinese-LLaMA-Alpaca-3
2024-06-01_984_1
中文羊驼大模型三期项目 (Chinese Llama-3 LLMs) developed from Meta Llama 3
812 Profluent-AI/OpenCRISPR
2024-06-01_982_1
AI-generated gene editing systems
813 myshell-ai/JetMoE
2024-06-01_934_0
Reaching LLaMA2 Performance with 0.1M Dollars
814 FoundationVision/GLEE
2024-06-01_932_0
【CVPR2024】GLEE: General Object Foundation Model for Images and Videos at Scale
815 langchain-ai/langchain-extract
2024-06-01_924_0
🦜⛏️ Did you say you like data?
816 jgravelle/AutoGroq
2024-06-01_913_2
817 mlabonne/llm-datasets
2024-06-01_896_1
High-quality datasets, tools, and concepts for LLM fine-tuning.
818 likejazz/llama3.np
2024-06-01_863_1
llama3.np is pure NumPy implementation for Llama 3 model.
819 mustafaaljadery/gemma-2B-10M
2024-06-01_839_1
Gemma 2B with 10M context length using Infini-attention.

Tip:

symbol rule
🔥 256 < stars today <= 512
🔥🔥 512 < stars today <= 1k
🔥🔥🔥 stars today > 1k
green-up-arrow.svg red-down-arrow ranking up / down
on trending page today

[Back to Top]

Tools

No.
Tool Description
1 ChatGPT A sibling model to InstructGPT, which is trained to follow instructions in a prompt and provide a detailed response
2 DALL·E 2 Create original, realistic images and art from a text description
3 Murf AI AI enabled, real people's voices
4 Midjourney An independent research lab that produces an artificial intelligence program under the same name that creates images from textual descriptions, used in Discord
5 Make-A-Video Make-A-Video is a state-of-the-art AI system that generates videos from text
6 Creative Reality™ Studio by D-ID Use generative AI to create future-facing videos
7 chat.D-ID The First App Enabling Face-to-Face Conversations with ChatGPT
8 Notion AI Access the limitless power of AI, right inside Notion. Work faster. Write better. Think bigger.
9 Runway Text to Video with Gen-2
10 Resemble AI Resemble’s AI voice generator lets you create human–like voice overs in seconds
11 Cursor Write, edit, and chat about your code with a powerful AI
12 Hugging Face Build, train and deploy state of the art models powered by the reference open source in machine learning
13 Claude Open in App A next-generation AI assistant for your tasks, no matter the scale
14 Poe Poe lets you ask questions, get instant answers, and have back-and-forth conversations with AI. Gives access to GPT-4, gpt-3.5-turbo, Claude from Anthropic, and a variety of other bots

[Back to Top]

Websites

No.
WebSite
Description
1 OpenAI An artificial intelligence research lab
2 Bard Base Google's LaMDA chatbots and pull from internet
3 ERNIE Bot Baidu’s new generation knowledge-enhanced large language model is a new member of the Wenxin large model family
4 DALL·E 2 An AI system that can create realistic images and art from a description in natural language
5 Whisper A general-purpose speech recognition model
6 CivitAI A platform that makes it easy for people to share and discover resources for creating AI art
7 D-ID D-ID’s Generative AI enables users to transform any picture or video into extraordinary experiences
8 Nvidia eDiff-I Text-to-Image Diffusion Models with Ensemble of Expert Denoisers
9 Stability AI The world's leading open source generative AI company which opened source Stable Diffusion
10 Meta AI Whether it be research, product or infrastructure development, we’re driven to innovate responsibly with AI to benefit the world
11 ANTHROPIC AI research and products that put safety at the frontier

[Back to Top]

Reports&Papers

No.
Report&Paper
Description
1 GPT-4 Technical Report GPT-4 Technical Report
2 mli/paper-reading Deep learning classics and new papers are read carefully paragraph by paragraph.
3 labmlai/annotated_deep_learning_paper_implementations A collection of simple PyTorch implementations of neural networks and related algorithms, which are documented with explanations
4 Visual ChatGPT: Talking, Drawing and Editing with Visual Foundation Models Talking, Drawing and Editing with Visual Foundation Models
5 OpenAI Research The latest research report and papers from OpenAI
6 Make-A-Video: Text-to-Video Generation without Text-Video Data Meta's Text-to-Video Generation
7 eDiff-I: Text-to-Image Diffusion Models with Ensemble of Expert Denoisers Nvidia eDiff-I - New generation of generative AI content creation tool
8 Training an Assistant-style Chatbot with Large Scale Data Distillation from GPT-3.5-Turbo 2023 GPT4All Technical Report
9 Segment Anything Meta Segment Anything
10 LLaMA: Open and Efficient Foundation Language Models LLaMA: a collection of foundation language models ranging from 7B to 65B parameters
11 papers-we-love/papers-we-love Papers from the computer science community to read and discuss
12 CVPR 2023 papers The most exciting and influential CVPR 2023 papers

[Back to Top]

Tutorials

No.
Tutorial Description
1 Coursera - Machine Learning The Machine Learning Specialization Course taught by Dr. Andrew Ng
2 microsoft/ML-For-Beginners 12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
3 ChatGPT Prompt Engineering for Developers This short course taught by Isa Fulford (OpenAI) and Andrew Ng (DeepLearning.AI) will teach how to use a large language model (LLM) to quickly build new and powerful applications
4 Dive into Deep Learning Targeting Chinese readers, functional and open for discussion. The Chinese and English versions are used for teaching in over 400 universities across more than 60 countries
5 AI Expert Roadmap Roadmap to becoming an Artificial Intelligence Expert in 2022
6 Computer Science courses List of Computer Science courses with video lectures
7 Machine Learning with Python Machine Learning with Python Certification on freeCodeCamp
8 Building Systems with the ChatGPT API This short course taught by Isa Fulford (OpenAI) and Andrew Ng (DeepLearning.AI), you will learn how to automate complex workflows using chain calls to a large language model
9 LangChain for LLM Application Development This short course taught by Harrison Chase (Co-Founder and CEO at LangChain) and Andrew Ng. you will gain essential skills in expanding the use cases and capabilities of language models in application development using the LangChain framework
10 How Diffusion Models Work This short course taught by Sharon Zhou (CEO, Co-founder, Lamini). you will gain a deep familiarity with the diffusion process and the models which carry it out. More than simply pulling in a pre-built model or using an API, this course will teach you to build a diffusion model from scratch
11 Free Programming Books For AI 📚 Freely available programming books for AI
12 microsoft/AI-For-Beginners 12 Weeks, 24 Lessons, AI for All!
13 hemansnation/God-Level-Data-Science-ML-Full-Stack A collection of scientific methods, processes, algorithms, and systems to build stories & models. This roadmap contains 16 Chapters, whether you are a fresher in the field or an experienced professional who wants to transition into Data Science & AI
14 datawhalechina/prompt-engineering-for-developers Chinese version of Andrew Ng's Big Model Series Courses, including "Prompt Engineering", "Building System", and "LangChain"
15 ossu/computer-science 🎓 Path to a free self-taught education in Computer Science!
16 microsoft/Data-Science-For-Beginners 10 Weeks, 20 Lessons, Data Science for All!
17 jwasham/coding-interview-university
2023-09-29_268215_336
A complete computer science study plan to become a software engineer.

[Back to Top]

Thanks

If this project has been helpful to you in any way, please give it a ⭐️ by clicking on the star.