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-07-12_301708_206
A collective list of free APIs
⭐ 2 🔥codecrafters-io/build-your-own-x
2024-07-12_285517_493
Master programming by recreating your favorite technologies from scratch.
3 kamranahmedse/developer-roadmap
2024-07-12_282561_123
Interactive roadmaps, guides and other educational content to help developers grow in their careers.
4 vinta/awesome-python
2024-07-12_212330_74
A curated list of awesome Python frameworks, libraries, software and resources
5 tensorflow/tensorflow
2024-07-12_184038_6
An Open Source Machine Learning Framework for Everyone
6 practical-tutorials/project-based-learning
2024-07-12_181922_138
Curated list of project-based tutorials
7 Significant-Gravitas/AutoGPT
2024-07-12_164032_130
An experimental open-source attempt to make GPT-4 fully autonomous.
8 jackfrued/Python-100-Days
2024-07-12_152862_45
Python - 100天从新手到大师
9 AUTOMATIC1111/stable-diffusion-webui
2024-07-12_135868_48
Stable Diffusion web UI
10 huggingface/transformers
2024-07-12_129185_56
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
11 justjavac/free-programming-books-zh_CN
2024-07-12_110316_33
📚 免费的计算机编程类中文书籍,欢迎投稿
12 f/awesome-chatgpt-prompts
2024-07-12_107096_29 Open in Spaces
This repo includes ChatGPT prompt curation to use ChatGPT better.
13 langchain-ai/langchain
2024-07-12_89024_66
⚡ Building applications with LLMs through composability ⚡
14 pytorch/pytorch
2024-07-12_80336_29
Tensors and Dynamic neural networks in Python with strong GPU acceleration
15 neovim/neovim
2024-07-12_80036_27
Vim-fork focused on extensibility and usability
16 ollama/ollama
2024-07-12_78186_163
Get up and running with Llama 2, Mistral, Gemma, and other large language models.
17 yt-dlp/yt-dlp
2024-07-12_76758_97
A feature-rich command-line audio/video downloader
18 ChatGPTNextWeb/ChatGPT-Next-Web
2024-07-12_72874_31
A cross-platform ChatGPT/Gemini UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT/Gemini 应用。
19 home-assistant/core
2024-07-12_69906_15
🏡 Open source home automation that puts local control and privacy first.
20 supabase/supabase
2024-07-12_68859_26
The open source Firebase alternative.
21 nomic-ai/gpt4all
2024-07-12_67303_53
gpt4all: an ecosystem of open-source chatbots trained on a massive collection of clean assistant data including code, stories and dialogue
22 fighting41love/funNLP
2024-07-12_66150_18
The Most Powerful NLP-Weapon Arsenal
23 bregman-arie/devops-exercises
2024-07-12_64913_19
Linux, Jenkins, AWS, SRE, Prometheus, Docker, Python, Ansible, Git, Kubernetes, Terraform, OpenStack, SQL, NoSQL, Azure, GCP, DNS, Elastic, Network, Virtualization. DevOps Interview Questions
24 openai/whisper
2024-07-12_64480_56
Robust Speech Recognition via Large-Scale Weak Supervision
25 josephmisiti/awesome-machine-learning
2024-07-12_64423_14
A curated list of awesome Machine Learning frameworks, libraries and software.
26 twitter/the-algorithm
2024-07-12_61731_4
Source code for Twitter's Recommendation Algorithm
27 binary-husky/gpt_academic
2024-07-12_61625_51
Academic Optimization of GPT
28 ggerganov/llama.cpp
2024-07-12_61574_52
Port of Facebook's LLaMA model in C/C++
29 keras-team/keras
2024-07-12_61309_4
Deep Learning for humans
30 apache/superset
2024-07-12_60631_20
Apache Superset is a Data Visualization and Data Exploration Platform
31 3b1b/manim
2024-07-12_60366_12
Animation engine for explanatory math videos
32 xtekky/gpt4free
2024-07-12_59221_15
decentralizing the Ai Industry, free gpt-4/3.5 scripts through several reverse engineered API's ( poe.com, phind.com, chat.openai.com etc...)
33 d2l-ai/d2l-zh
2024-07-12_59026_77
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
34 scikit-learn/scikit-learn
2024-07-12_58885_12
scikit-learn: machine learning in Python
35 openai/openai-cookbook
2024-07-12_57594_10
Examples and guides for using the OpenAI API
36 binhnguyennus/awesome-scalability
2024-07-12_56865_21
The Patterns of Scalable, Reliable, and Performant Large-Scale Systems
37 microsoft/generative-ai-for-beginners
2024-07-12_56185_110
12 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/
38 abi/screenshot-to-code
2024-07-12_54780_27
Drop in a screenshot and convert it to clean HTML/Tailwind/JS code
39 meta-llama/llama
2024-07-12_54215_10
Inference code for Llama models
40 imartinez/privateGPT
2024-07-12_52952_8
Interact with your documents using the power of GPT, 100% privately, no data leaks
41 ageitgey/face_recognition
2024-07-12_52406_15
The world's simplest facial recognition api for Python and the command line
42 labmlai/annotated_deep_learning_paper_implementations
2024-07-12_51725_68
🧑‍🏫 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 lencx/ChatGPT
2024-07-12_51709_5
🔮 ChatGPT Desktop Application (Mac, Windows and Linux)
44 CorentinJ/Real-Time-Voice-Cloning
2024-07-12_51566_4
Clone a voice in 5 seconds to generate arbitrary speech in real-time
45 PlexPt/awesome-chatgpt-prompts-zh
2024-07-12_51437_10
ChatGPT Chinese Training Guide. Guidelines for various scenarios. Learn how to make it listen to you
46 gpt-engineer-org/gpt-engineer
2024-07-12_51387_11
Specify what you want it to build, the AI asks for clarification, and then builds it.
47 OpenInterpreter/open-interpreter
2024-07-12_50821_30
A natural language interface for computers
48 xai-org/grok-1
2024-07-12_49165_7
Grok open release
49 commaai/openpilot
2024-07-12_48702_12
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.
50 dair-ai/Prompt-Engineering-Guide
2024-07-12_46251_26
🐙 Guides, papers, lecture, notebooks and resources for prompt engineering
51 facebookresearch/segment-anything
2024-07-12_45543_18
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.
52 meilisearch/meilisearch
2024-07-12_45262_30
A lightning-fast search API that fits effortlessly into your apps, websites, and workflow
53 v2ray/v2ray-core
2024-07-12_45029_2
A platform for building proxies to bypass network restrictions.
54 Avik-Jain/100-Days-Of-ML-Code
2024-07-12_43922_6
100 Days of ML Coding
55 n8n-io/n8n
2024-07-12_42550_11
Free and source-available fair-code licensed workflow automation tool. Easily automate tasks across different services.
56 comfyanonymous/ComfyUI
2024-07-12_41973_128
A powerful and modular stable diffusion GUI with a graph/nodes interface.
57 geekan/MetaGPT
2024-07-12_41608_20
The Multi-Agent Meta Programming Framework: Given one line Requirement, return PRD, Design, Tasks, Repo
58 type-challenges/type-challenges
2024-07-12_41563_8
Collection of TypeScript type challenges with online judge
⭐ 59 PaddlePaddle/PaddleOCR
2024-07-12_40496_77
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)
60 THUDM/ChatGLM-6B
2024-07-12_40000_7
ChatGLM-6B: An Open Bilingual Dialogue Language Model
61 fastlane/fastlane
2024-07-12_38860_1
🚀 The easiest way to automate building and releasing your iOS and Android apps
62 hpcaitech/ColossalAI
2024-07-12_38337_3
Making large AI models cheaper, faster and more accessible
63 oobabooga/text-generation-webui
2024-07-12_38318_19
A gradio web UI for running Large Language Models like LLaMA, llama.cpp, GPT-J, OPT, and GALACTICA.
64 lllyasviel/Fooocus
2024-07-12_38239_34
Focus on prompting and generating
green-up-arrow.svg 65 Asabeneh/30-Days-Of-Python
2024-07-12_37844_77
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
red-down-arrow 66 psf/black
2024-07-12_37843_8
The uncompromising Python code formatter
67 Stability-AI/stablediffusion
2024-07-12_37572_15
High-Resolution Image Synthesis with Latent Diffusion Models
68 langgenius/dify
2024-07-12_37387_155
One API for plugins and datasets, one interface for prompt engineering and visual operation, all for creating powerful AI applications.
69 LAION-AI/Open-Assistant
2024-07-12_36832_-2 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.
70 lm-sys/FastChat
2024-07-12_35693_13
An open platform for training, serving, and evaluating large languages. Release repo for Vicuna and FastChat-T5.
71 XingangPan/DragGAN
2024-07-12_35580_6 Open in Spaces
Code for DragGAN (SIGGRAPH 2023)
72 mingrammer/diagrams
2024-07-12_35436_3
🎨 Diagram as Code for prototyping cloud system architectures
73 apache/airflow
2024-07-12_35368_10
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows
74 lobehub/lobe-chat
2024-07-12_35162_28
🤖 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.
75 TencentARC/GFPGAN
2024-07-12_35108_4
GFPGAN aims at developing Practical Algorithms for Real-world Face Restoration.
76 karpathy/nanoGPT
2024-07-12_34703_35
The simplest, fastest repository for training/finetuning medium-sized GPTs
77 microsoft/TaskMatrix
2024-07-12_34539_-1 Open in Spaces
Talking, Drawing and Editing with Visual Foundation Models
78 babysor/MockingBird
2024-07-12_34513_17
🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time
79 QuivrHQ/quivr
2024-07-12_34162_8
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.
80 mlabonne/llm-course
2024-07-12_34117_37
Course with a roadmap and notebooks to get into Large Language Models (LLMs).
81 microsoft/DeepSpeed
2024-07-12_33836_21
A deep learning optimization library that makes distributed training and inference easy, efficient, and effective
82 lapce/lapce
2024-07-12_33815_11
Lightning-fast and Powerful Code Editor written in Rust
83 suno-ai/bark
2024-07-12_33800_9 Open in Spaces
🔊 Text-Prompted Generative Audio Model
84 google-research/google-research
2024-07-12_33427_8
Google Research
85 streamlit/streamlit
2024-07-12_33338_16
Streamlit — A faster way to build and share data apps.
86 ggerganov/whisper.cpp
2024-07-12_33089_24
Port of OpenAI's Whisper model in C/C++
87 ray-project/ray
2024-07-12_32069_14
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.
88 coqui-ai/TTS
2024-07-12_31959_18
🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production
89 LC044/WeChatMsg
2024-07-12_31369_52
提取微信聊天记录,将其导出成HTML、Word、Excel文档永久保存,对聊天记录进行分析生成年度聊天报告,用聊天数据训练专属于个人的AI聊天助手
90 open-webui/open-webui
2024-07-12_31055_100
User-friendly WebUI for LLMs (Formerly Ollama WebUI)
91 Chanzhaoyu/chatgpt-web
2024-07-12_30979_5
A demonstration website built with Express and Vue3 called ChatGPT
92 gradio-app/gradio
2024-07-12_30889_22
Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
93 karanpratapsingh/system-design
2024-07-12_30514_26
Learn how to design systems at scale and prepare for system design interviews
94 facebookresearch/fairseq
2024-07-12_29826_6
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
95 chatchat-space/Langchain-Chatchat
2024-07-12_29806_39
Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain
96 TheAlgorithms/C-Plus-Plus
2024-07-12_29653_10
Collection of various algorithms in mathematics, machine learning, computer science and physics implemented in C++ for educational purposes.
97 yunjey/pytorch-tutorial
2024-07-12_29489_8
PyTorch Tutorial for Deep Learning Researchers
98 facebookresearch/detectron2
2024-07-12_29394_7
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
99 google/jax
2024-07-12_29159_18
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
100 tatsu-lab/stanford_alpaca
2024-07-12_29143_3
Code and documentation to train Stanford's Alpaca models, and generate the data.
101 Pythagora-io/gpt-pilot
2024-07-12_29125_11
PoC for a scalable dev tool that writes entire apps from scratch while the developer oversees the implementation
102 RVC-Boss/GPT-SoVITS
2024-07-12_29059_57
1 min voice data can also be used to train a good TTS model! (few shot voice cloning)
103 lllyasviel/ControlNet
2024-07-12_29047_20
Let us control diffusion models!
104 v2fly/v2ray-core
2024-07-12_28371_11
A platform for building proxies to bypass network restrictions.
105 microsoft/autogen
2024-07-12_28355_37
Enable Next-Gen Large Language Model Applications. Join our Discord: https://discord.gg/pAbnFJrkgZ
106 milvus-io/milvus
2024-07-12_28224_18
A cloud-native vector database, storage for next generation AI applications
107 zhayujie/chatgpt-on-wechat
2024-07-12_28217_32
Wechat robot based on ChatGPT, which uses OpenAI api and itchat library
108 upscayl/upscayl
2024-07-12_28212_18
🆙 Upscayl - Free and Open Source AI Image Upscaler for Linux, MacOS and Windows built with Linux-First philosophy.
green-up-arrow.svg 109 pola-rs/polars
2024-07-12_28002_19
Fast multi-threaded, hybrid-out-of-core query engine focussing on DataFrame front-ends
red-down-arrow 110 acheong08/ChatGPT
2024-07-12_28001_0
Reverse engineered ChatGPT API
111 JushBJJ/Mr.-Ranedeer-AI-Tutor
2024-07-12_27967_8
A GPT-4 AI Tutor Prompt for customizable personalized learning experiences.
112 linexjlin/GPTs
2024-07-12_27768_8
leaked prompts of GPTs
113 2noise/ChatTTS
2024-07-12_27608_106
ChatTTS is a generative speech model for daily dialogue.
114 FlowiseAI/Flowise
2024-07-12_27519_78
Drag & drop UI to build your customized LLM flow using LangchainJS
115 Lightning-AI/pytorch-lightning
2024-07-12_27502_4
Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.
116 mckaywrigley/chatbot-ui
2024-07-12_27416_22
The open-source AI chat interface for everyone.
117 myshell-ai/OpenVoice
2024-07-12_27237_22
Instant voice cloning by MyShell
118 xinntao/Real-ESRGAN
2024-07-12_27007_13
Real-ESRGAN aims at developing Practical Algorithms for General Image/Video Restoration.
119 eugeneyan/applied-ml
2024-07-12_26715_86
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
120 OpenBB-finance/OpenBBTerminal
2024-07-12_26639_7
Investment Research for Everyone, Anywhere.
121 freqtrade/freqtrade
2024-07-12_26379_8
Free, open source crypto trading bot
122 google/mediapipe
2024-07-12_26206_17
Cross-platform, customizable ML solutions for live and streaming media.
123 hiyouga/LLaMA-Factory
2024-07-12_26122_59
Easy-to-use LLM fine-tuning framework (LLaMA, BLOOM, Mistral, Baichuan, Qwen, ChatGLM)
124 clash-verge-rev/clash-verge-rev
2024-07-12_26113_89
Continuation of Clash Verge - A Clash Meta GUI based on Tauri (Windows, MacOS, Linux)
125 ultralytics/ultralytics
2024-07-12_26054_56
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
126 google-research/tuning_playbook
2024-07-12_25789_9
A playbook for systematically maximizing the performance of deep learning models.
127 s0md3v/roop
2024-07-12_25698_6
one-click deepfake (face swap)
128 airbnb/lottie-ios
2024-07-12_25475_2
An iOS library to natively render After Effects vector animations
129 mindsdb/mindsdb
2024-07-12_25376_50
The platform for customizing AI from enterprise data
130 Vision-CAIR/MiniGPT-4
2024-07-12_25142_4 Open in Spaces
Enhancing Vision-language Understanding with Advanced Large Language Models
131 tinygrad/tinygrad
2024-07-12_25117_10
You like pytorch? You like micrograd? You love tinygrad! ❤️
132 mli/paper-reading
2024-07-12_25001_10
Classic Deep Learning and In-Depth Reading of New Papers Paragraph by Paragraph
133 iperov/DeepFaceLive
2024-07-12_24766_9
Real-time face swap for PC streaming or video calls
134 svc-develop-team/so-vits-svc
2024-07-12_24744_14
SoftVC VITS Singing Voice Conversion
135 OpenBMB/ChatDev
2024-07-12_24459_18
Create Customized Software using Natural Language Idea (through Multi-Agent Collaboration)
136 academic/awesome-datascience
2024-07-12_24249_53
📝 An awesome Data Science repository to learn and apply for real world problems.
137 mouredev/Hello-Python
2024-07-12_24211_24
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...
138 huggingface/diffusers
2024-07-12_24048_15
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch and FLAX.
139 DataTalksClub/data-engineering-zoomcamp
2024-07-12_23750_13
Free Data Engineering course!
140 apache/flink
2024-07-12_23529_3
Apache Flink
141 microsoft/JARVIS
2024-07-12_23360_8 Open in Spaces
a system to connect LLMs with ML community
142 Stability-AI/generative-models
2024-07-12_23317_6
Generative Models by Stability AI
143 yetone/openai-translator
2024-07-12_23241_3
Browser extension and cross-platform desktop application for translation based on ChatGPT API
144 meta-llama/llama3
2024-07-12_23142_40
The official Meta Llama 3 GitHub site
145 hiroi-sora/Umi-OCR
2024-07-12_23128_25
OCR图片转文字识别软件,完全离线。截屏/批量导入图片,支持多国语言、合并段落、竖排文字。可排除水印区域,提取干净的文本。基于 PaddleOCR 。
146 vllm-project/vllm
2024-07-12_22815_49
A high-throughput and memory-efficient inference and serving engine for LLMs
147 bazelbuild/bazel
2024-07-12_22719_3
a fast, scalable, multi-language and extensible build system
148 nrwl/nx
2024-07-12_22673_9
Smart Monorepos · Fast CI
149 google/flatbuffers
2024-07-12_22558_10
FlatBuffers: Memory Efficient Serialization Library
150 invoke-ai/InvokeAI
2024-07-12_22327_4
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.
151 modularml/mojo
2024-07-12_22173_23
The Mojo Programming Language
152 deepinsight/insightface
2024-07-12_22027_15
State-of-the-art 2D and 3D Face Analysis Project
153 openai/gpt-2
2024-07-12_21954_4
Code for the paper "Language Models are Unsupervised Multitask Learners"
154 mudler/LocalAI
2024-07-12_21821_22
🤖 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.
155 rasbt/LLMs-from-scratch
2024-07-12_21802_42
Implementing a ChatGPT-like LLM from scratch, step by step
156 opentofu/opentofu
2024-07-12_21765_9
OpenTofu lets you declaratively manage your cloud infrastructure.
157 karpathy/llm.c
2024-07-12_21660_80
LLM training in simple, raw C/CUDA
158 TheAlgorithms/Rust
2024-07-12_21560_4
All Algorithms implemented in Rust
159 openai/openai-python
2024-07-12_21153_16
The OpenAI Python library provides convenient access to the OpenAI API from applications written in the Python language.
160 RVC-Project/Retrieval-based-Voice-Conversion-WebUI
2024-07-12_21029_36
Voice data <= 10 mins can also be used to train a good VC model!
161 openai/chatgpt-retrieval-plugin
2024-07-12_20969_-1
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.
162 janhq/jan
2024-07-12_20885_7
Jan is an open source alternative to ChatGPT that runs 100% offline on your computer
163 langflow-ai/langflow
2024-07-12_20785_89
⛓️ Langflow is a visual framework for building multi-agent and RAG applications. It's open-source, Python-powered, fully customizable, model and vector store agnostic.
164 getcursor/cursor
2024-07-12_20603_6
An editor made for programming with AI
165 microsoft/semantic-kernel
2024-07-12_20536_5
Integrate cutting-edge LLM technology quickly and easily into your apps
⭐ 166 grpc/grpc-go
2024-07-12_20476_71
The Go language implementation of gRPC. HTTP/2 based RPC
167 warpdotdev/Warp
2024-07-12_20323_11
Warp is a modern, Rust-based terminal with AI built in so you and your team can build great software, faster.
168 facebookresearch/audiocraft
2024-07-12_20206_1
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.
169 Bin-Huang/chatbox
2024-07-12_19820_14
A desktop app for GPT-4 / GPT-3.5 (OpenAI API) that supports Windows, Mac & Linux
170 yoheinakajima/babyagi
2024-07-12_19678_8
uses OpenAI and Pinecone APIs to create, prioritize, and execute tasks, This is a pared-down version of the original Task-Driven Autonomous Agent
171 PromtEngineer/localGPT
2024-07-12_19629_12
Chat with your documents on your local device using GPT models. No data leaves your device and 100% private.
172 PostHog/posthog
2024-07-12_19534_14
🦔 PostHog provides open-source product analytics, session recording, feature flagging and A/B testing that you can self-host.
173 karpathy/minGPT
2024-07-12_19432_4
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
174 microsoft/unilm
2024-07-12_19159_8
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
175 danielmiessler/fabric
2024-07-12_19120_54
fabric is an open-source framework for augmenting humans using AI.
176 chatanywhere/GPT_API_free
2024-07-12_18919_29
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
177 qdrant/qdrant
2024-07-12_18851_5 Open in Demo
Qdrant - Vector Database for the next generation of AI applications. Also available in the cloud https://cloud.qdrant.io/
178 ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
2024-07-12_18794_25
500 AI Machine learning Deep learning Computer vision NLP Projects with code
⭐ 179 TabbyML/tabby
2024-07-12_18520_119
Self-hosted AI coding assistant
180 tloen/alpaca-lora
2024-07-12_18403_3 Open in Spaces
Instruct-tune LLaMA on consumer hardware
181 guidance-ai/guidance
2024-07-12_18209_7
A guidance language for controlling large language models.
182 BuilderIO/gpt-crawler
2024-07-12_18197_4
Crawl a site to generate knowledge files to create your own custom GPT from a URL
183 Sanster/lama-cleaner
2024-07-12_18173_16
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.
184 haotian-liu/LLaVA
2024-07-12_18106_18 Open in Demo
Large Language-and-Vision Assistant built towards multimodal GPT-4 level capabilities.
185 mlflow/mlflow
2024-07-12_17914_6
Open source platform for the machine learning lifecycle
186 ymcui/Chinese-LLaMA-Alpaca
2024-07-12_17911_6
Chinese LLaMA & Alpaca LLMs
187 stitionai/devika
2024-07-12_17902_6
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.
188 mlc-ai/mlc-llm
2024-07-12_17766_3
Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.
⭐ 189 yuliskov/SmartTube
2024-07-12_17631_196
SmartTube - an advanced player for set-top boxes and tvs running Android OS
190 tree-sitter/tree-sitter
2024-07-12_17281_17
An incremental parsing system for programming tools
191 Mintplex-Labs/anything-llm
2024-07-12_17270_37
A full-stack application that turns any documents into an intelligent chatbot with a sleek UI and easier way to manage your workspaces.
192 roboflow/supervision
2024-07-12_17244_57
We write your reusable computer vision tools. 💜
193 joaomdmoura/crewAI
2024-07-12_17184_29
Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
194 LiLittleCat/awesome-free-chatgpt
2024-07-12_17151_14
🆓免费的 ChatGPT 镜像网站列表,持续更新。List of free ChatGPT mirror sites, continuously updated.
195 Mozilla-Ocho/llamafile
2024-07-12_16978_13
Distribute and run LLMs with a single file.
196 xx025/carrot
2024-07-12_16760_2
Free ChatGPT Site List
197 Anjok07/ultimatevocalremovergui
2024-07-12_16619_9
GUI for a Vocal Remover that uses Deep Neural Networks.
198 facefusion/facefusion
2024-07-12_16587_18
Next generation face swapper and enhancer
199 renovatebot/renovate
2024-07-12_16555_10
Universal dependency update tool that fits into your workflows.
200 apple/ml-stable-diffusion
2024-07-12_16482_5
Stable Diffusion with Core ML on Apple Silicon
201 Mikubill/sd-webui-controlnet
2024-07-12_16477_6
WebUI extension for ControlNet
202 microsoft/LightGBM
2024-07-12_16361_2
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.
203 emilwallner/Screenshot-to-code
2024-07-12_16328_1
A neural network that transforms a design mock-up into a static website.
204 songquanpeng/one-api
2024-07-12_16298_36
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.
205 rlabbe/Kalman-and-Bayesian-Filters-in-Python
2024-07-12_16145_7
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.
206 blakeblackshear/frigate
2024-07-12_16099_10
NVR with realtime local object detection for IP cameras
207 transitive-bullshit/chatgpt-api
2024-07-12_15989_1
Node.js client for the official ChatGPT API.
208 kenjihiranabe/The-Art-of-Linear-Algebra
2024-07-12_15853_12
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone"
209 Stability-AI/StableLM
2024-07-12_15849_-2
Stability AI Language Models
210 joonspk-research/generative_agents
2024-07-12_15837_12
Generative Agents: Interactive Simulacra of Human Behavior
211 ml-explore/mlx
2024-07-12_15757_2
MLX: An array framework for Apple silicon
212 THUDM/ChatGLM2-6B
2024-07-12_15622_0
ChatGLM2-6B: An Open Bilingual Chat LLM
213 labring/FastGPT
2024-07-12_15453_29
A platform that uses the OpenAI API to quickly build an AI knowledge base, supporting many-to-many relationships.
214 meta-llama/codellama
2024-07-12_15453_5
Inference code for CodeLlama models
215 danny-avila/LibreChat
2024-07-12_15411_30
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
216 PrefectHQ/prefect
2024-07-12_15397_8
Prefect is a workflow orchestration tool empowering developers to build, observe, and react to data pipelines
217 w-okada/voice-changer
2024-07-12_15370_24
リアルタイムボイスチェンジャー Realtime Voice Changer
218 pybind/pybind11
2024-07-12_15136_11
Seamless operability between C++11 and Python
219 GaiZhenbiao/ChuanhuChatGPT
2024-07-12_15017_1
GUI for ChatGPT API and many LLMs. Supports agents, file-based QA, GPT finetuning and query with web search. All with a neat UI.
220 TransformerOptimus/SuperAGI
2024-07-12_14956_2
<⚡️> SuperAGI - A dev-first open source autonomous AI agent framework. Enabling developers to build, manage & run useful autonomous agents quickly and reliably.
221 typescript-eslint/typescript-eslint
2024-07-12_14933_3
✨ Monorepo for all the tooling which enables ESLint to support TypeScript
222 harry0703/MoneyPrinterTurbo
2024-07-12_14857_37
Generate short videos with one click using a large model
223 ddbourgin/numpy-ml
2024-07-12_14845_3
Machine learning, in numpy
green-up-arrow.svg 224 sunner/ChatALL
2024-07-12_14754_6
Concurrently chat with ChatGPT, Bing Chat, Bard, Alpaca, Vincuna, Claude, ChatGLM, MOSS, iFlytek Spark, ERNIE and more, discover the best answers
red-down-arrow 225 amplication/amplication
2024-07-12_14753_6
🔥🔥🔥 The Only Production-Ready AI-Powered Backend Code Generation
226 mayooear/gpt4-pdf-chatbot-langchain
2024-07-12_14746_-1
GPT4 & LangChain Chatbot for large PDF docs
227 microsoft/Bringing-Old-Photos-Back-to-Life
2024-07-12_14728_3
Bringing Old Photo Back to Life (CVPR 2020 oral)
228 deepset-ai/haystack
2024-07-12_14615_12
🔍 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.
229 microsoft/qlib
2024-07-12_14605_7
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.
230 dair-ai/ML-YouTube-Courses
2024-07-12_14560_6
📺 Discover the latest machine learning / AI courses on YouTube.
231 fauxpilot/fauxpilot
2024-07-12_14440_3
An open-source GitHub Copilot server
232 arc53/DocsGPT
2024-07-12_14434_4
GPT-powered chat for documentation, chat with your documents
233 openai/evals
2024-07-12_14372_0
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
234 chat2db/Chat2DB
2024-07-12_14281_8
An intelligent and versatile general-purpose SQL client and reporting tool for databases which integrates ChatGPT capabilities
235 stanfordnlp/dspy
2024-07-12_14256_30
Stanford DSPy: The framework for programming—not prompting—foundation models
236 alibaba/lowcode-engine
2024-07-12_14229_2
An enterprise-class low-code technology stack with scale-out design / 一套面向扩展设计的企业级低代码技术体系
237 xcanwin/KeepChatGPT
2024-07-12_14191_5
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
238 IDEA-Research/Grounded-Segment-Anything
2024-07-12_14159_9
Marrying Grounding DINO with Segment Anything & Stable Diffusion & BLIP - Automatically Detect, Segment and Generate Anything with Image and Text Inputs
239 HumanAIGC/AnimateAnyone
2024-07-12_14146_3
Animate Anyone: Consistent and Controllable Image-to-Video Synthesis for Character Animation
240 unifyai/ivy
2024-07-12_14021_-1
Unified AI
241 KindXiaoming/pykan
2024-07-12_13748_20
Kolmogorov Arnold Networks
242 ashishps1/awesome-system-design-resources
2024-07-12_13674_16
This repository contains System Design resources which are useful while preparing for interviews and learning Distributed Systems
243 chroma-core/chroma
2024-07-12_13588_18
the AI-native open-source embedding database
244 microsoft/onnxruntime
2024-07-12_13564_13
ONNX Runtime: cross-platform, high-performance ML inferencing and training accelerator
245 overleaf/overleaf
2024-07-12_13469_9
A web-based collaborative LaTeX editor
246 continuedev/continue
2024-07-12_13357_26
⏩ the open-source copilot chat for software development—bring the power of ChatGPT to VS Code
⭐ 247 paul-gauthier/aider
2024-07-12_13330_155
aider is GPT powered coding in your terminal
248 wong2/chatgpt-google-extension
2024-07-12_13259_2
A browser extension that enhances search engines with ChatGPT, this repos will not be updated from 2023-02-20
249 HqWu-HITCS/Awesome-Chinese-LLM
2024-07-12_13246_31
Organizing smaller, cost-effective, privately deployable open-source Chinese language models, including related datasets and tutorials
250 fuergaosi233/wechat-chatgpt
2024-07-12_13181_2
Use ChatGPT On Wechat via wechaty
251 VinciGit00/Scrapegraph-ai
2024-07-12_13133_21
Python scraper based on AI
252 assafelovic/gpt-researcher
2024-07-12_13130_15
GPT based autonomous agent that does online comprehensive research on any given topic
253 THUDM/ChatGLM3
2024-07-12_13062_6
ChatGLM3 series: Open Bilingual Chat LLMs
254 espressif/esp-idf
2024-07-12_12955_7
Espressif IoT Development Framework. Official development framework for Espressif SoCs.
255 LlamaFamily/Llama-Chinese
2024-07-12_12906_17
Llama Chinese Community, the best Chinese Llama large model, fully open source and commercially available
256 AI4Finance-Foundation/FinGPT
2024-07-12_12640_9
Data-Centric FinGPT. Open-source for open finance! Revolutionize 🔥 We'll soon release the trained model.
257 graphdeco-inria/gaussian-splatting
2024-07-12_12630_20
Original reference implementation of "3D Gaussian Splatting for Real-Time Radiance Field Rendering"
258 QwenLM/Qwen-7B
2024-07-12_12588_29
The official repo of Qwen-7B (通义千问-7B) chat & pretrained large language model proposed by Alibaba Cloud.
259 unslothai/unsloth
2024-07-12_12567_36
5X faster 50% less memory LLM finetuning
260 eosphoros-ai/DB-GPT
2024-07-12_12503_20
Revolutionizing Database Interactions with Private LLM Technology
261 neonbjb/tortoise-tts
2024-07-12_12444_7
A multi-voice TTS system trained with an emphasis on quality
262 stefan-jansen/machine-learning-for-trading
2024-07-12_12269_3
Code for Machine Learning for Algorithmic Trading, 2nd edition.
263 adobe/react-spectrum
2024-07-12_12181_1
A collection of libraries and tools that help you build adaptive, accessible, and robust user experiences.
264 Dao-AILab/flash-attention
2024-07-12_12161_152
Fast and memory-efficient exact attention
265 ente-io/ente
2024-07-12_12088_16
Fully open source, End to End Encrypted alternative to Google Photos and Apple Photos
266 bleedline/aimoneyhunter
2024-07-12_12035_29
AI Side Hustle Money Mega Collection: Teaching You How to Utilize AI for Various Side Projects to Earn Extra Income.
267 BlinkDL/RWKV-LM
2024-07-12_11989_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.
268 khoj-ai/khoj
2024-07-12_11985_4
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.
269 triton-lang/triton
2024-07-12_11953_7
Development repository for the Triton language and compiler
270 gventuri/pandas-ai
2024-07-12_11950_37
Pandas AI is a Python library that integrates generative artificial intelligence capabilities into Pandas, making dataframes conversational
271 princeton-nlp/SWE-agent
2024-07-12_11942_8
SWE-agent: Agent Computer Interfaces Enable Software Engineering Language Models
272 OpenLMLab/MOSS
2024-07-12_11885_3
An open-source tool-augmented conversational language model from Fudan University
⭐ 273 infiniflow/ragflow
2024-07-12_11885_147
RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
274 willwulfken/MidJourney-Styles-and-Keywords-Reference
2024-07-12_11809_2
A reference containing Styles and Keywords that you can use with MidJourney AI
275 steven-tey/novel
2024-07-12_11776_20
Notion-style WYSIWYG editor with AI-powered autocompletions
276 mlc-ai/web-llm
2024-07-12_11774_3
Bringing large-language models and chat to web browsers. Everything runs inside the browser with no server support.
277 smol-ai/developer
2024-07-12_11733_2
With 100k context windows on the way, it's now feasible for every dev to have their own smol developer
278 state-spaces/mamba
2024-07-12_11639_20
Mamba: Linear-Time Sequence Modeling with Selective State Spaces
279 Koenkk/zigbee2mqtt
2024-07-12_11506_3
Zigbee 🐝 to MQTT bridge 🌉, get rid of your proprietary Zigbee bridges 🔨
280 openai/shap-e
2024-07-12_11446_0
Generate 3D objects conditioned on text or images
281 lukas-blecher/LaTeX-OCR
2024-07-12_11408_9
pix2tex: Using a ViT to convert images of equations into LaTeX code.
282 plasma-umass/scalene
2024-07-12_11385_2
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
283 OpenTalker/SadTalker
2024-07-12_11181_9
[CVPR 2023] SadTalker:Learning Realistic 3D Motion Coefficients for Stylized Audio-Driven Single Image Talking Face Animation
284 naklecha/llama3-from-scratch
2024-07-12_11179_31
llama3 implementation one matrix multiplication at a time
285 datawhalechina/leedl-tutorial
2024-07-12_11144_8
《李宏毅深度学习教程》(李宏毅老师推荐👍),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
286 openai/tiktoken
2024-07-12_11108_8
tiktoken is a fast BPE tokeniser for use with OpenAI's models.
287 illacloud/illa-builder
2024-07-12_11093_6
Create AI-Driven Apps like Assembling Blocks
288 nocobase/nocobase
2024-07-12_11072_48
NocoBase is a scalability-first, open-source no-code/low-code platform for building business applications and enterprise solutions.
289 ItzCrazyKns/Perplexica
2024-07-12_11065_33
Perplexica is an AI-powered search engine. It is an Open source alternative to Perplexity AI
290 h2oai/h2ogpt
2024-07-12_10977_4
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
291 NVIDIA/NeMo
2024-07-12_10926_9
A scalable generative AI framework built for researchers and developers working on Large Language Models, Multimodal, and Speech AI (Automatic Speech Recognition and Text-to-Speech)
292 PKU-YuanGroup/Open-Sora-Plan
2024-07-12_10902_5
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.
293 chidiwilliams/buzz
2024-07-12_10902_15
Buzz transcribes and translates audio offline on your personal computer. Powered by OpenAI's Whisper.
294 official-stockfish/Stockfish
2024-07-12_10861_5
UCI chess engine
295 ShishirPatil/gorilla
2024-07-12_10831_12
Gorilla: An API store for LLMs
296 cpacker/MemGPT
2024-07-12_10825_12
Teaching LLMs memory management for unbounded context 📚🦙
297 databrickslabs/dolly
2024-07-12_10802_0
A large language model trained on the Databricks Machine Learning Platform
298 kubeshark/kubeshark
2024-07-12_10733_6
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
299 DataTalksClub/mlops-zoomcamp
2024-07-12_10694_4
Free MLOps course from DataTalks.Club
300 netease-youdao/QAnything
2024-07-12_10631_15
Question and Answer based on Anything.
301 kgrzybek/modular-monolith-with-ddd
2024-07-12_10627_-3
Full Modular Monolith application with Domain-Driven Design approach.
302 eugeneyan/open-llms
2024-07-12_10615_6
A list of open LLMs available for commercial use.
303 BradyFU/Awesome-Multimodal-Large-Language-Models
2024-07-12_10608_27
Latest Papers and Datasets on Multimodal Large Language Models
304 phidatahq/phidata
2024-07-12_10577_13
Build AI Assistants using function calling
305 bytebase/bytebase
2024-07-12_10548_5
World's most advanced database DevOps and CI/CD for Developer, DBA and Platform Engineering teams. The GitLab/GitHub for database DevOps.
306 getumbrel/llama-gpt
2024-07-12_10543_2
A self-hosted, offline, ChatGPT-like chatbot. Powered by Llama 2. 100% private, with no data leaving your device.
307 facebookresearch/seamless_communication
2024-07-12_10540_-2
Foundational Models for State-of-the-Art Speech and Text Translation
308 InstantID/InstantID
2024-07-12_10472_11
InstantID : Zero-shot Identity-Preserving Generation in Seconds 🔥
309 BerriAI/litellm
2024-07-12_10445_19
Call all LLM APIs using the OpenAI format. Use Bedrock, Azure, OpenAI, Cohere, Anthropic, Ollama, Sagemaker, HuggingFace, Replicate (100+ LLMs)
310 meta-llama/llama-recipes
2024-07-12_10439_15
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
311 hajimehoshi/ebiten
2024-07-12_10424_7
Ebitengine - A dead simple 2D game engine for Go
312 ggerganov/ggml
2024-07-12_10334_7
Tensor library for machine learning
313 facebookresearch/AnimatedDrawings
2024-07-12_10318_-1 Open in Spaces
Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
314 HigherOrderCO/HVM
2024-07-12_10303_7
A massively parallel, optimal functional runtime in Rust
315 guillaumekln/faster-whisper
2024-07-12_10252_17
Faster Whisper transcription with CTranslate2
316 NVIDIA/TensorRT
2024-07-12_10248_15
NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
317 owainlewis/awesome-artificial-intelligence
2024-07-12_10225_5
A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers.
318 xenova/transformers.js
2024-07-12_10225_43
State-of-the-art Machine Learning for the web. Run 🤗 Transformers directly in your browser, with no need for a server!
319 stas00/ml-engineering
2024-07-12_10210_7
Machine Learning Engineering Guides and Tools
320 magic-research/magic-animate
2024-07-12_10137_2
MagicAnimate: Temporally Consistent Human Image Animation using Diffusion Model
321 m-bain/whisperX
2024-07-12_10052_14
WhisperX: Automatic Speech Recognition with Word-level Timestamps (& Diarization)
322 Z3Prover/z3
2024-07-12_9978_5
The Z3 Theorem Prover
323 🔥microsoft/graphrag
2024-07-12_9974_321
A modular graph-based Retrieval-Augmented Generation (RAG) system
324 plandex-ai/plandex
2024-07-12_9956_18
An AI coding engine for complex tasks
325 AIGC-Audio/AudioGPT
2024-07-12_9899_2
AudioGPT: Understanding and Generating Speech, Music, Sound, and Talking Head
326 danswer-ai/danswer
2024-07-12_9822_3
Ask Questions in natural language and get Answers backed by private sources. Connects to tools like Slack, GitHub, Confluence, etc.
327 DataExpert-io/data-engineer-handbook
2024-07-12_9821_10
This is a repo with links to everything you'd ever want to learn about data engineering
328 libretro/RetroArch
2024-07-12_9809_7
Cross-platform, sophisticated frontend for the libretro API. Licensed GPLv3.
329 aws/amazon-sagemaker-examples
2024-07-12_9806_-1
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
330 Avaiga/taipy
2024-07-12_9789_17
Turns Data and AI algorithms into production-ready web applications in no time.
331 chathub-dev/chathub
2024-07-12_9776_1
All-in-one chatbot client
332 Rudrabha/Wav2Lip
2024-07-12_9768_4
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.
333 artidoro/qlora
2024-07-12_9707_1 Open in Spaces
QLoRA: Efficient Finetuning of Quantized LLMs
334 vanna-ai/vanna
2024-07-12_9630_35
🤖 Chat with your SQL database 📊. Accurate Text-to-SQL Generation via LLMs using RAG 🔄.
335 RUCAIBox/LLMSurvey
2024-07-12_9591_2
A collection of papers and resources related to Large Language Models.
336 kedro-org/kedro
2024-07-12_9494_4
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.
337 karpathy/micrograd
2024-07-12_9453_10
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
338 dair-ai/ML-Papers-of-the-Week
2024-07-12_9375_4
🔥Highlighting the top ML papers every week.
339 NVIDIA/Megatron-LM
2024-07-12_9374_6
Ongoing research training transformer models at scale
340 mrdbourke/pytorch-deep-learning
2024-07-12_9359_6
Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
341 BlinkDL/ChatRWKV
2024-07-12_9341_0 Open in Spaces
ChatRWKV is like ChatGPT but powered by RWKV (100% RNN) language model, and open source.
342 dice2o/BingGPT
2024-07-12_9317_2
Desktop application of new Bing's AI-powered chat (Windows, macOS and Linux)
343 BloopAI/bloop
2024-07-12_9310_2
A fast code search engine written in Rust
344 bentoml/OpenLLM
2024-07-12_9302_10
An open platform for operating large language models (LLMs) in production. Fine-tune, serve, deploy, and monitor any LLMs with ease.
345 cumulo-autumn/StreamDiffusion
2024-07-12_9283_1
StreamDiffusion: A Pipeline-Level Solution for Real-Time Interactive Generation
346 salesforce/LAVIS
2024-07-12_9218_2
LAVIS - A One-stop Library for Language-Vision Intelligence
347 mistralai/mistral-src
2024-07-12_9168_0
Reference implementation of Mistral AI 7B v0.1 model.
348 VikParuchuri/surya
2024-07-12_9139_15
Accurate line-level text detection and recognition (OCR) in any language
349 togethercomputer/OpenChatKit
2024-07-12_9020_0
OpenChatKit provides a powerful, open-source base to create both specialized and general purpose chatbots for various applications
350 embedchain/embedchain
2024-07-12_8983_2
Framework to easily create LLM powered bots over any dataset.
351 nerfstudio-project/nerfstudio
2024-07-12_8925_2
A collaboration friendly studio for NeRFs
352 bigscience-workshop/petals
2024-07-12_8907_1
🌸 Run large language models at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
353 TheR1D/shell_gpt
2024-07-12_8891_4
A command-line productivity tool powered by ChatGPT, will help you accomplish your tasks faster and more efficiently
354 adams549659584/go-proxy-bingai
2024-07-12_8876_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
355 huggingface/trl
2024-07-12_8756_4
Train transformer language models with reinforcement learning.
356 microsoft/promptflow
2024-07-12_8746_7
Build high-quality LLM apps - from prototyping, testing to production deployment and monitoring.
357 karpathy/minbpe
2024-07-12_8727_4
Minimal, clean, code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.
358 modelscope/facechain
2024-07-12_8704_4
FaceChain is a deep-learning toolchain for generating your Digital-Twin.
359 activepieces/activepieces
2024-07-12_8702_12
Your friendliest open source all-in-one automation tool ✨ Workflow automation tool 100+ integration / Enterprise automation tool / Zapier Alternative
360 manticoresoftware/manticoresearch
2024-07-12_8688_6
Easy to use open source fast database for search
361 sashabaranov/go-openai
2024-07-12_8656_11
OpenAI ChatGPT, GPT-3, GPT-4, DALL·E, Whisper API wrapper for Go
362 vercel-labs/ai
2024-07-12_8653_10
Build AI-powered applications with React, Svelte, and Vue
363 wandb/wandb
2024-07-12_8607_8
🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.
364 DataTalksClub/machine-learning-zoomcamp
2024-07-12_8602_2
The code from the Machine Learning Bookcamp book and a free course based on the book
365 zyronon/douyin
2024-07-12_8574_21
Vue3 + Pinia + Vite5 仿抖音,Vue 在移动端的最佳实践 . Imitate TikTok ,Vue Best practices on Mobile
366 WongKinYiu/yolov9
2024-07-12_8572_4
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
367 TheRamU/Fay
2024-07-12_8559_11
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
368 NielsRogge/Transformers-Tutorials
2024-07-12_8551_7
This repository contains demos I made with the Transformers library by HuggingFace.
369 voicepaw/so-vits-svc-fork
2024-07-12_8534_4 Open in Colab
so-vits-svc fork with realtime support, improved interface and more features.
370 Lightning-AI/litgpt
2024-07-12_8525_130
Pretrain, finetune, deploy 20+ LLMs on your own data. Uses state-of-the-art techniques: flash attention, FSDP, 4-bit, LoRA, and more.
371 Stability-AI/StableStudio
2024-07-12_8504_0
Community interface for generative AI
372 pymc-devs/pymc
2024-07-12_8491_2
Bayesian Modeling and Probabilistic Programming in Python
373 facebookresearch/nougat
2024-07-12_8455_4
Implementation of Nougat Neural Optical Understanding for Academic Documents
374 e2b-dev/awesome-ai-agents
2024-07-12_8454_20
A list of AI autonomous agents
375 facebookresearch/dinov2
2024-07-12_8389_6 Open in Demo
PyTorch code and models for the DINOv2 self-supervised learning method.
376 huggingface/text-generation-inference
2024-07-12_8375_5
Large Language Model Text Generation Inference
377 vosen/ZLUDA
2024-07-12_8355_3
CUDA on AMD GPUs
378 nashsu/FreeAskInternet
2024-07-12_8331_-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.
379 gorse-io/gorse
2024-07-12_8319_3
Gorse open source recommender system engine
380 CopilotKit/CopilotKit
2024-07-12_8283_49
Build in-app AI chatbots 🤖, and AI-powered Textareas ✨, into react web apps.
381 THU-MIG/yolov10
2024-07-12_8234_39
YOLOv10: Real-Time End-to-End Object Detection
382 mshumer/gpt-prompt-engineer
2024-07-12_8231_0
383 OthersideAI/self-operating-computer
2024-07-12_8230_5
A framework to enable multimodal models to operate a computer.
384 brexhq/prompt-engineering
2024-07-12_8184_3
Tips and tricks for working with Large Language Models like OpenAI's GPT-4.
385 Visualize-ML/Book4_Power-of-Matrix
2024-07-12_8149_6
Book_4 'Power of Matrix'
386 1Panel-dev/MaxKB
2024-07-12_8147_22
? 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
387 dataelement/bisheng
2024-07-12_8145_2
Bisheng is an open LLM devops platform for next generation AI applications.
388 OptimalScale/LMFlow
2024-07-12_8125_1
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Model for All.
389 espnet/espnet
2024-07-12_8119_2
End-to-End Speech Processing Toolkit
390 acheong08/EdgeGPT
2024-07-12_8097_0
Reverse engineered API of Microsoft's Bing Chat
391 facebookresearch/ImageBind
2024-07-12_8080_3
ImageBind One Embedding Space to Bind Them All
392 microsoft/TypeChat
2024-07-12_8067_-1
TypeChat is a library that makes it easy to build natural language interfaces using types.
393 kedacore/keda
2024-07-12_8067_4
KEDA is a Kubernetes-based Event Driven Autoscaling component. It provides event driven scale for any container running in Kubernetes
394 ashawkey/stable-dreamfusion
2024-07-12_8010_2
A pytorch implementation of text-to-3D dreamfusion, powered by stable diffusion.
395 meetecho/janus-gateway
2024-07-12_8009_7
Janus WebRTC Server
396 anse-app/chatgpt-demo
2024-07-12_8001_1
A demo repo based on OpenAI API (gpt-3.5-turbo)
397 OpenBMB/MiniCPM-V
2024-07-12_7942_14
MiniCPM-V 2.0: An Efficient End-side MLLM with Strong OCR and Understanding Capabilities
398 OpenBMB/XAgent
2024-07-12_7853_2
An Autonomous LLM Agent for Complex Task Solving
399 burn-rs/burn
2024-07-12_7853_6
Burn - A Flexible and Comprehensive Deep Learning Framework in Rust
400 kroma-network/tachyon
2024-07-12_7778_1
Modular ZK(Zero Knowledge) backend accelerated by GPU
401 Const-me/Whisper
2024-07-12_7733_11
High-performance GPGPU inference of OpenAI's Whisper automatic speech recognition (ASR) model
402 LouisShark/chatgpt_system_prompt
2024-07-12_7717_3
store all agent's system prompt
403 SJTU-IPADS/PowerInfer
2024-07-12_7659_4
High-speed Large Language Model Serving on PCs with Consumer-grade GPUs
404 mendableai/firecrawl
2024-07-12_7641_66
🔥 Turn entire websites into LLM-ready markdown
405 THUDM/CodeGeeX2
2024-07-12_7599_-2
CodeGeeX2: A More Powerful Multilingual Code Generation Model
406 Unstructured-IO/unstructured
2024-07-12_7589_20
Open source libraries and APIs to build custom preprocessing pipelines for labeling, training, or production machine learning pipelines.
407 deep-floyd/IF
2024-07-12_7587_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
408 xiangsx/gpt4free-ts
2024-07-12_7552_-3
Providing a free OpenAI GPT-4 API ! This is a replication project for the typescript version of xtekky/gpt4free
409 google/magika
2024-07-12_7550_2
Detect file content types with deep learning
410 lucidrains/denoising-diffusion-pytorch
2024-07-12_7547_8
Implementation of Denoising Diffusion Probabilistic Model in Pytorch
411 o3de/o3de
2024-07-12_7544_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.
412 leptonai/search_with_lepton
2024-07-12_7541_2
Building a quick conversation-based search demo with Lepton AI.
413 01-ai/Yi
2024-07-12_7470_3
A series of large language models trained from scratch by developers @01-ai
414 fishaudio/Bert-VITS2
2024-07-12_7465_8
vits2 backbone with multilingual-bert
415 NVIDIA/TensorRT-LLM
2024-07-12_7454_9
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.
416 Plachtaa/VALL-E-X
2024-07-12_7430_3
An open source implementation of Microsoft's VALL-E X zero-shot TTS model. The demo is available at https://plachtaa.github.io
417 ahmedbahaaeldin/From-0-to-Research-Scientist-resources-guide
2024-07-12_7420_3
Detailed and tailored guide for undergraduate students or anybody want to dig deep into the field of AI with solid foundation.
418 jzhang38/TinyLlama
2024-07-12_7339_7
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
419 enso-org/enso
2024-07-12_7315_1
Hybrid visual and textual functional programming.
420 sweepai/sweep
2024-07-12_7295_4
Sweep is an AI junior developer
421 openlm-research/open_llama
2024-07-12_7281_3
OpenLLaMA, a permissively licensed open source reproduction of Meta AI’s LLaMA 7B trained on the RedPajama dataset
422 delta-io/delta
2024-07-12_7269_5
An open-source storage framework that enables building a Lakehouse architecture with compute engines including Spark, PrestoDB, Flink, Trino, and Hive and APIs
423 jasonppy/VoiceCraft
2024-07-12_7238_2
Zero-Shot Speech Editing and Text-to-Speech in the Wild
424 bigcode-project/starcoder
2024-07-12_7205_2
Home of StarCoder: fine-tuning & inference!
425 CASIA-IVA-Lab/FastSAM
2024-07-12_7137_4
Fast Segment Anything
426 normal-computing/outlines
2024-07-12_7134_11
Generative Model Programming
427 ai-collection/ai-collection
2024-07-12_7067_3
The Generative AI Landscape - A Collection of Awesome Generative AI Applications
428 ymcui/Chinese-LLaMA-Alpaca-2
2024-07-12_6999_-1
Chinese LLaMA-2 & Alpaca-2 LLMs
429 lllyasviel/Omost
2024-07-12_6897_10
Your image is almost there!
430 zilliztech/GPTCache
2024-07-12_6894_1
GPTCache is a library for creating semantic cache to store responses from LLM queries.
431 abhishekkrthakur/approachingalmost
2024-07-12_6842_8
Approaching (Almost) Any Machine Learning Problem
432 bhaskatripathi/pdfGPT
2024-07-12_6837_3
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!
433 huggingface/chat-ui
2024-07-12_6793_2
Open source codebase powering the HuggingChat app
434 dair-ai/ML-Papers-Explained
2024-07-12_6783_5
Explanation to key concepts in ML
435 open-mmlab/mmagic
2024-07-12_6747_3
OpenMMLab Multimodal Advanced, Generative, and Intelligent Creation Toolbox
436 netease-youdao/EmotiVoice
2024-07-12_6744_94
EmotiVoice 😊: a Multi-Voice and Prompt-Controlled TTS Engine
437 PWhiddy/PokemonRedExperiments
2024-07-12_6741_6
Playing Pokemon Red with Reinforcement Learning
438 apple/corenet
2024-07-12_6740_1
CoreNet: A library for training deep neural networks
439 GreyDGL/PentestGPT
2024-07-12_6698_8
A GPT-empowered penetration testing tool
440 adam-maj/tiny-gpu
2024-07-12_6687_10
A minimal GPU design in Verilog to learn how GPUs work from the ground up
441 PKU-YuanGroup/ChatLaw
2024-07-12_6663_3
Chinese Legal Large Model
442 jxnl/instructor
2024-07-12_6650_13
structured outputs for llms
443 UFund-Me/Qbot
2024-07-12_6569_9
Qbot is an AI-oriented quantitative investment platform, which aims to realize the potential, empower AI technologies in quantitative investment
444 AbdullahAlfaraj/Auto-Photoshop-StableDiffusion-Plugin
2024-07-12_6554_5
A user-friendly plug-in that makes it easy to generate stable diffusion images inside Photoshop using Automatic1111-sd-webui as a backend.
445 spdustin/ChatGPT-AutoExpert
2024-07-12_6544_-1
🚀🧠💬 Supercharged Custom Instructions for ChatGPT (non-coding) and ChatGPT Advanced Data Analysis (coding).
446 reorproject/reor
2024-07-12_6538_5
AI note-taking app that runs models locally.
447 jaywalnut310/vits
2024-07-12_6504_5
VITS: Conditional Variational Autoencoder with Adversarial Learning for End-to-End Text-to-Speech
448 nadermx/backgroundremover
2024-07-12_6473_4
Background Remover lets you Remove Background from images and video using AI with a simple command line interface that is free and open source.
449 LiheYoung/Depth-Anything
2024-07-12_6437_9
Depth Anything: Unleashing the Power of Large-Scale Unlabeled Data
450 kuafuai/DevOpsGPT
2024-07-12_6427_4
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.
451 qunash/chatgpt-advanced
2024-07-12_6403_0
A browser extension that augments your ChatGPT prompts with web results.
452 firmai/financial-machine-learning
2024-07-12_6401_0
A curated list of practical financial machine learning tools and applications.
453 goldmansachs/gs-quant
2024-07-12_6385_19
Python toolkit for quantitative finance
454 mit-han-lab/streaming-llm
2024-07-12_6365_0
Efficient Streaming Language Models with Attention Sinks
455 e2b-dev/e2b
2024-07-12_6358_8
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.
456 react-native-webview/react-native-webview
2024-07-12_6345_2
React Native Cross-Platform WebView
457 langchain-ai/opengpts
2024-07-12_6315_1
This is an open source effort to create a similar experience to OpenAI's GPTs and Assistants API
458 GoogleCloudPlatform/generative-ai
2024-07-12_6303_5
Sample code and notebooks for Generative AI on Google Cloud
459 mylxsw/aidea
2024-07-12_6295_3
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
460 intel-analytics/ipex-llm
2024-07-12_6287_5
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.
461 gaomingqi/Track-Anything
2024-07-12_6267_2
A flexible and interactive tool for video object tracking and segmentation, based on Segment Anything, XMem, and E2FGVI.
462 linyiLYi/street-fighter-ai
2024-07-12_6255_1
This is an AI agent for Street Fighter II Champion Edition.
463 wenda-LLM/wenda
2024-07-12_6204_-1
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
464 aishwaryanr/awesome-generative-ai-guide
2024-07-12_6188_10
A one stop repository for generative AI research updates, interview resources, notebooks and much more!
465 jeremylong/DependencyCheck
2024-07-12_6153_7
OWASP dependency-check is a software composition analysis utility that detects publicly disclosed vulnerabilities in application dependencies.
466 idootop/mi-gpt
2024-07-12_6142_24
? Transform XiaoAi speaker into a personal voice assistant with ChatGPT and DouBao integration.
467 OpenTalker/video-retalking
2024-07-12_6094_8
[SIGGRAPH Asia 2022] VideoReTalking: Audio-based Lip Synchronization for Talking Head Video Editing In the Wild
468 Licoy/ChatGPT-Midjourney
2024-07-12_6091_3
🎨 Own your own ChatGPT+Midjourney web service with one click
469 run-llama/rags
2024-07-12_6083_0
Build ChatGPT over your data, all with natural language
470 deepseek-ai/DeepSeek-Coder
2024-07-12_6072_8
DeepSeek Coder: Let the Code Write Itself
471 rustformers/llm
2024-07-12_6062_-1
Run inference for Large Language Models on CPU, with Rust
472 openai/consistency_models
2024-07-12_6033_2
Official repo for consistency models.
473 FlagOpen/FlagEmbedding
2024-07-12_6023_21
Dense Retrieval and Retrieval-augmented LLMs
474 threestudio-project/threestudio
2024-07-12_5933_2
A unified framework for 3D content generation.
475 geekyutao/Inpaint-Anything
2024-07-12_5898_3
Inpaint anything using Segment Anything and inpainting models.
476 Shaunwei/RealChar
2024-07-12_5893_2
🎙️🤖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🎙️🤖
477 Moonvy/OpenPromptStudio
2024-07-12_5891_0 Open in Demo
AIGC Hint Word Visualization Editor
478 yihong0618/xiaogpt
2024-07-12_5884_3
Play ChatGPT with xiaomi ai speaker
479 civitai/civitai
2024-07-12_5882_6
Build a platform where people can share their stable diffusion models
480 TaskingAI/TaskingAI
2024-07-12_5859_9
The open source platform for AI-native application development.
481 microsoft/DeepSpeedExamples
2024-07-12_5849_0
Example models using DeepSpeed
482 EleutherAI/lm-evaluation-harness
2024-07-12_5841_3
A framework for few-shot evaluation of autoregressive language models.
483 baptisteArno/typebot.io
2024-07-12_5823_8
💬 Typebot is a powerful chatbot builder that you can self-host.
484 InternLM/InternLM
2024-07-12_5787_6
InternLM has open-sourced a 7 billion parameter base model, a chat model tailored for practical scenarios and the training system.
485 WooooDyy/LLM-Agent-Paper-List
2024-07-12_5777_7
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.
486 google/gemma.cpp
2024-07-12_5774_1
lightweight, standalone C++ inference engine for Google's Gemma models.
487 modelscope/DiffSynth-Studio
2024-07-12_5756_11
Enjoy the magic of Diffusion models!
488 pengxiao-song/LaWGPT
2024-07-12_5731_2
Repo for LaWGPT, Chinese-Llama tuned with Chinese Legal knowledge
489 jina-ai/reader
2024-07-12_5730_12
Convert any URL to an LLM-friendly input with a simple prefix https://r.jina.ai/
490 ramonvc/freegpt-webui
2024-07-12_5721_-1
GPT 3.5/4 with a Chat Web UI. No API key is required.
491 SevaSk/ecoute
2024-07-12_5719_1
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.
492 a16z-infra/companion-app
2024-07-12_5702_1
AI companions with memory: a lightweight stack to create and host your own AI companions
493 facebookresearch/DiT
2024-07-12_5672_8
Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"
494 Acly/krita-ai-diffusion
2024-07-12_5668_4
Streamlined interface for generating images with AI in Krita. Inpaint and outpaint with optional text prompt, no tweaking required.
495 baichuan-inc/baichuan-7B
2024-07-12_5660_-1
A large-scale 7B pretraining language model developed by BaiChuan-Inc.
496 IDEA-Research/GroundingDINO
2024-07-12_5657_10
Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
497 Azure-Samples/azure-search-openai-demo
2024-07-12_5647_2
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.
498 niedev/RTranslator
2024-07-12_5646_18
RTranslator is the world's first open source real-time translation app.
499 OpenGVLab/LLaMA-Adapter
2024-07-12_5619_1
Fine-tuning LLaMA to follow Instructions within 1 Hour and 1.2M Parameters
500 nsarrazin/serge
2024-07-12_5599_0
A web interface for chatting with Alpaca through llama.cpp. Fully dockerized, with an easy to use API
501 vercel-labs/ai-chatbot
2024-07-12_5556_8
A full-featured, hackable Next.js AI chatbot built by Vercel Labs
502 ml-explore/mlx-examples
2024-07-12_5534_5
Examples in the MLX framework
503 lencx/Noi
2024-07-12_5534_14
🦄 AI + Tools + Plugins + Community
504 clovaai/donut
2024-07-12_5531_4
Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022
505 Project-MONAI/MONAI
2024-07-12_5520_1
AI Toolkit for Healthcare Imaging
506 udlbook/udlbook
2024-07-12_5488_14
Understanding Deep Learning - Simon J.D. Prince
507 HVision-NKU/StoryDiffusion
2024-07-12_5485_9
Create Magic Story!
508 yetone/bob-plugin-openai-translator
2024-07-12_5483_0
A Bob Plugin base ChatGPT API
509 vespa-engine/vespa
2024-07-12_5474_0
The open big data serving engine. https://vespa.ai
510 firebase/firebase-ios-sdk
2024-07-12_5464_2
Firebase SDK for Apple App Development
511 Skyvern-AI/skyvern
2024-07-12_5444_8
Automate browser-based workflows with LLMs and Computer Vision
512 marimo-team/marimo
2024-07-12_5424_6
A reactive notebook for Python — run reproducible experiments, execute as a script, deploy as an app, and version with git.
513 nilsherzig/LLocalSearch
2024-07-12_5415_2
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.
⭐ 514 ethereum-optimism/optimism
2024-07-12_5413_32
Optimism is Ethereum, scaled.
515 Tohrusky/Final2x
2024-07-12_5379_1
2^x Image Super-Resolution
green-up-arrow.svg⭐ 516 🔥stanford-oval/storm
2024-07-12_5379_275
An LLM-powered knowledge curation system that researches a topic and generates a full-length report with citations.
red-down-arrow 517 MineDojo/Voyager
2024-07-12_5367_6
An Open-Ended Embodied Agent with Large Language Models
red-down-arrow 518 pytorch-labs/gpt-fast
2024-07-12_5364_-1
Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.
519 dsdanielpark/Bard-API
2024-07-12_5351_-1
The python package that returns a response of Google Bard through API.
520 lllyasviel/stable-diffusion-webui-forge
2024-07-12_5351_6
a platform on top of Stable Diffusion WebUI (based on Gradio) to make development easier, optimize resource management, and speed up inference
521 vladmandic/automatic
2024-07-12_5309_2
SD.Next: Advanced Implementation of Stable Diffusion and other Diffusion-based generative image models
522 PawanOsman/ChatGPT
2024-07-12_5303_7
OpenAI API Free Reverse Proxy
523 RayVentura/ShortGPT
2024-07-12_5303_4
🚀🎬 ShortGPT - An experimental AI framework for automated short/video content creation. Enables creators to rapidly produce, manage, and deliver content using AI and automation.
524 HumanAIGC/OutfitAnyone
2024-07-12_5289_1
Outfit Anyone: Ultra-high quality virtual try-on for Any Clothing and Any Person
525 yangjianxin1/Firefly
2024-07-12_5270_9
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
526 Portkey-AI/gateway
2024-07-12_5265_12
A Blazing Fast AI Gateway. Route to 100+ LLMs with 1 fast & friendly API.
527 fishaudio/fish-speech
2024-07-12_5251_113
Brand new TTS solution
528 microsoft/promptbase
2024-07-12_5244_1
All things prompt engineering
529 steven2358/awesome-generative-ai
2024-07-12_5244_1
A curated list of modern Generative Artificial Intelligence projects and services
530 jianchang512/ChatTTS-ui
2024-07-12_5236_27
一个简单的本地网页界面,直接使用ChatTTS将文字合成为语音,同时支持对外提供API接口。
531 biobootloader/wolverine
2024-07-12_5223_0
Automatically repair python scripts through GPT-4 to give them regenerative abilities.
532 apache/hudi
2024-07-12_5215_5
Upserts, Deletes And Incremental Processing on Big Data.
533 k8sgpt-ai/k8sgpt
2024-07-12_5203_4
Giving Kubernetes Superpowers to everyone
534 Azure/azure-sdk-for-net
2024-07-12_5175_2
This repository is for active development of the Azure SDK for .NET. For consumers of the SDK we recommend visiting our public developer docs at https://learn.microsoft.com/dotnet/azure/ or our versioned developer docs at https://azure.github.io/azure-sdk-for-net.
535 google/gemma_pytorch
2024-07-12_5162_3
The official PyTorch implementation of Google's Gemma models
536 meshery/meshery
2024-07-12_5159_11
Meshery, the cloud native manager
537 thuml/Time-Series-Library
2024-07-12_5157_16
A Library for Advanced Deep Time Series Models.
538 imoneoi/openchat
2024-07-12_5131_5
OpenChat: Advancing Open-source Language Models with Imperfect Data
539 levihsu/OOTDiffusion
2024-07-12_5123_3
Official implementation of OOTDiffusion
540 openchatai/OpenChat
2024-07-12_5098_1
Run and create custom ChatGPT-like bots with OpenChat, embed and share these bots anywhere, the open-source chatbot console.
541 SkalskiP/courses
2024-07-12_5076_3
This repository is a curated collection of links to various courses and resources about Artificial Intelligence (AI)
542 mosaicml/composer
2024-07-12_5069_1
Train neural networks up to 7x faster
543 sczhou/ProPainter
2024-07-12_5046_15
[ICCV 2023] ProPainter: Improving Propagation and Transformer for Video Inpainting
544 microsoft/TaskWeaver
2024-07-12_5026_4
A code-first agent framework for seamlessly planning and executing data analytics tasks.
545 miurla/morphic
2024-07-12_5022_4
An AI-powered answer engine with a generative UI
546 microsoft/SynapseML
2024-07-12_5013_2
Simple and Distributed Machine Learning
547 digitalinnovationone/dio-lab-open-source
2024-07-12_5004_2
Repositório do lab "Contribuindo em um Projeto Open Source no GitHub" da Digital Innovation One.
548 PrefectHQ/marvin
2024-07-12_4996_3
A batteries-included library for building AI-powered software
549 OpenGVLab/DragGAN
2024-07-12_4993_-1
Unofficial Implementation of DragGAN - "Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold" (DragGAN 全功能实现,在线Demo,本地部署试用,代码、模型已全部开源,支持Windows, macOS, Linux)
550 lavague-ai/LaVague
2024-07-12_4982_1
Automate automation with Large Action Model framework
551 openchatai/OpenCopilot
2024-07-12_4976_2
🤖 🔥 Let your users chat with your product features and execute things by text - open source Shopify sidekick
552 fr0gger/Awesome-GPT-Agents
2024-07-12_4975_2
A curated list of GPT agents for cybersecurity
553 homanp/superagent
2024-07-12_4964_7
🥷 Superagent - Build, deploy, and manage LLM-powered agents
554 mpociot/chatgpt-vscode
2024-07-12_4960_1
A VSCode extension that allows you to use ChatGPT
555 weaviate/Verba
2024-07-12_4937_12
Retrieval Augmented Generation (RAG) chatbot powered by Weaviate
556 enricoros/big-AGI
2024-07-12_4837_0
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.
557 roboflow/notebooks
2024-07-12_4814_8
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.
green-up-arrow.svg 558 ToonCrafter/ToonCrafter
2024-07-12_4813_12
a research paper for generative cartoon interpolation
red-down-arrow 559 lvwzhen/law-cn-ai
2024-07-12_4812_-1 Open in Demo
⚖️ AI Legal Assistant
red-down-arrow 560 open-metadata/OpenMetadata
2024-07-12_4812_4
OpenMetadata is a unified platform for discovery, observability, and governance powered by a central metadata repository, in-depth lineage, and seamless team collaboration.
561 josStorer/RWKV-Runner
2024-07-12_4812_6
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.
562 qiuyu96/CoDeF
2024-07-12_4795_3
Official PyTorch implementation of CoDeF: Content Deformation Fields for Temporally Consistent Video Processing
green-up-arrow.svg 563 onuratakan/gpt-computer-assistant
2024-07-12_4776_4
gpt-4o for windows, macos and ubuntu
red-down-arrow 564 aiwaves-cn/agents
2024-07-12_4775_3
An Open-source Framework for Autonomous Language Agents
565 lightaime/camel
2024-07-12_4772_7 Open in Colab
🐫 CAMEL: Communicative Agents for “Mind” Exploration of Large Scale Language Model Society
566 ai-boost/awesome-prompts
2024-07-12_4766_9
Curated list of chatgpt prompts from the top-rated GPTs in the GPTs Store. Prompt Engineering, prompt attack & prompt protect. Advanced Prompt Engineering papers.
567 OpenInterpreter/01
2024-07-12_4763_0
The open-source language model computer
568 lxfater/inpaint-web
2024-07-12_4731_4
A free and open-source inpainting & image-upscaling tool powered by webgpu and wasm on the browser。
569 aigc-apps/sd-webui-EasyPhoto
2024-07-12_4726_0
📷 EasyPhoto
570 srbhr/Resume-Matcher
2024-07-12_4724_1
Open Source Free ATS Tool to compare Resumes with Job Descriptions and create a score to rank them.
571 langfuse/langfuse
2024-07-12_4723_18
🪢 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
572 alibaba-damo-academy/FunASR
2024-07-12_4678_15
A Fundamental End-to-End Speech Recognition Toolkit and Open Source SOTA Pretrained Models.
573 Plachtaa/VITS-fast-fine-tuning
2024-07-12_4645_2
This repo is a pipeline of VITS finetuning for fast speaker adaptation TTS, and many-to-many voice conversion
574 mnotgod96/AppAgent
2024-07-12_4634_3
AppAgent: Multimodal Agents as Smartphone Users, an LLM-based multimodal agent framework designed to operate smartphone apps.
575 OpenBMB/ToolBench
2024-07-12_4612_2
An open platform for training, serving, and evaluating large language model for tool learning.
576 friuns2/BlackFriday-GPTs-Prompts
2024-07-12_4594_8
List of free GPTs that doesn't require plus subscription
577 SuperDuperDB/superduperdb
2024-07-12_4553_1
🔮 SuperDuperDB: Bring AI to your database: Integrate, train and manage any AI models and APIs directly with your database and your data.
578 vikhyat/moondream
2024-07-12_4526_7
tiny vision language model
579 xxlong0/Wonder3D
2024-07-12_4525_1
A cross-domain diffusion model for 3D reconstruction from a single image
580 ChaoningZhang/MobileSAM
2024-07-12_4506_4
This is the official code for Faster Segment Anything (MobileSAM) project that makes SAM lightweight
581 facebookincubator/AITemplate
2024-07-12_4482_1
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.
green-up-arrow.svg 582 google/mesop
2024-07-12_4468_36
red-down-arrow 583 microsoft/Mastering-GitHub-Copilot-for-Paired-Programming
2024-07-12_4466_2
A 6 Lesson course teaching everything you need to know about harnessing GitHub Copilot and an AI Paired Programing resource.
584 togethercomputer/RedPajama-Data
2024-07-12_4449_0
code for preparing large datasets for training large language models
585 Deci-AI/super-gradients
2024-07-12_4436_1
Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS.
586 OpenBMB/MiniCPM
2024-07-12_4426_5
MiniCPM-2B: An end-side LLM outperforms Llama2-13B.
587 madawei2699/myGPTReader
2024-07-12_4420_-1
A slack bot that can read any webpage, ebook or document and summarize it with chatGPT
588 SCIR-HI/Huatuo-Llama-Med-Chinese
2024-07-12_4403_1
Repo for HuaTuo (华驼), Llama-7B tuned with Chinese medical knowledge
589 huggingface/lerobot
2024-07-12_4403_4
🤗 LeRobot: State-of-the-art Machine Learning for Real-World Robotics in Pytorch
590 build-trust/ockam
2024-07-12_4397_3
Orchestrate end-to-end encryption, cryptographic identities, mutual authentication, and authorization policies between distributed applications – at massive scale.
591 google-deepmind/graphcast
2024-07-12_4385_3
592 langchain-ai/langgraph
2024-07-12_4349_19
593 AILab-CVC/VideoCrafter
2024-07-12_4324_1
VideoCrafter1: Open Diffusion Models for High-Quality Video Generation
594 developersdigest/llm-answer-engine
2024-07-12_4306_3
Build a Perplexity-Inspired Answer Engine Using Next.js, Groq, Mixtral, Langchain, OpenAI, Brave & Serper
595 Zejun-Yang/AniPortrait
2024-07-12_4283_4
AniPortrait: Audio-Driven Synthesis of Photorealistic Portrait Animation
596 NVlabs/neuralangelo
2024-07-12_4265_1
Official implementation of "Neuralangelo: High-Fidelity Neural Surface Reconstruction" (CVPR 2023)
597 lllyasviel/IC-Light
2024-07-12_4260_20
More relighting!
598 terraform-aws-modules/terraform-aws-eks
2024-07-12_4254_2
Terraform module to create AWS Elastic Kubernetes (EKS) resources 🇺🇦
599 sanchit-gandhi/whisper-jax
2024-07-12_4252_4 Open in Spaces
Optimised JAX code for OpenAI's Whisper Model, largely built on the Hugging Face Transformers Whisper implementation
600 openai/plugins-quickstart
2024-07-12_4250_0
Get a ChatGPT plugin up and running in under 5 minutes!
601 llmware-ai/llmware
2024-07-12_4241_0
Providing enterprise-grade LLM-based development framework, tools, and fine-tuned models.
602 open-mmlab/Amphion
2024-07-12_4238_12
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.
603 allenai/OLMo
2024-07-12_4212_2
Modeling, training, eval, and inference code for OLMo
604 luosiallen/latent-consistency-model
2024-07-12_4208_1
Latent Consistency Models: Synthesizing High-Resolution Images with Few-Step Inference
605 huggingface/alignment-handbook
2024-07-12_4208_5
Robust recipes for to align language models with human and AI preferences
606 UX-Decoder/Segment-Everything-Everywhere-All-At-Once
2024-07-12_4206_1
Official implementation of the paper "Segment Everything Everywhere All at Once"
607 microsoft/LLMLingua
2024-07-12_4200_7
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.
608 sjvasquez/handwriting-synthesis
2024-07-12_4197_5
Handwriting Synthesis with RNNs ✏️
609 kyegomez/tree-of-thoughts
2024-07-12_4167_1
Plug in and Play Implementation of Tree of Thoughts: Deliberate Problem Solving with Large Language Models that Elevates Model Reasoning by atleast 70%
610 Facico/Chinese-Vicuna
2024-07-12_4143_0
Chinese-Vicuna: A Chinese Instruction-following LLaMA-based Model
611 Dooy/chatgpt-web-midjourney-proxy
2024-07-12_4116_9
chatgpt web, midjourney, gpts,tts, whisper 一套ui全搞定
612 smol-ai/GodMode
2024-07-12_4097_1
AI Chat Browser: Fast, Full webapp access to ChatGPT / Claude / Bard / Bing / Llama2! I use this 20 times a day.
613 OpenGVLab/InternVL
2024-07-12_4090_19
[CVPR 2024 Oral] InternVL Family: A Pioneering Open-Source Alternative to GPT-4V. 接近GPT-4V表现的可商用开源模型
614 Akegarasu/lora-scripts
2024-07-12_4088_7
LoRA training scripts use kohya-ss's trainer, for diffusion model.
615 myshell-ai/MeloTTS
2024-07-12_4061_3
High-quality multi-lingual text-to-speech library by MyShell.ai. Support English, Spanish, French, Chinese, Japanese and Korean.
616 openai/grok
2024-07-12_4054_-2
617 Codium-ai/cover-agent
2024-07-12_4022_2
CodiumAI Cover-Agent: An AI-Powered Tool for Automated Test Generation and Code Coverage Enhancement! 💻🤖🧪🐞
618 ray-project/llm-numbers
2024-07-12_3991_1
Numbers every LLM developer should know
619 1rgs/jsonformer
2024-07-12_3984_3
A Bulletproof Way to Generate Structured JSON from Language Models
620 leetcode-mafia/cheetah
2024-07-12_3979_2
Whisper & GPT-based app for passing remote SWE interviews
621 AILab-CVC/YOLO-World
2024-07-12_3955_3
Real-Time Open-Vocabulary Object Detection
622 Fanghua-Yu/SUPIR
2024-07-12_3954_5
SUPIR aims at developing Practical Algorithms for Photo-Realistic Image Restoration In the Wild
623 a16z-infra/ai-getting-started
2024-07-12_3953_0
A Javascript AI getting started stack for weekend projects, including image/text models, vector stores, auth, and deployment configs
624 keijiro/AICommand
2024-07-12_3939_1
ChatGPT integration with Unity Editor
625 espeak-ng/espeak-ng
2024-07-12_3911_2
eSpeak NG is an open source speech synthesizer that supports more than hundred languages and accents.
626 Significant-Gravitas/Auto-GPT-Plugins
2024-07-12_3895_0
Plugins for Auto-GPT
627 OpenBMB/AgentVerse
2024-07-12_3876_2
🤖 AgentVerse 🪐 provides a flexible framework that simplifies the process of building custom multi-agent environments for large language models (LLMs).
628 mshumer/gpt-llm-trainer
2024-07-12_3871_1
629 Nukem9/dlssg-to-fsr3
2024-07-12_3863_4
Adds AMD FSR3 Frame Generation to games by replacing Nvidia DLSS-G Frame Generation (nvngx_dlssg).
630 damo-vilab/AnyDoor
2024-07-12_3837_2
Official implementations for paper: Anydoor: zero-shot object-level image customization
631 ravenscroftj/turbopilot
2024-07-12_3835_-1
Turbopilot is an open source large-language-model based code completion engine that runs locally on CPU
632 FoundationVision/VAR
2024-07-12_3832_7
[GPT beats diffusion🔥] [scaling laws in visual generation📈] Official impl. of "Visual Autoregressive Modeling: Scalable Image Generation via Next-Scale Prediction"
633 llSourcell/DoctorGPT
2024-07-12_3828_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.
634 google-deepmind/alphageometry
2024-07-12_3819_2
Solving Olympiad Geometry without Human Demonstrations
635 Doriandarko/maestro
2024-07-12_3819_19
A framework for Claude Opus to intelligently orchestrate subagents.
636 FlagAI-Open/FlagAI
2024-07-12_3807_-1
FlagAI (Fast LArge-scale General AI models) is a fast, easy-to-use and extensible toolkit for large-scale model.
637 apple/ml-mgie
2024-07-12_3804_1
638 NVIDIA/NeMo-Guardrails
2024-07-12_3765_5
NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
639 xlang-ai/OpenAgents
2024-07-12_3751_2
OpenAgents: An Open Platform for Language Agents in the Wild
640 BuilderIO/ai-shell
2024-07-12_3750_2
A CLI that converts natural language to shell commands.
641 Speykious/cve-rs
2024-07-12_3731_1
Blazingly 🔥 fast 🚀 memory vulnerabilities, written in 100% safe Rust. 🦀
642 shroominic/codeinterpreter-api
2024-07-12_3726_0
Open source implementation of the ChatGPT Code Interpreter 👾
643 argilla-io/argilla
2024-07-12_3651_0
Argilla is a collaboration platform for AI engineers and domain experts that require high-quality outputs, full data ownership, and overall efficiency.
644 luban-agi/Awesome-AIGC-Tutorials
2024-07-12_3643_0
Curated tutorials and resources for Large Language Models, AI Painting, and more.
645 MarkFzp/mobile-aloha
2024-07-12_3639_5
Mobile ALOHA: Learning Bimanual Mobile Manipulation with Low-Cost Whole-Body Teleoperation
646 hiyouga/ChatGLM-Efficient-Tuning
2024-07-12_3634_0
Fine-tuning ChatGLM-6B with PEFT
647 GaiaNet-AI/gaianet-node
2024-07-12_3615_120
Install and run your own AI agent service
green-up-arrow.svg 648 pytorch/torchtune
2024-07-12_3588_2
A Native-PyTorch Library for LLM Fine-tuning
red-down-arrow 649 0hq/WebGPT
2024-07-12_3587_0
Run GPT model on the browser with WebGPU. An implementation of GPT inference in less than ~2000 lines of vanilla Javascript.
650 collabora/WhisperSpeech
2024-07-12_3571_1
An Open Source text-to-speech system built by inverting Whisper.
651 jackMort/ChatGPT.nvim
2024-07-12_3564_1
ChatGPT Neovim Plugin: Effortless Natural Language Generation with OpenAI's ChatGPT API
652 Blealtan/efficient-kan
2024-07-12_3563_7
An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN).
653 deanxv/coze-discord-proxy
2024-07-12_3562_4
代理Discord-Bot对话Coze-Bot,实现API形式请求GPT4对话模型/微调模型
654 Yue-Yang/ChatGPT-Siri
2024-07-12_3557_0
Shortcuts for Siri using ChatGPT API gpt-3.5-turbo model
655 SysCV/sam-hq
2024-07-12_3539_2
Segment Anything in High Quality
656 ricklamers/gpt-code-ui
2024-07-12_3530_0
An open source implementation of OpenAI's ChatGPT Code interpreter
657 anthropics/anthropic-cookbook
2024-07-12_3522_8
A collection of notebooks/recipes showcasing some fun and effective ways of using Claude.
658 Luodian/Otter
2024-07-12_3516_1
🦦 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.
659 whoiskatrin/chart-gpt
2024-07-12_3515_0
AI tool to build charts based on text input
660 metavoiceio/metavoice-src
2024-07-12_3506_2
AI for human-level speech intelligence
661 hemansnation/God-Level-Data-Science-ML-Full-Stack
2024-07-12_3497_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
662 fudan-generative-vision/champ
2024-07-12_3458_2
Champ: Controllable and Consistent Human Image Animation with 3D Parametric Guidance
663 minimaxir/simpleaichat
2024-07-12_3430_0
Python package for easily interfacing with chat apps, with robust features and minimal code complexity.
664 run-llama/llama-hub
2024-07-12_3423_0
A library of data loaders for LLMs made by the community -- to be used with LlamaIndex and/or LangChain
665 xtekky/chatgpt-clone
2024-07-12_3420_0
ChatGPT interface with better UI
666 Kent0n-Li/ChatDoctor
2024-07-12_3414_2
A Medical Chat Model Fine-tuned on LLaMA Model using Medical Domain Knowledge
667 snakers4/silero-vad
2024-07-12_3396_6
Silero VAD: pre-trained enterprise-grade Voice Activity Detector
668 LLM-Red-Team/kimi-free-api
2024-07-12_3376_6
🚀 KIMI AI 长文本大模型白嫖服务,支持高速流式输出、联网搜索、长文档解读、图像解析、多轮对话,零配置部署,多路token支持,自动清理会话痕迹。
669 huggingface/distil-whisper
2024-07-12_3349_2
Distilled variant of Whisper for speech recognition. 6x faster, 50% smaller, within 1% word error rate.
670 CrazyBoyM/llama3-Chinese-chat
2024-07-12_3308_11
Llama3 Chinese Repository with modified versions, and training and deployment resources
671 Codium-ai/AlphaCodium
2024-07-12_3293_0
code generation tool that surpasses most human competitors in CodeContests
672 open-compass/opencompass
2024-07-12_3256_10
OpenCompass is an LLM evaluation platform, supporting a wide range of models (InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
673 InternLM/xtuner
2024-07-12_3251_8
An efficient, flexible and full-featured toolkit for fine-tuning large models (InternLM, Llama, Baichuan, Qwen, ChatGLM)
674 pashpashpash/vault-ai
2024-07-12_3248_0
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.
675 Dataherald/dataherald
2024-07-12_3222_2
Interact with your SQL database, Natural Language to SQL using LLMs
676 philz1337x/clarity-upscaler
2024-07-12_3210_2
Clarity-Upscaler: Reimagined image upscaling for everyone
677 AprilNEA/ChatGPT-Admin-Web
2024-07-12_3169_1 Open in Demo
ChatGPT WebUI with user management and admin dashboard system
678 OpenGVLab/InternGPT
2024-07-12_3168_1
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系统)
679 cvg/LightGlue
2024-07-12_3168_2
LightGlue: Local Feature Matching at Light Speed (ICCV 2023)
680 google/security-research
2024-07-12_3156_2
This project hosts security advisories and their accompanying proof-of-concepts related to research conducted at Google which impact non-Google owned code.
681 ethen8181/machine-learning
2024-07-12_3151_1
🌎 machine learning tutorials (mainly in Python3)
682 project-baize/baize-chatbot
2024-07-12_3148_0
Let ChatGPT teach your own chatbot in hours with a single GPU!
683 WhiskeySockets/Baileys
2024-07-12_3142_5
Lightweight full-featured typescript/javascript WhatsApp Web API
684 OpenDriveLab/UniAD
2024-07-12_3102_3
[CVPR 2023 Best Paper] Planning-oriented Autonomous Driving
685 google-research/timesfm
2024-07-12_3102_28
TimesFM (Time Series Foundation Model) is a pretrained time-series foundation model developed by Google Research for time-series forecasting.
686 yisol/IDM-VTON
2024-07-12_3095_7
IDM-VTON : Improving Diffusion Models for Authentic Virtual Try-on in the Wild
687 dvlab-research/MiniGemini
2024-07-12_3091_4
Official implementation for Mini-Gemini
688 NExT-GPT/NExT-GPT
2024-07-12_3065_2
Code and models for NExT-GPT: Any-to-Any Multimodal Large Language Model
689 fchollet/ARC-AGI
2024-07-12_3050_5
The Abstraction and Reasoning Corpus
690 morph-labs/rift
2024-07-12_3048_0
Rift: an AI-native language server for your personal AI software engineer
691 CVI-SZU/Linly
2024-07-12_3009_0
Chinese-LLaMA basic model; ChatFlow Chinese conversation model; NLP pre-training/command fine-tuning dataset
692 jupyterlab/jupyter-ai
2024-07-12_3009_1
A generative AI extension for JupyterLab
693 truefoundry/cognita
2024-07-12_2999_3
RAG (Retrieval Augmented Generation) Framework for building modular, open source applications for production by TrueFoundry
694 agiresearch/AIOS
2024-07-12_2996_8
AIOS: LLM Agent Operating System
695 iryna-kondr/scikit-llm
2024-07-12_2989_1
Seamlessly integrate powerful language models like ChatGPT into scikit-learn for enhanced text analysis tasks.
696 EricLBuehler/mistral.rs
2024-07-12_2981_1
Blazingly fast LLM inference.
697 ai-boost/Awesome-GPTs
2024-07-12_2975_1
Curated list of awesome GPTs 👍.
698 baichuan-inc/Baichuan-13B
2024-07-12_2973_0
A 13B large language model developed by Baichuan Intelligent Technology
699 microsoft/torchscale
2024-07-12_2971_0
Foundation Architecture for (M)LLMs
700 modelscope/agentscope
2024-07-12_2958_10
Start building LLM-empowered multi-agent applications in an easier way.
701 daveshap/OpenAI_Agent_Swarm
2024-07-12_2957_0
HAAS = Hierarchical Autonomous Agent Swarm - "Resistance is futile!"
702 linyiLYi/bilibot
2024-07-12_2955_0
A local chatbot fine-tuned by bilibili user comments.
703 deepseek-ai/DeepSeek-V2
2024-07-12_2945_8
704 neuralmagic/deepsparse
2024-07-12_2939_0
Sparsity-aware deep learning inference runtime for CPUs
705 argmaxinc/WhisperKit
2024-07-12_2928_3
Swift native speech recognition on-device for iOS and macOS applications.
706 gmpetrov/databerry
2024-07-12_2923_0
The no-code platform for building custom LLM Agents
707 williamyang1991/Rerender_A_Video
2024-07-12_2923_1
[SIGGRAPH Asia 2023] Rerender A Video: Zero-Shot Text-Guided Video-to-Video Translation
708 srush/Tensor-Puzzles
2024-07-12_2923_2
Solve puzzles. Improve your pytorch.
709 BasedHardware/OpenGlass
2024-07-12_2907_20
Turn any glasses into AI-powered smart glasses
710 huggingface/parler-tts
2024-07-12_2878_2
Inference and training library for high-quality TTS models.
711 ragapp/ragapp
2024-07-12_2860_6
The easiest way to use Agentic RAG in any enterprise
712 adamcohenhillel/ADeus
2024-07-12_2844_1
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.
713 MarkFzp/act-plus-plus
2024-07-12_2834_4
Imitation Learning algorithms with Co-traing for Mobile ALOHA: ACT, Diffusion Policy, VINN
714 li-plus/chatglm.cpp
2024-07-12_2833_2
C++ implementation of ChatGLM-6B & ChatGLM2-6B & ChatGLM3 & more LLMs
715 sgl-project/sglang
2024-07-12_2824_3
SGLang is a structured generation language designed for large language models (LLMs). It makes your interaction with LLMs faster and more controllable.
716 gptscript-ai/gptscript
2024-07-12_2793_2
Natural Language Programming
717 krishnaik06/Roadmap-To-Learn-Generative-AI-In-2024
2024-07-12_2787_4
Roadmap To Learn Generative AI In 2024
718 muellerberndt/mini-agi
2024-07-12_2781_1
A minimal generic autonomous agent based on GPT3.5/4. Can analyze stock prices, perform network security tests, create art, and order pizza.
719 SamurAIGPT/privateGPT
2024-07-12_2778_0
An app to interact privately with your documents using the power of GPT, 100% privately, no data leaks
720 dnhkng/GlaDOS
2024-07-12_2778_1
This is the Personality Core for GLaDOS, the first steps towards a real-life implementation of the AI from the Portal series by Valve.
721 damo-vilab/i2vgen-xl
2024-07-12_2770_1
Official repo for VGen: a holistic video generation ecosystem for video generation building on diffusion models
722 albertan017/LLM4Decompile
2024-07-12_2767_3
Reverse Engineering: Decompiling Binary Code with Large Language Models
723 opengeos/segment-geospatial
2024-07-12_2759_3 Open in Colab
A Python package for segmenting geospatial data with the Segment Anything Model (SAM)
724 facebookresearch/ijepa
2024-07-12_2756_1
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."
725 Tencent/HunyuanDiT
2024-07-12_2749_13
Hunyuan-DiT : A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding
726 alibaba-damo-academy/FunClip
2024-07-12_2749_5
Open-source, accurate and easy-to-use video clipping tool, LLM based AI clipping intergrated
727 eureka-research/Eureka
2024-07-12_2736_0
Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models"
728 Deeptrain-Community/chatnio
2024-07-12_2733_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
729 iusztinpaul/hands-on-llms
2024-07-12_2714_4
🦖 𝗟𝗲𝗮𝗿𝗻 about 𝗟𝗟𝗠𝘀, 𝗟𝗟𝗠𝗢𝗽𝘀, and 𝘃𝗲𝗰𝘁𝗼𝗿 𝗗𝗕𝘀 for free by designing, training, and deploying a real-time financial advisor LLM system ~ 𝘴𝘰𝘶𝘳𝘤𝘦 𝘤𝘰𝘥𝘦 + 𝘷𝘪𝘥𝘦𝘰 & 𝘳𝘦𝘢𝘥𝘪𝘯𝘨 𝘮𝘢𝘵𝘦𝘳𝘪𝘢𝘭𝘴
730 PKU-YuanGroup/Video-LLaVA
2024-07-12_2690_4 Open in Spaces
Video-LLaVA: Learning United Visual Representation by Alignment Before Projection
731 OpenBMB/CPM-Bee
2024-07-12_2682_0
A bilingual large-scale model with trillions of parameters
732 salesforce/CodeT5
2024-07-12_2655_0
Home of CodeT5: Open Code LLMs for Code Understanding and Generation
733 Alpha-VLLM/LLaMA2-Accessory
2024-07-12_2618_0
An Open-source Toolkit for LLM Development
734 gptlink/gptlink
2024-07-12_2612_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
735 huggingface/safetensors
2024-07-12_2611_0
Simple, safe way to store and distribute tensors
736 facebookresearch/audio2photoreal
2024-07-12_2610_0
Code and dataset for photorealistic Codec Avatars driven from audio
737 georgia-tech-db/eva
2024-07-12_2610_2
AI-Relational Database System
738 nucleuscloud/neosync
2024-07-12_2607_5
Open source data anonymization and synthetic data orchestration for developers. Create high fidelity synthetic data and sync it across your environments.
739 unit-mesh/auto-dev
2024-07-12_2588_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! 🚀
740 hustvl/Vim
2024-07-12_2587_0
Vision Mamba: Efficient Visual Representation Learning with Bidirectional State Space Model
741 cvlab-columbia/zero123
2024-07-12_2586_0
Zero-1-to-3: Zero-shot One Image to 3D Object: https://zero123.cs.columbia.edu/
742 SCUTlihaoyu/open-chat-video-editor
2024-07-12_2584_0
Open source short video automatic generation tool
743 Ironclad/rivet
2024-07-12_2573_3 Open Website
The open-source visual AI programming environment and TypeScript library
744 leptonai/leptonai
2024-07-12_2570_3
A Pythonic framework to simplify AI service building
745 facebookresearch/jepa
2024-07-12_2555_2
PyTorch code and models for V-JEPA self-supervised learning from video.
746 ishan0102/vimGPT
2024-07-12_2554_0
Browse the web with GPT-4V and Vimium
747 hegelai/prompttools
2024-07-12_2554_2
Open-source tools for prompt testing and experimentation, with support for both LLMs (e.g. OpenAI, LLaMA) and vector databases (e.g. Chroma, Weaviate).
748 NVIDIA/trt-llm-rag-windows
2024-07-12_2547_2
A developer reference project for creating Retrieval Augmented Generation (RAG) chatbots on Windows using TensorRT-LLM
749 Josh-XT/AGiXT
2024-07-12_2543_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.
750 spring-projects/spring-ai
2024-07-12_2536_3
An Application Framework for AI Engineering
751 liou666/polyglot
2024-07-12_2524_1
Desktop AI Language Practice Application
752 k2-fsa/sherpa-onnx
2024-07-12_2519_8
Speech-to-text, text-to-speech, and speaker recongition using next-gen Kaldi with onnxruntime without Internet connection. Support embedded systems, Android, iOS, Raspberry Pi, RISC-V, x86_64 servers, websocket server/client, C/C++, Python, Kotlin, C#, Go, NodeJS, Java, Swift
753 Azure/azure-rest-api-specs
2024-07-12_2513_1
The source for REST API specifications for Microsoft Azure.
754 SciPhi-AI/R2R
2024-07-12_2505_8
A framework for rapid development and deployment of production-ready RAG systems
755 mazzzystar/Queryable
2024-07-12_2492_1
Run CLIP on iPhone to Search Photos.
756 Shubhamsaboo/awesome-llm-apps
2024-07-12_2482_3
Collection of awesome LLM apps with RAG using OpenAI, Anthropic, Gemini and opensource models.
757 SuperTux/supertux
2024-07-12_2480_1
SuperTux source code
758 databricks/dbrx
2024-07-12_2480_2
Code examples and resources for DBRX, a large language model developed by Databricks
759 baaivision/Painter
2024-07-12_2476_0
Painter & SegGPT Series: Vision Foundation Models from BAAI
760 lamini-ai/lamini
2024-07-12_2463_0
Official repo for Lamini's data generator for generating instructions to train instruction-following LLMs
761 facebookresearch/habitat-sim
2024-07-12_2461_1
A flexible, high-performance 3D simulator for Embodied AI research.
762 cohere-ai/cohere-toolkit
2024-07-12_2459_3
Toolkit is a collection of prebuilt components enabling users to quickly build and deploy RAG applications.
763 DataTalksClub/llm-zoomcamp
2024-07-12_2455_4
LLM Zoomcamp - a free online course about building an AI bot that can answer questions about your knowledge base
764 mshumer/gpt-author
2024-07-12_2448_1
765 FranxYao/chain-of-thought-hub
2024-07-12_2446_1
Benchmarking large language models' complex reasoning ability with chain-of-thought prompting
766 johnma2006/mamba-minimal
2024-07-12_2443_1
Simple, minimal implementation of the Mamba SSM in one file of PyTorch.
767 facebookresearch/Pearl
2024-07-12_2432_0
A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta.
768 OpenPipe/OpenPipe
2024-07-12_2432_0
Turn expensive prompts into cheap fine-tuned models
769 nus-apr/auto-code-rover
2024-07-12_2390_2
A project structure aware autonomous software engineer aiming for autonomous program improvement
770 sugarforever/chat-ollama
2024-07-12_2385_6
ChatOllama is an open source chatbot based on LLMs. It supports a wide range of language models, and knowledge base management.
771 kevmo314/magic-copy
2024-07-12_2378_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.
772 abi/secret-llama
2024-07-12_2348_-1
Fully private LLM chatbot that runs entirely with a browser with no server needed. Supports Mistral and LLama 3.
773 modelscope/swift
2024-07-12_2336_18
ms-swift: Use PEFT or Full-parameter to finetune 200+ LLMs or 15+ MLLMs
774 X-PLUG/MobileAgent
2024-07-12_2330_1
Mobile-Agent: Autonomous Multi-Modal Mobile Device Agent with Visual Perception
775 pipecat-ai/pipecat
2024-07-12_2329_16
Open Source framework for voice and multimodal conversational AI
776 jqnatividad/qsv
2024-07-12_2323_0
CSVs sliced, diced & analyzed.
777 Stability-AI/stable-audio-tools
2024-07-12_2289_0
Generative models for conditional audio generation
778 dvmazur/mixtral-offloading
2024-07-12_2273_0
Run Mixtral-8x7B models in Colab or consumer desktops
green-up-arrow.svg 779 rashadphz/farfalle
2024-07-12_2273_23
🔍 AI search engine - self-host with local or cloud LLMs
red-down-arrow 780 microsoft/promptbench
2024-07-12_2272_1
A unified evaluation framework for large language models
781 paulpierre/RasaGPT
2024-07-12_2261_2
💬 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
782 google-deepmind/gemma
2024-07-12_2246_2
Open weights LLM from Google DeepMind.
783 SoraWebui/SoraWebui
2024-07-12_2244_3
SoraWebui is an open-source Sora web client, enabling users to easily create videos from text with OpenAI's Sora model.
784 TracecatHQ/tracecat
2024-07-12_2237_0
😼 The AI-native, open source alternative to Tines / Splunk SOAR.
785 mshumer/gpt-investor
2024-07-12_2212_0
786 emcf/engshell
2024-07-12_2172_0
An English-language shell for any OS, powered by LLMs
787 elastic/otel-profiling-agent
2024-07-12_2163_2
The production-scale datacenter profiler
788 JiauZhang/DragGAN
2024-07-12_2161_0
Implementation of DragGAN: Interactive Point-based Manipulation on the Generative Image Manifold
789 aixcoder-plugin/aiXcoder-7B
2024-07-12_2155_0
official repository of aiXcoder-7B Code Large Language Model
790 meta-llama/PurpleLlama
2024-07-12_2153_2
Set of tools to assess and improve LLM security.
791 billmei/every-chatgpt-gui
2024-07-12_2151_5
Every front-end GUI client for ChatGPT
792 TMElyralab/MuseV
2024-07-12_2112_4
MuseV: Infinite-length and High Fidelity Virtual Human Video Generation with Visual Conditioned Parallel Denoising
793 openai/consistencydecoder
2024-07-12_2107_1
Consistency Distilled Diff VAE
794 Doubiiu/DynamiCrafter
2024-07-12_2107_8
DynamiCrafter: Animating Open-domain Images with Video Diffusion Priors
795 girafe-ai/ml-course
2024-07-12_2097_0
Open Machine Learning course
796 amazon-science/chronos-forecasting
2024-07-12_2079_2
Chronos: Pretrained (Language) Models for Probabilistic Time Series Forecasting
797 cgpotts/cs224u
2024-07-12_2079_1
Code for Stanford CS224u
798 hncboy/chatgpt-web-java
2024-07-12_2069_0
ChatGPT project developed in Java, based on Spring Boot 3 and JDK 17, supports both AccessToken and ApiKey modes
799 tencent-ailab/V-Express
2024-07-12_2053_2
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.
800 IDEA-Research/T-Rex
2024-07-12_2002_4
T-Rex2: Towards Generic Object Detection via Text-Visual Prompt Synergy
801 semanser/codel
2024-07-12_2001_0
✨ Fully autonomous AI Agent that can perform complicated tasks and projects using terminal, browser, and editor.
802 AI-Citizen/SolidGPT
2024-07-12_1978_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🧱 🧱
803 liltom-eth/llama2-webui
2024-07-12_1955_1
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.
804 PRIS-CV/DemoFusion
2024-07-12_1932_0
Let us democratise high-resolution generation! (arXiv 2023)
805 TMElyralab/MusePose
2024-07-12_1889_5
MusePose: a Pose-Driven Image-to-Video Framework for Virtual Human Generation
806 LLMBook-zh/LLMBook-zh.github.io
2024-07-12_1887_3
《大语言模型》作者:赵鑫,李军毅,周昆,唐天一,文继荣
807 Eladlev/AutoPrompt
2024-07-12_1884_2
A framework for prompt tuning using Intent-based Prompt Calibration
808 Alpha-VLLM/Lumina-T2X
2024-07-12_1878_3
Lumina-T2X is a unified framework for Text to Any Modality Generation
809 deepseek-ai/DeepSeek-VL
2024-07-12_1876_4
DeepSeek-VL: Towards Real-World Vision-Language Understanding
810 luijait/DarkGPT
2024-07-12_1864_2
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.
811 microsoft/aici
2024-07-12_1860_1
AICI: Prompts as (Wasm) Programs
812 PKU-YuanGroup/MoE-LLaVA
2024-07-12_1842_3
Mixture-of-Experts for Large Vision-Language Models
813 ashishpatel26/LLM-Finetuning
2024-07-12_1834_3
LLM Finetuning with peft
814 NVIDIA/GenerativeAIExamples
2024-07-12_1833_10
Generative AI reference workflows optimized for accelerated infrastructure and microservice architecture.
815 mishushakov/llm-scraper
2024-07-12_1823_2
Turn any webpage into structured data using LLMs
816 CodingChallengesFYI/SharedSolutions
2024-07-12_1811_5
Publicly shared solutions to Coding Challenges
817 flowtyone/flowty-realtime-lcm-canvas
2024-07-12_1799_0
A realtime sketch to image demo using LCM and the gradio library.
818 Niek/chatgpt-web
2024-07-12_1785_2
ChatGPT web interface using the OpenAI API
819 MrForExample/ComfyUI-3D-Pack
2024-07-12_1784_15
An extensive node suite that enables ComfyUI to process 3D inputs (Mesh & UV Texture, etc) using cutting edge algorithms (3DGS, NeRF, etc.)
820 janhq/nitro
2024-07-12_1778_0
A fast, lightweight, embeddable inference engine to supercharge your apps with local AI. OpenAI-compatible API
821 Kludex/fastapi-tips
2024-07-12_1737_2
FastAPI Tips by The FastAPI Expert!
822 ytongbai/LVM
2024-07-12_1703_1
Sequential Modeling Enables Scalable Learning for Large Vision Models
823 NVIDIA/gpu-operator
2024-07-12_1676_1
NVIDIA GPU Operator creates/configures/manages GPUs atop Kubernetes
824 idaholab/moose
2024-07-12_1657_1
Multiphysics Object Oriented Simulation Environment
825 lanqian528/chat2api
2024-07-12_1639_5
A service that can convert ChatGPT on the web to OpenAI API format.
826 flowdriveai/flowpilot
2024-07-12_1624_1
flow-pilot is an openpilot based driver assistance system that runs on linux, windows and android powered machines.
827 darrenburns/elia
2024-07-12_1617_2
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.
828 6drf21e/ChatTTS_colab
2024-07-12_1599_15
🚀 一键部署(含离线整合包)!基于 ChatTTS ,支持音色抽卡、长音频生成和分角色朗读。简单易用,无需复杂安装。
829 apple/axlearn
2024-07-12_1598_4
An Extensible Deep Learning Library
830 YangLing0818/RPG-DiffusionMaster
2024-07-12_1595_1
Mastering Text-to-Image Diffusion: Recaptioning, Planning, and Generating with Multimodal LLMs (PRG)
831 Nutlope/notesGPT
2024-07-12_1593_1
Record voice notes & transcribe, summarize, and get tasks
832 tencentmusic/supersonic
2024-07-12_1586_9
SuperSonic is the next-generation BI platform that integrates Chat BI (powered by LLM) and Headless BI (powered by semantic layer) paradigms.
833 isaac-sim/IsaacLab
2024-07-12_1573_13
Unified framework for robot learning built on NVIDIA Isaac Sim
834 baaivision/Emu
2024-07-12_1569_1
Emu Series: Generative Multimodal Models from BAAI
835 linyiLYi/snake-ai
2024-07-12_1548_4
An AI agent that beats the classic game "Snake".
836 THUDM/CogVLM2
2024-07-12_1539_34
GPT4V-level open-source multi-modal model based on Llama3-8B
837 Azure/PyRIT
2024-07-12_1501_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.
838 huggingface/cookbook
2024-07-12_1498_0
Open-source AI cookbook
839 GoogleCloudPlatform/localllm
2024-07-12_1491_0
Run LLMs locally on Cloud Workstations
840 princeton-nlp/SWE-bench
2024-07-12_1484_2
[ICLR 2024] SWE-Bench: Can Language Models Resolve Real-world Github Issues?
841 InstantStyle/InstantStyle
2024-07-12_1474_2
InstantStyle: Free Lunch towards Style-Preserving in Text-to-Image Generation 🔥
842 microsoft/sample-app-aoai-chatGPT
2024-07-12_1450_0
[PREVIEW] Sample code for a simple web chat experience targeting chatGPT through AOAI.
843 collabora/WhisperFusion
2024-07-12_1448_0
WhisperFusion builds upon the capabilities of WhisperLive and WhisperSpeech to provide a seamless conversations with an AI.
844 kyegomez/BitNet
2024-07-12_1448_3
Implementation of "BitNet: Scaling 1-bit Transformers for Large Language Models" in pytorch
845 pytorch/executorch
2024-07-12_1443_1
On-device AI across mobile, embedded and edge for PyTorch
846 lichao-sun/Mora
2024-07-12_1438_1
Mora: More like Sora for Generalist Video Generation
847 The-OpenROAD-Project/OpenROAD
2024-07-12_1431_0
OpenROAD's unified application implementing an RTL-to-GDS Flow. Documentation at https://openroad.readthedocs.io/en/latest/
848 google/maxtext
2024-07-12_1370_2
A simple, performant and scalable Jax LLM!
849 openai/simple-evals
2024-07-12_1364_4
850 GaParmar/img2img-turbo
2024-07-12_1325_2
One-step image-to-image with Stable Diffusion turbo: sketch2image, day2night, and more
851 pytorch/torchtitan
2024-07-12_1318_5
A native PyTorch Library for large model training
852 andrewnguonly/Lumos
2024-07-12_1312_0
A RAG LLM co-pilot for browsing the web, powered by local LLMs
853 AnswerDotAI/fsdp_qlora
2024-07-12_1308_0
Training LLMs with QLoRA + FSDP
854 mhamilton723/FeatUp
2024-07-12_1294_0
Official code for "FeatUp: A Model-Agnostic Frameworkfor Features at Any Resolution" ICLR 2024
855 nerfstudio-project/gsplat
2024-07-12_1291_7
CUDA accelerated rasterization of gaussian splatting
856 microsoft/Phi-3CookBook
2024-07-12_1281_5
This is a Phi-3 book for getting started with Phi-3. Phi-3, a family of open AI models developed by Microsoft. Phi-3 models are the most capable and cost-effective small language models (SLMs) available, outperforming models of the same size and next size up across a variety of language, reasoning, coding, and math benchmarks.
857 McGill-NLP/webllama
2024-07-12_1276_0
Llama-3 agents that can browse the web by following instructions and talking to you
858 lucidrains/self-rewarding-lm-pytorch
2024-07-12_1269_0
Implementation of the training framework proposed in Self-Rewarding Language Model, from MetaAI
859 ymcui/Chinese-LLaMA-Alpaca-3
2024-07-12_1267_10
中文羊驼大模型三期项目 (Chinese Llama-3 LLMs) developed from Meta Llama 3
860 ishaan1013/sandbox
2024-07-12_1257_0
A cloud-based code editing environment with an AI copilot and real-time collaboration.
861 a-real-ai/pywinassistant
2024-07-12_1247_1
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.
862 PKU-YuanGroup/MagicTime
2024-07-12_1222_0
MagicTime: Time-lapse Video Generation Models as Metamorphic Simulators
⭐ 863 TeamNewPipe/NewPipeExtractor
2024-07-13_1204_4
NewPipe's core library for extracting data from streaming sites
red-down-arrow 864 AI4Finance-Foundation/FinRobot
2024-07-12_1199_7
FinRobot: An Open-Source AI Agent Platform for Financial Applications using LLMs 🚀 🚀 🚀
red-down-arrow 865 TencentARC/BrushNet
2024-07-12_1180_4
The official implementation of paper "BrushNet: A Plug-and-Play Image Inpainting Model with Decomposed Dual-Branch Diffusion"
red-down-arrow 866 jgravelle/AutoGroq
2024-07-12_1156_6
red-down-arrow 867 elfvingralf/macOSpilot-ai-assistant
2024-07-12_1108_1
Voice + Vision powered AI assistant that answers questions about any application, in context and in audio.
red-down-arrow 868 goatcorp/Dalamud
2024-07-12_1103_0
FFXIV plugin framework and API
red-down-arrow 869 SakanaAI/evolutionary-model-merge
2024-07-12_1095_1
Official repository of Evolutionary Optimization of Model Merging Recipes
red-down-arrow 870 Lightning-AI/lightning-thunder
2024-07-12_1085_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 871 xlang-ai/OSWorld
2024-07-12_1055_3
OSWorld: Benchmarking Multimodal Agents for Open-Ended Tasks in Real Computer Environments
red-down-arrow 872 mlabonne/llm-datasets
2024-07-12_1041_8
High-quality datasets, tools, and concepts for LLM fine-tuning.
red-down-arrow 873 wpilibsuite/allwpilib
2024-07-12_1035_0
Official Repository of WPILibJ and WPILibC
red-down-arrow 874 Profluent-AI/OpenCRISPR
2024-07-12_1017_1
AI-generated gene editing systems
red-down-arrow 875 langchain-ai/langchain-extract
2024-07-12_983_1
🦜⛏️ Did you say you like data?
red-down-arrow 876 FoundationVision/GLEE
2024-07-12_974_2
【CVPR2024】GLEE: General Object Foundation Model for Images and Videos at Scale
red-down-arrow 877 myshell-ai/JetMoE
2024-07-12_946_0
Reaching LLaMA2 Performance with 0.1M Dollars
red-down-arrow 878 likejazz/llama3.np
2024-07-12_930_1
llama3.np is pure NumPy implementation for Llama 3 model.
red-down-arrow 879 landing-ai/vision-agent
2024-07-12_927_10
Vision agent
red-down-arrow 880 mustafaaljadery/gemma-2B-10M
2024-07-12_893_0
Gemma 2B with 10M context length using Infini-attention.
red-down-arrow 881 Azure-Samples/graphrag-accelerator
2024-07-12_893_31
One-click deploy of a Knowledge Graph powered RAG (GraphRAG) in Azure

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.