├── .gitattributes ├── LICENSE └── README.md /.gitattributes: -------------------------------------------------------------------------------- 1 | # Auto detect text files and perform LF normalization 2 | * text=auto 3 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2023 ZHIMIN ZHAO 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 |
10 | 11 | **Awesome Awesome Artificial Intelligence** contains many awesome topics closely related to artificial intelligence. 12 | 13 | We also provide a [search toolkit](https://huggingface.co/spaces/zhiminy/awesome-awesome-artificial-intelligence-search) that helps you quickly navigate the awesome lists. 14 | 15 | _If you want to contribute to this list (please do), welcome to [propose a pull request](https://github.com/zhimin-z/awesome-awesome-artificial-intelligence/fork)._ 16 | 17 | _If you have suggestions, critiques, or questions regarding this list, welcome to [raise an issue](https://github.com/zhimin-z/awesome-awesome-artificial-intelligence/issues/new)._ 18 | 19 | Also, a listed repository should be excluded if: 20 | 21 | * It is not popular enough (< 1k stars). 22 | * It is not actively maintained (> 12 months). 23 | 24 | **Notice:** Thanks to the static nature of the markdown format, we do not intend to assign multiple categories to any single list. 25 | 26 | ## Table of Contents 27 | - [**General**](#general) 28 | - [**Compute-specific**](#compute-specific) 29 | - [Alignment & Regulation](#alignment--regulation) 30 | - [AutoML](#automl) 31 | - [Compilation](#compilation) 32 | - [Compression](#compression) 33 | - [Explainability & Interpretability](#explainability--interpretability) 34 | - [Privacy & Safety](#privacy--safety) 35 | - [Robustness](#robustness) 36 | - [System & Production](#system--production) 37 | - [**Learning Paradigm**](#learning-paradigm) 38 | - [Adversarial Learning](#adversarial-learning) 39 | - [Graph Learning](#graph-learning) 40 | - [Reinforcement Learning](#reinforcement-learning) 41 | - [Supervised Learning](#supervised-learning) 42 | - [**Domain-specific**](#domain-specific) 43 | - [Agent](#agent) 44 | - [Anomaly Detection](#anomaly-detection) 45 | - [Audio Processing](#audio-processing) 46 | - [Computer Vision](#computer-vision) 47 | - [Finance](#finance) 48 | - [Knowledge Engineering](#knowledge-engineering) 49 | - [Mathematics](#mathematics) 50 | - [Miscellaneous](#miscellaneous) 51 | - [Multi-modal learning](#multi-modal-learning) 52 | - [Natural Language Processing](#natural-language-processing) 53 | - [Recommendation System](#recommendation-system) 54 | - [Remote Sensing](#remote-sensing) 55 | - [Robotics](#robotics) 56 | - [Software Engineering](#software-engineering) 57 | - [Time Series](#time-series) 58 | - [Transformer](#transformer) 59 | - [Miscellaneous](#miscellaneous-1) 60 | - [**Guideline & Tutorial**](#guideline--tutorial) 61 | - [**Career**](#career) 62 | 63 | # General 64 | 65 | | Name | Description | Popularity | 66 | | ---- | ----------- | ---------- | 67 | | [Awesome AI-ML-DL](https://github.com/neomatrix369/awesome-ai-ml-dl) | Artificial intelligence, machine learning, and deep learning. |  | 68 | | [Awesome AI Tools](https://github.com/ikaijua/Awesome-AITools) | Utilities of artificial intelligence. |  | 69 | | [Awesome Artificial Intelligence](https://github.com/owainlewis/awesome-artificial-intelligence) | Artificial intelligence courses, books, video lectures and papers. |  | 70 | | [Awesome Deep Learning](https://github.com/ChristosChristofidis/awesome-deep-learning) | Deep learning tutorials, projects, and communities. |  | 71 | | [Awesome Deep Learning Resources](https://github.com/endymecy/awesome-deeplearning-resources) | Recent papers regarding deep learning. |  | 72 | | [Awesome Generative AI](https://github.com/filipecalegario/awesome-generative-ai) | Projects, tools, artworks, and models on generative AI. |  | 73 | | [Awesome Generative AI](https://github.com/steven2358/awesome-generative-ai) | Projects and services on generative AI. |  | 74 | | [Awesome Machine Learning](https://github.com/josephmisiti/awesome-machine-learning) | Machine learning frameworks, libraries, and software. |  | 75 | | [Awesome ML](https://github.com/underlines/awesome-ml) | Resources on machine learning, analytics, and data science. |  | 76 | | [Awesome Project Ideas](https://github.com/NirantK/awesome-project-ideas) | Practical deep learning and machine learning project ideas. |  | 77 | | [Awesome Rust Machine Learning](https://github.com/vaaaaanquish/Awesome-Rust-MachineLearning) | Machine learning libraries written in Rust. |  | 78 | 79 | 80 | 81 | # Compute-specific 82 | 83 | ## Alignment & Regulation 84 | 85 | | Name | Description | Popularity | 86 | | ---- | ----------- | ---------- | 87 | | [Awesome AI Guidelines](https://github.com/EthicalML/awesome-artificial-intelligence-guidelines) | Artificial intelligence guidelines, principles, codes of ethics, standards, regulations, and beyond. |  | 88 | | [Awesome RLHF](https://github.com/opendilab/awesome-RLHF) | Research papers for reinforcement learning with human feedback. |  | 89 | 90 | ## AutoML 91 | 92 | | Name | Description | Popularity | 93 | | ---- | ----------- | ---------- | 94 | | [Awesome AutoDL](https://github.com/D-X-Y/Awesome-AutoDL) | Resources for automated deep learning. |  | 95 | | [Awesome AutoML Papers](https://github.com/hibayesian/awesome-automl-papers) | Automated machine learning papers, articles, tutorials, slides, and projects. |  | 96 | 97 | ## Compilation 98 | 99 | | Name | Description | Popularity | 100 | | ---- | ----------- | ---------- | 101 | | [Awesome Tensor Compilers](https://github.com/merrymercy/awesome-tensor-compilers) | Compiler projects and papers for tensor computation and deep learning. |  | 102 | 103 | ## Compression 104 | 105 | | Name | Description | Popularity | 106 | | ---- | ----------- | ---------- | 107 | | [Awesome Pruning](https://github.com/he-y/Awesome-Pruning) | Neural network pruning resources. |  | 108 | 109 | ## Explainability & Interpretability 110 | 111 | | Name | Description | Popularity | 112 | | ---- | ----------- | ---------- | 113 | | [Awesome Explainable AI](https://github.com/wangyongjie-ntu/Awesome-explainable-AI) | Research materials on explainable AI. |  | 114 | | [Awesome Explainable Graph Reasoning](https://github.com/AstraZeneca/awesome-explainable-graph-reasoning) | Research papers and software related to explainability in graph machine learning. |  | 115 | | [Awesome LLM Interpretability](https://github.com/JShollaj/awesome-llm-interpretability) | LLM Interpretability resources. |  | 116 | | [Awesome Machine Learning Interpretability](https://github.com/jphall663/awesome-machine-learning-interpretability) | Machine learning interpretability resources. |  | 117 | 118 | ## Privacy & Safety 119 | 120 | | Name | Description | Popularity | 121 | | ---- | ----------- | ---------- | 122 | | [Awesome Blockchain AI](https://github.com/steven2358/awesome-blockchain-ai) | Blockchain projects for artificial intelligence and machine learning. |  | 123 | | [Awesome Federated Learning Resources](https://github.com/youngfish42/Awesome-FL) | Papers, frameworks, and datasets of federated learning on graph and tabular data. |  | 124 | | [Awesome Federated Machine Learning](https://github.com/innovation-cat/Awesome-Federated-Machine-Learning) | Federated learning, including research papers, books, codes, tutorials, videos, and beyond. |  | 125 | | [Awesome Jailbreak on LLMs](https://github.com/yueliu1999/Awesome-Jailbreak-on-LLMs) | Jailbreak methods on LLMs, including papers, codes, datasets, evaluations, and analyses. |  | 126 | | [Awesome GPTs (Agents) for Cybersecurity](https://github.com/fr0gger/Awesome-GPT-Agents) | GPT agents for cybersecurity. |  | 127 | | [Awesome LLM Safety](https://github.com/ydyjya/Awesome-LLM-Safety) | Tools, documents, and projects about LLM Security. |  | 128 | | [Awesome LLM Security](https://github.com/corca-ai/awesome-llm-security) | Safety-related papers, articles, and resources focused on LLMs. |  | 129 | 130 | ## Robustness 131 | 132 | | Name | Description | Popularity | 133 | | ---- | ----------- | ---------- | 134 | | [Awesome Imbalanced Learning](https://github.com/ZhiningLiu1998/awesome-imbalanced-learning) | Resources on class-imbalanced/long-tail learning. |  | 135 | 136 | ## System & Production 137 | 138 | | Name | Description | Popularity | 139 | | ---- | ----------- | ---------- | 140 | | [Awesome LLMOps](https://github.com/tensorchord/Awesome-LLMOps) | LLMOps tools for developers. |  | 141 | | [Awesome LLM Systems Papers](https://github.com/AmberLJC/LLMSys-PaperList) | LLM-related academic papers, articles, tutorials, slides, and projects. |  | 142 | | [Awesome MLOps](https://github.com/visenger/awesome-mlops) | MLOps resources. |  | 143 | | [Awesome MLOps](https://github.com/kelvins/awesome-mlops) | MLOps tools. |  | 144 | | [Awesome Production Machine Learning](https://github.com/EthicalML/awesome-production-machine-learning) | Libraries that will help you deploy, monitor, version, scale, and secure machine learning productionization. |  | 145 | | [Awesome System for Machine Learning](https://github.com/HuaizhengZhang/Awesome-System-for-Machine-Learning) | Research in machine learning systems. |  | 146 | 147 | 148 | 149 | # Learning Paradigm 150 | 151 | ## Adversarial Learning 152 | 153 | | Name | Description | Popularity | 154 | | ---- | ----------- | ---------- | 155 | | [Awesome GAN](https://github.com/nightrome/really-awesome-gan) | Resources for generative adversarial networks. |  | 156 | | [Awesome GAN for Medical Imaging](https://github.com/xinario/awesome-gan-for-medical-imaging) | GAN resources in medical imaging. |  | 157 | | [Awesome KAN](https://github.com/mintisan/awesome-kan) | Libraries, projects, tutorials, papers, and other resources related to Kolmogorov-Arnold Network (KAN). |  | 158 | 159 | ## Graph Learning 160 | 161 | | Name | Description | Popularity | 162 | | ---- | ----------- | ---------- | 163 | | [Awesome Graph Classification](https://github.com/benedekrozemberczki/awesome-graph-classification) | Graph classification methods, covering embedding, deep learning, graph kernel, and factorization papers with reference implementations. |  | 164 | | [Awesome Graph LLM](https://github.com/XiaoxinHe/Awesome-Graph-LLM) | Resources for graph-related LLMs. |  | 165 | | [Awesome Graph Neural Networks](https://github.com/GRAND-Lab/Awesome-Graph-Neural-Networks) | Resources related to graph neural networks. |  | 166 | | [Awesome Graph Self-Supervised Learning](https://github.com/LirongWu/awesome-graph-self-supervised-learning) | Self-supervised graph representation learning resources. |  | 167 | | [Awesome Knowledge Graph](https://github.com/totogo/awesome-knowledge-graph) | Tutorials, databases, tools, and other resources for knowledge graphs. |  | 168 | | [Awesome Knowledge Graph Reasoning](https://github.com/LIANGKE23/Awesome-Knowledge-Graph-Reasoning) | Collections of knowledge graph reasoning works, including papers, codes, and datasets. |  | 169 | | [Awesome Self-supervised GNN](https://github.com/ChandlerBang/awesome-self-supervised-gnn) | Papers on self-supervised learning on graph neural networks. |  | 170 | 171 | ## Reinforcement Learning 172 | 173 | | Name | Description | Popularity | 174 | | ---- | ----------- | ---------- | 175 | | [Awesome Offline RL](https://github.com/hanjuku-kaso/awesome-offline-rl) | Research for offline reinforcement learning. |  | 176 | | [Awesome RL](https://github.com/aikorea/awesome-rl) | Resources dedicated to reinforcement learning. |  | 177 | 178 | ## Supervised Learning 179 | 180 | | Name | Description | Popularity | 181 | | ---- | ----------- | ---------- | 182 | | [Awesome Contrastive Self-supervised Learning](https://github.com/asheeshcric/awesome-contrastive-self-supervised-learning) | Research on contrastive self-supervised learning. |  | 183 | | [Awesome Instruction Tuning Dataset](https://github.com/yaodongC/awesome-instruction-dataset) | Datasets to train instruction-following LLMs. |  | 184 | | [Awesome Learning with Noise Labels](https://github.com/subeeshvasu/Awesome-Learning-with-Label-Noise) | Resources for learning with noisy labels. |  | 185 | | [Awesome Self-supervised Learning](https://github.com/jason718/awesome-self-supervised-learning) | Resources on self-supervised learning. |  | 186 | | [Awesome Semi-supervised Learning](https://github.com/yassouali/awesome-semi-supervised-learning) | Resources on semi-supervised learning. |  | 187 | 188 | 189 | 190 | # Domain-specific 191 | 192 | ## Agent 193 | 194 | | Name | Description | Popularity | 195 | | ---- | ----------- | ---------- | 196 | | [Awesome AI Agent](https://github.com/e2b-dev/awesome-ai-agents) | AI autonomous agents. |  | 197 | | [Awesome Claude Skills](https://github.com/ComposioHQ/awesome-claude-skills) | Skills, prompts, and workflows for Claude AI. |  | 198 | | [Awesome Claude Skills](https://github.com/travisvn/awesome-claude-skills) | Skills, prompts, and workflows for Claude AI. |  | 199 | | [Awesome Claude Skills](https://github.com/VoltAgent/awesome-claude-skills) | Skills, prompts, and workflows for Claude AI. |  | 200 | | [Awesome Embodied Agent with LLMs](https://github.com/zchoi/Awesome-Embodied-Agent-with-LLMs) | Embodied agents based on LLMs. |  | 201 | | [Awesome MCP Clients](https://github.com/punkpeye/awesome-mcp-clients) | Model Context Protocol (MCP) clients. |  | 202 | | [Awesome MCP Servers](https://github.com/punkpeye/awesome-mcp-servers) | MCP servers. |  | 203 | | [Awesome LLM-Powered Agent](https://github.com/hyp1231/awesome-llm-powered-agent) | LLM-powered agents. |  | 204 | | [Awesome Self Evolving Agents](https://github.com/EvoAgentX/Awesome-Self-Evolving-Agents) | Resources about self-evolving agents. |  | 205 | 206 | ## Anomaly Detection 207 | 208 | | Name | Description | Popularity | 209 | | ---- | ----------- | ---------- | 210 | | [Awesome Industrial Anomaly Detection](https://github.com/M-3LAB/awesome-industrial-anomaly-detection) | Papers and datasets for industrial anomaly detection. |  | 211 | 212 | ## Audio Processing 213 | 214 | | Name | Description | Popularity | 215 | | ---- | ----------- | ---------- | 216 | | [Awesome Speech Recognition Speech Synthesis Papers](https://github.com/zzw922cn/awesome-speech-recognition-speech-synthesis-papers) | Resources regarding speech recognition and speech synthesis. |  | 217 | | [Awesome Whisper](https://github.com/sindresorhus/awesome-whisper) | Resources for Whisper. |  | 218 | 219 | ## Computer Vision 220 | 221 | | Name | Description | Popularity | 222 | | ---- | ----------- | ---------- | 223 | | [Awesome AI Image Synthesis](https://github.com/altryne/awesome-ai-art-image-synthesis) | Tools, ideas, models, and helpers for the prompt designer playing with AI art and image synthesis. |  | 224 | | [Awesome Diffusion Models](https://github.com/diff-usion/Awesome-Diffusion-Models) | Resources for diffusion models. |  | 225 | | [Awesome Image Classification](https://github.com/weiaicunzai/awesome-image-classification) | Image classification papers and codes in deep learning. |  | 226 | | [Awesome Image Colorization](https://github.com/MarkMoHR/Awesome-Image-Colorization) | Deep learning-based image colorization and video colorization papers. |  | 227 | | [Awesome Image Registration](https://github.com/Awesome-Image-Registration-Organization/awesome-image-registration) | Books, papers, videos, and toolboxes related to image registration. |  | 228 | | [Awesome Image Translation](https://github.com/weihaox/awesome-image-translation) | Resources image-to-image translation. |  | 229 | | [Awesome LLMs for Video Understanding](https://github.com/yunlong10/Awesome-LLMs-for-Video-Understanding) | Papers, codes and datasets on Vid-LLMs. |  | 230 | | [Awesome Neural Radiance Fields](https://github.com/awesome-NeRF/awesome-NeRF) | Resources related to neural radiance fields. |  | 231 | | [Awesome Open Set Recognition list](https://github.com/iCGY96/awesome_OpenSetRecognition_list) | Resources related to open set recognition, out-of-distribution, open set domain adaptation, and open world recognition. |  | 232 | | [Awesome Person Re-identification](https://github.com/bismex/Awesome-person-re-identification) | Articles for person re-identification. |  | 233 | | [Awesome Talking Face](https://github.com/JosephPai/Awesome-Talking-Face) | Resources for talking face generation. |  | 234 | | [Awesome Talking Head Generation](https://github.com/harlanhong/awesome-talking-head-generation) | Resources for image-driven talking head generation. |  | 235 | | [Awesome Video Diffusion](https://github.com/showlab/Awesome-Video-Diffusion) | Diffusion models for video generation, editing, restoration, understanding, etc.. |  | 236 | 237 | ## Finance 238 | 239 | | Name | Description | Popularity | 240 | | ---- | ----------- | ---------- | 241 | | [Awesome AI in Finance](https://github.com/georgezouq/awesome-ai-in-finance) | Machine learning strategies and tools in the financial market. |  | 242 | 243 | ## Knowledge Engineering 244 | 245 | | Name | Description | Popularity | 246 | | ---- | ----------- | ---------- | 247 | | [Awesome Vector Search](https://github.com/currentslab/awesome-vector-search) | Collections of vector search-related libraries, services, and research papers. |  | 248 | 249 | ## Mathematics 250 | 251 | | Name | Description | Popularity | 252 | | ---- | ----------- | ---------- | 253 | | [Awesome Machine Learning for Combinatorial Optimization Resources](https://github.com/Thinklab-SJTU/awesome-ml4co) | Resources that utilize machine learning technologies to solve combinatorial optimization problems. |  | 254 | | [Awesome Neural ODE](https://github.com/Zymrael/awesome-neural-ode) | Resources regarding the interplay between differential equations, deep learning, dynamical systems, control, and numerical methods. |  | 255 | 256 | ## Miscellaneous 257 | 258 | | Name | Description | Popularity | 259 | | ---- | ----------- | ---------- | 260 | | [Awesome Domain LLM](https://github.com/luban-agi/Awesome-Domain-LLM) | Models, datasets, and evaluation benchmarks for various domains. |  | 261 | 262 | ## Multi-modal learning 263 | | Name | Description | Popularity | 264 | | ---- | ----------- | ---------- | 265 | | [Awesome LLM 3D](https://github.com/ActiveVisionLab/Awesome-LLM-3D) | Multi-modal large language models in 3D world resources. |  | 266 | | [Awesome Multimodal Large Language Models](https://github.com/BradyFU/Awesome-Multimodal-Large-Language-Models) | Multimodal large language models (MLLM). |  | 267 | | [Awesome Multimodal Machine Learning](https://github.com/pliang279/awesome-multimodal-ml) | Research topics in multimodal machine learning. |  | 268 | | [Awesome Multimodal Research](https://github.com/Eurus-Holmes/Awesome-Multimodal-Research) | Multimodal-related research. |  | 269 | 270 | ## Natural Language Processing 271 | 272 | | Name | Description | Popularity | 273 | | ---- | ----------- | ---------- | 274 | | [Awesome ChatGPT](https://github.com/humanloop/awesome-chatgpt) | Tools, demos, and docs for ChatGPT and GPT-3. |  | 275 | | [Awesome ChatGPT](https://github.com/sindresorhus/awesome-chatgpt) | ChatGPT resources. |  | 276 | | [Awesome ChatGPT](https://github.com/eon01/awesome-chatgpt) | ChatGPT resources, including libraries, SDKs, APIs, and more. |  | 277 | | [Awesome ChatGPT](https://github.com/OpenMindClub/awesome-chatgpt) | Resources, tools, applications, and usages of ChatGPT. |  | 278 | | [Awesome ChatGPT](https://github.com/awesome-chatgpt/awesome-chatgpt) | Tools, documents, applications, and use cases for ChatGPT. |  | 279 | | [Awesome ChatGPT](https://github.com/Kamigami55/awesome-chatgpt) | Resources, tools, applications, and usages of ChatGPT. |  | 280 | | [Awesome ChatGPT API](https://github.com/reorx/awesome-chatgpt-api) | Apps and tools that not only use the new ChatGPT API but also allow users to configure their API keys, enabling free and on-demand usage of their quota. |  | 281 | | [Awesome ChatGPT Prompts](https://github.com/f/awesome-chatgpt-prompts) | Prompts to use ChatGPT better. |  | 282 | | [Awesome ChatGPT Prompts (CN)](https://github.com/PlexPt/awesome-chatgpt-prompts-zh) | Chinese prompts to use ChatGPT better. |  | 283 | | [Awesome ChatGPT Repositories](https://github.com/taishi-i/awesome-ChatGPT-repositories) | Resources dedicated to open-source GitHub repositories related to ChatGPT. |  | 284 | | [Awesome Chinese LLM](https://github.com/HqWu-HITCS/Awesome-Chinese-LLM) | Resources for LLM in Chinese. |  | 285 | | [Awesome Deep Learning for Natural Language Processing](https://github.com/brianspiering/awesome-dl4nlp) | Deep learning for natural language processing resources. |  | 286 | | [Awesome Efficient LLM](https://github.com/horseee/Awesome-Efficient-LLM) | Resources for efficient large language models. |  | 287 | | [Awesome Free ChatGPT](https://github.com/LiLittleCat/awesome-free-chatgpt) | Resources for ChatGPT mirror sites. |  | 288 | | [Awesome GPT](https://github.com/formulahendry/awesome-gpt) | Resources related to GPT, ChatGPT, OpenAI, LLM, and more. |  | 289 | | [Awesome GPT Store](https://github.com/Anil-matcha/Awesome-GPT-Store) | GPTS available in public. |  | 290 | | [Awesome GPT Store](https://github.com/devisasari/awesome-gpt-store) | GPTs in the GPT Store. |  | 291 | | [Awesome-GPTs](https://github.com/ai-boost/awesome-gpts) | GPTs on the OpenAI platform. |  | 292 | | [Awesome GPTs](https://github.com/taranjeet/awesome-gpts) | GPTs created by the community. |  | 293 | | [Awesome GPTs Prompts](https://github.com/ai-boost/awesome-prompts) | Prompts from the top-rated GPTs in the GPTs Store. |  | 294 | | [Awesome GPT-3](https://github.com/elyase/awesome-gpt3) | Demos and articles about the OpenAI GPT-3 API. |  | 295 | | [Awesome GPT-4](https://github.com/radi-cho/awesome-gpt4) | Prompts, tools, and resources regarding the GPT-4 language model. |  | 296 | | [Awesome LangChain](https://github.com/kyrolabs/awesome-langchain) | Tools and projects with the LangChain framework. |  | 297 | | [Awesome LLM](https://github.com/Hannibal046/Awesome-LLM) | Large language models. |  | 298 | | [Awesome LLMs Datasets](https://github.com/lmmlzn/Awesome-LLMs-Datasets) | Representative LLMs text datasets. |  | 299 | | [Awesome LLMs in China](https://github.com/wgwang/awesome-LLMs-In-China) | LLMOps tools for developers. |  | 300 | | [Awesome LLM Apps](https://github.com/Shubhamsaboo/awesome-llm-apps) | LLM apps built with Retrieval Augmented Generation (RAG) and AI agents. |  | 301 | | [Awesome LLM Inference](https://github.com/xlite-dev/Awesome-LLM-Inference) | LLM inference papers with code. |  | 302 | | [Awesome LLM JSON List](https://github.com/imaurer/awesome-llm-json) | Resources for using LLMs to generate JSON or other structured outputs. |  | 303 | | [Awesome LLM KG](https://github.com/RManLuo/Awesome-LLM-KG) | Papers about unifying LLMs and KGs. |  | 304 | | [Awesome LLM Long Context Modeling](https://github.com/Xnhyacinth/Awesome-LLM-Long-Context-Modeling) | Must-read papers and blogs on LLM-based long context modeling. |  | 305 | | [Awesome LLM RAG](https://github.com/jxzhangjhu/Awesome-LLM-RAG) | Advanced papers of RAG in LLMs. |  | 306 | | [Awesome LLM RAG Application](https://github.com/lizhe2004/Awesome-LLM-RAG-Application) | Application resources based on LLM with RAG pattern. |  | 307 | | [Awesome LLM Reasoning](https://github.com/atfortes/Awesome-LLM-Reasoning) | Papers and resources on unlocking the reasoning ability of LLMs and MLLMs. |  | 308 | | [Awesome LLM Resourses](https://github.com/WangRongsheng/awesome-LLM-resourses) | Summary of the world's best LLM resources. |  | 309 | | [Awesome LLM Strawberry](https://github.com/hijkzzz/Awesome-LLM-Strawberry) | Research papers & blogs for OpenAI Strawberry(o1) and Reasoning. |  | 310 | | [Awesome Pretrained Chinese NLP Models](https://github.com/lonePatient/awesome-pretrained-chinese-nlp-models) | Pre-trained NLP models in Chinese. |  | 311 | | [Awesome Prompt Engineering](https://github.com/promptslab/Awesome-Prompt-Engineering) | Resources for prompt engineering. |  | 312 | | [Awesome System2 Reasoning LLM](https://github.com/zzli2022/Awesome-System2-Reasoning-LLM) | Survey of reasoning large language models. |  | 313 | | [Awesome Totally Open Chatgpt](https://github.com/nichtdax/awesome-totally-open-chatgpt) | Open alternatives to ChatGPT. |  | 314 | 315 | ## Recommendation System 316 | 317 | | Name | Description | Popularity | 318 | | ---- | ----------- | ---------- | 319 | | [Awesome Deep Learning Papers for Search Recommendation Advertising](https://github.com/guyulongcs/Awesome-Deep-Learning-Papers-for-Search-Recommendation-Advertising) | Deep learning papers for industrial search, recommendation, and advertisement. |  | 320 | | [Awesome LLM for RecSys](https://github.com/CHIANGEL/Awesome-LLM-for-RecSys) | Papers and resources for LLM-related recommender system topics. |  | 321 | | [Awesome LLM4Rec Papers](https://github.com/WLiK/LLM4Rec-Awesome-Papers) | Deep learning papers for industrial search, recommendation, and advertisement. |  | 322 | 323 | ## Remote Sensing 324 | 325 | | Name | Description | Popularity | 326 | | ---- | ----------- | ---------- | 327 | | [Awesome Remote Sensing Foundation Models](https://github.com/Jack-bo1220/Awesome-Remote-Sensing-Foundation-Models) | Papers, datasets, benchmarks, code, and pre-trained weights for remote sensing foundation models (RSFMs). |  | 328 | 329 | ## Robotics 330 | 331 | | Name | Description | Popularity | 332 | | ---- | ----------- | ---------- | 333 | | [Awesome LLM Robotics](https://github.com/GT-RIPL/Awesome-LLM-Robotics) | Resources using large language/multi-modal models for Robotics/RL, including papers, codes, and related websites. |  | 334 | | [Awesome Robotics](https://github.com/kiloreux/awesome-robotics) | Books, courses, and other resources for robotics. |  | 335 | | [Awesome Robotics Foundation Models](https://github.com/endymecy/awesome-deeplearning-resources) | Resources regarding robotics-specific foundation models. |  | 336 | | [Awesome Robotics Project](https://github.com/mjyc/awesome-robotics-projects) | Open-source, affordable, less-known, or visionary robotics projects, and robotics tooling companies. |  | 337 | 338 | ## Software Engineering 339 | 340 | | Name | Description | Popularity | 341 | | ---- | ----------- | ---------- | 342 | | [Awesome AIOps](https://github.com/linjinjin123/awesome-AIOps) | Resources for AIOps. |  | 343 | | [Awesome Machine Learning for Compilers and Program Optimisation](https://github.com/zwang4/awesome-machine-learning-in-compilers) | Research papers, datasets, and tools for applying machine learning techniques to compilers and program optimization. |  | 344 | 345 | ## Time Series 346 | 347 | | Name | Description | Popularity | 348 | | ---- | ----------- | ---------- | 349 | | [Awesome Time Series](https://github.com/cuge1995/awesome-time-series) | Papers, code, and other resources for time series forecasting. |  | 350 | | [Awesome Time Series Anomaly Detection](https://github.com/rob-med/awesome-TS-anomaly-detection) | Tools and datasets for anomaly detection on time-series data. |  | 351 | 352 | 353 | 354 | ## Transformer 355 | 356 | | Name | Description | Popularity | 357 | | ---- | ----------- | ---------- | 358 | | [Awesome Detection Transformer](https://github.com/IDEA-Research/awesome-detection-transformer) | Papers for detection and segmentation with Transformer. |  | 359 | | [Awesome Transformer Attention](https://github.com/cmhungsteve/Awesome-Transformer-Attention) | Vision Transformers and attention, including papers, codes, and related websites. |  | 360 | | [Awesome Transformers in Medical Imaging](https://github.com/fahadshamshad/awesome-transformers-in-medical-imaging) | Resources on applications of Transformer in medical imaging. |  | 361 | | [Awesome Transformer NLP](https://github.com/cedrickchee/awesome-transformer-nlp) | NLP resources focused on the Transformer, attention mechanism, etc.. |  | 362 | | [Awesome Visual Transformer](https://github.com/dk-liang/Awesome-Visual-Transformer) | Research about Transformer with vision. |  | 363 | 364 | ## Miscellaneous 365 | 366 | | Name | Description | Popularity | 367 | | ---- | ----------- | ---------- | 368 | | [Awesome Equivariant Network](https://github.com/Chen-Cai-OSU/awesome-equivariant-network) | Papers for equivariant neural networks. |  | 369 | | [Awesome Neural Geometry](https://github.com/neurreps/awesome-neural-geometry) | Resources related to the geometry of representations in the brain, deep networks, and beyond. |  | 370 | 371 | 372 | 373 | # Guideline & Tutorial 374 | 375 | | Name | Description | Popularity | 376 | | ---- | ----------- | ---------- | 377 | | [Awesome AIGC Tutorials](https://github.com/luban-agi/awesome-aigc-tutorials) | Tutorials and resources for large language models, AI painting, and more. |  | 378 | | [Awesome Generative AI Guide](https://github.com/aishwaryanr/awesome-generative-ai-guide) | Free machine learning and AI courses with video lectures. |  | 379 | | [Awesome Machine Learning and AI Courses](https://github.com/luspr/awesome-ml-courses) | Generative AI research updates, interview resources, notebooks and more |  | 380 | | [Awesome Nano Banana Pro](https://github.com/ZeroLu/awesome-nanobanana-pro) | Prompts and resources for mastering the Nano Banana Pro AI image model. |  | 381 | | [Awesome Summer School in Machine Learning](https://github.com/sshkhr/awesome-mlss) | Summer schools in machine learning + related fields across the globe. |  | 382 | 383 | # Career 384 | 385 | | Name | Description | Popularity | 386 | | ---- | ----------- | ---------- | 387 | | [Awesome AI Residency](https://github.com/dangkhoasdc/awesome-ai-residency) | AI residency programs. |  | 388 | | [Awesome Generative AI Data Scientist](https://github.com/business-science/awesome-generative-ai-data-scientist) | Resources for building and deploying generative AI for data scientists. |  | 389 | --------------------------------------------------------------------------------