Skip to content

Commit 0b328c9

Browse files
committed
more markdown table conversion
1 parent e094ddb commit 0b328c9

File tree

1 file changed

+62
-46
lines changed

1 file changed

+62
-46
lines changed

README.md

Lines changed: 62 additions & 46 deletions
Original file line numberDiff line numberDiff line change
@@ -144,73 +144,89 @@ A curated list of 100+ resources to help you become a Generative AI Data Scienti
144144

145145
## AI Frameworks (Drag and Drop)
146146

147-
- [LangGraph Studio](https://github.com/langchain-ai/langgraph-studio): IDE that enables visualization, interaction, and debugging of complex agentic applications
148-
- [Langflow](https://www.langflow.org/): A low-code tool that makes building powerful AI agents and workflows that can use any API, model, or database easier. [Documentation](https://docs.langflow.org/) | [Github](https://github.com/langflow-ai/langflow)
149-
- [Pyspur](https://www.pyspur.dev/): Graph-Based Editor for LLM Workflows [Documentation](https://docs.pyspur.dev/introduction) | [Github](https://github.com/PySpur-Dev/PySpur)
150-
- [LangWatch](https://langwatch.ai/): Monitor, Evaluate & Optimize your LLM performance with 1-click. Drag and drop interface for LLMOps platform. [Documentation](https://docs.langwatch.ai/) | [GitHub](https://github.com/langwatch/langwatch)
151-
- [AutoGen Studio](https://microsoft.github.io/autogen/stable/user-guide/autogenstudio-user-guide/index.html): AutoGen Studio is a low-code interface built to help you rapidly prototype AI agents, enhance them with tools, compose them into teams and interact with them to accomplish tasks. It is built on AutoGen AgentChat - a high-level API for building multi-agent applications.
152-
- [n8n](https://n8n.io/): Fair-code workflow automation platform with native AI capabilities. Combine visual building with custom code, self-host or cloud, 400+ integrations. [Documentation](https://docs.n8n.io/) | [GitHub](https://github.com/n8n-io/n8n)
147+
| **Project** | **Description** | **Links** |
148+
|-------------|------------------|-----------|
149+
| [LangGraph Studio](https://github.com/langchain-ai/langgraph-studio) | IDE that enables visualization, interaction, and debugging of complex agentic applications. | [GitHub](https://github.com/langchain-ai/langgraph-studio) |
150+
| [Langflow](https://www.langflow.org/) | A low-code tool that makes building powerful AI agents and workflows that can use any API, model, or database easier. | [Documentation](https://docs.langflow.org/) \| [GitHub](https://github.com/langflow-ai/langflow) |
151+
| [Pyspur](https://www.pyspur.dev/) | Graph-Based Editor for LLM Workflows. | [Documentation](https://docs.pyspur.dev/introduction) \| [GitHub](https://github.com/PySpur-Dev/PySpur) |
152+
| [LangWatch](https://langwatch.ai/) | Monitor, Evaluate & Optimize your LLM performance with 1-click. Drag and drop interface for LLMOps platform. | [Documentation](https://docs.langwatch.ai/) \| [GitHub](https://github.com/langwatch/langwatch) |
153+
| [AutoGen Studio](https://microsoft.github.io/autogen/stable/user-guide/autogenstudio-user-guide/index.html) | A low-code interface to rapidly prototype AI agents, enhance them with tools, compose them into teams, and interact with them to accomplish tasks. Built on AutoGen AgentChat. | [Documentation](https://microsoft.github.io/autogen/stable/user-guide/autogenstudio-user-guide/index.html) |
154+
| [n8n](https://n8n.io/) | Fair-code workflow automation platform with native AI capabilities. Combine visual building with custom code, self-host or cloud, 400+ integrations. | [Documentation](https://docs.n8n.io/) \| [GitHub](https://github.com/n8n-io/n8n) |
153155

154156
## LLM Providers
155157

156-
- [OpenAI](https://github.com/openai/openai-python): The official Python library for the OpenAI API
157-
- [OpenAI Agents](https://github.com/openai/openai-agents-python): The OpenAI Agents SDK is a lightweight yet powerful framework for building multi-agent workflows.
158-
- [Hugging Face Models](https://huggingface.co/models): Open LLM models by Meta, Mistral, and hundreds of other providers
159-
- [Anthropic Claude](https://github.com/anthropics/anthropic-sdk-python): The official Python library for the Anthropic API
160-
- [Meta Llama Models](https://llama.meta.com/): The open source AI model you can fine-tune, distill and deploy anywhere.
161-
- [Google Gemini](https://github.com/google-gemini/generative-ai-python): The official Python library for the Google Gemini API
162-
- [Ollama](https://github.com/ollama/ollama): Get up and running with large language models locally.
163-
- [Grok](https://github.com/groq/groq-python): The official Python Library for the Groq API
158+
| **Provider** | **Description** | **Links** |
159+
|--------------|------------------|-----------|
160+
| [OpenAI](https://github.com/openai/openai-python) | The official Python library for the OpenAI API. | [GitHub](https://github.com/openai/openai-python) |
161+
| [OpenAI Agents](https://github.com/openai/openai-agents-python) | The OpenAI Agents SDK is a lightweight yet powerful framework for building multi-agent workflows. | [GitHub](https://github.com/openai/openai-agents-python) |
162+
| [Hugging Face Models](https://huggingface.co/models) | Open LLM models by Meta, Mistral, and hundreds of other providers. | [Hugging Face](https://huggingface.co/models) |
163+
| [Anthropic Claude](https://github.com/anthropics/anthropic-sdk-python) | The official Python library for the Anthropic API. | [GitHub](https://github.com/anthropics/anthropic-sdk-python) |
164+
| [Meta Llama Models](https://llama.meta.com/) | The open-source AI model you can fine-tune, distill, and deploy anywhere. | [Meta](https://llama.meta.com/) |
165+
| [Google Gemini](https://github.com/google-gemini/generative-ai-python) | The official Python library for the Google Gemini API. | [GitHub](https://github.com/google-gemini/generative-ai-python) |
166+
| [Ollama](https://github.com/ollama/ollama) | Get up and running with large language models locally. | [GitHub](https://github.com/ollama/ollama) |
167+
| [Grok](https://github.com/groq/groq-python) | The official Python library for the Groq API. | [GitHub](https://github.com/groq/groq-python) |
164168

165169
## Open Source LLM Models
166170

167-
- [DeepSeek-R1](https://www.deepseek.com/): 1st generation reasoning model that competes with OpenAI o1. [Paper](https://arxiv.org/abs/2501.12948) | [GitHub](https://github.com/deepseek-ai/DeepSeek-R1)
168-
- [Qwen](https://qwenlm.github.io/): Alibaba's Qwen models [GitHub](https://github.com/QwenLM/Qwen)
169-
- [Llama](https://www.llama.com/): Meta's foundational models [GitHub](https://github.com/meta-llama/llama)
171+
| **Project** | **Description** | **Links** |
172+
|-------------|------------------|-----------|
173+
| [DeepSeek-R1](https://www.deepseek.com/) | 1st generation reasoning model that competes with OpenAI o1. | [Paper](https://arxiv.org/abs/2501.12948) \| [GitHub](https://github.com/deepseek-ai/DeepSeek-R1) |
174+
| [Qwen](https://qwenlm.github.io/) | Alibaba's Qwen models. | [GitHub](https://github.com/QwenLM/Qwen) |
175+
| [Llama](https://www.llama.com/) | Meta's foundational models. | [GitHub](https://github.com/meta-llama/llama) |
170176

171177
## LangChain Ecosystem
172178

173-
- [LangChain](https://www.langchain.com/): A framework for developing applications powered by large language models (LLMs). [Documentation](https://python.langchain.com/) | [Github](https://github.com/langchain-ai/langchain) [Cookbook](https://github.com/langchain-ai/langchain/tree/master/cookbook)
174-
- [LangGraph](https://github.com/langchain-ai/langgraph): A library for building stateful, multi-actor applications with LLMs, used to create agent and multi-agent workflows. [Documentation](https://langchain-ai.github.io/langgraph/) [Tutorials](https://github.com/langchain-ai/langgraph/tree/main/docs/docs/tutorials)
175-
- [LangSmith](https://smith.langchain.com/): LangSmith is a platform for building production-grade LLM applications. It allows you to closely monitor and evaluate your application, so you can quickly and confidently ship. [Documentation](https://docs.smith.langchain.com/) | [Github](https://github.com/langchain-ai/langsmith-sdk)
179+
| **Project** | **Description** | **Links** |
180+
|-------------|------------------|-----------|
181+
| [LangChain](https://www.langchain.com/) | A framework for developing applications powered by large language models (LLMs). | [Documentation](https://python.langchain.com/) \| [GitHub](https://github.com/langchain-ai/langchain) \| [Cookbook](https://github.com/langchain-ai/langchain/tree/master/cookbook) |
182+
| [LangGraph](https://github.com/langchain-ai/langgraph) | A library for building stateful, multi-actor applications with LLMs, used to create agent and multi-agent workflows. | [Documentation](https://langchain-ai.github.io/langgraph/) \| [Tutorials](https://github.com/langchain-ai/langgraph/tree/main/docs/docs/tutorials) |
183+
| [LangSmith](https://smith.langchain.com/) | A platform for building production-grade LLM applications. It allows you to closely monitor and evaluate your application, so you can quickly and confidently ship. | [Documentation](https://docs.smith.langchain.com/) \| [GitHub](https://github.com/langchain-ai/langsmith-sdk) |
176184

177185
## LangGraph Extensions
178186

179-
- [LangGraph Prebuilt Agents](https://langchain-ai.github.io/langgraph/prebuilt/): Prebuilt agents for LangGraph (includes 3rd Party LangGraph extensions)
180-
- [AI Data Science Team](https://github.com/business-science/ai-data-science-team): An AI-powered data science team of agents to help you perform common data science tasks 10X faster.
181-
- [LangMem](https://github.com/langchain-ai/langmem): LangMem provides tooling to extract important information from conversations, optimize agent behavior through prompt refinement, and maintain long-term memory. [GitHub](https://github.com/langchain-ai/langmem)
182-
- [LangGraph Supervisor](https://github.com/langchain-ai/langgraph-supervisor): A Python library for creating hierarchical multi-agent systems using LangGraph. [GitHub](https://github.com/langchain-ai/langgraph-supervisor)
183-
- [Open Deep Research](https://github.com/langchain-ai/open_deep_research): An open source assistant that automates research and produces customizable reports on any topic. [GitHub](https://github.com/langchain-ai/open_deep_research)
184-
- [LangGraph Reflection](https://github.com/langchain-ai/langgraph-reflection): This prebuilt graph is an agent that uses a reflection-style architecture to check and improve an initial agent's output. [GitHub](https://github.com/langchain-ai/langgraph-reflection)
185-
- [LangGraph Big Tool](https://github.com/langchain-ai/langgraph-bigtool): Create LangGraph agents that can access large numbers of tools [GitHub](https://github.com/langchain-ai/langgraph-bigtool)
186-
- [LangGraph CodeAct](https://github.com/langchain-ai/langgraph-codeact): This library implements the CodeAct architecture in LangGraph. This is the architecture is used by Manus.im. [GitHub](https://github.com/langchain-ai/langgraph-codeact)
187-
- [LangGraph Swarm](https://github.com/langchain-ai/langgraph-swarm-py): Create swarm-style multi-agent systems using LangGraph. A swarm is a type of multi-agent architecture where agents dynamically hand off control to one another based on their specializations. [GitHub](https://github.com/langchain-ai/langgraph-swarm-py)
188-
- [LangChain MCP Adapters](https://github.com/langchain-ai/langchain-mcp-adapters): Provides a lightweight wrapper that makes Anthropic Model Context Protocol (MCP) tools compatible with LangChain and LangGraph. [GitHub](https://github.com/langchain-ai/langchain-mcp-adapters)
187+
| **Project** | **Description** | **Links** |
188+
|-------------|------------------|-----------|
189+
| [LangGraph Prebuilt Agents](https://langchain-ai.github.io/langgraph/prebuilt/) | Prebuilt agents for LangGraph (includes 3rd Party LangGraph extensions). | [Documentation](https://langchain-ai.github.io/langgraph/prebuilt/) |
190+
| [AI Data Science Team](https://github.com/business-science/ai-data-science-team) | An AI-powered data science team of agents to help you perform common data science tasks 10X faster. | [GitHub](https://github.com/business-science/ai-data-science-team) |
191+
| [LangMem](https://github.com/langchain-ai/langmem) | LangMem provides tooling to extract important information from conversations, optimize agent behavior through prompt refinement, and maintain long-term memory. | [GitHub](https://github.com/langchain-ai/langmem) |
192+
| [LangGraph Supervisor](https://github.com/langchain-ai/langgraph-supervisor) | A Python library for creating hierarchical multi-agent systems using LangGraph. | [GitHub](https://github.com/langchain-ai/langgraph-supervisor) |
193+
| [Open Deep Research](https://github.com/langchain-ai/open_deep_research) | An open-source assistant that automates research and produces customizable reports on any topic. | [GitHub](https://github.com/langchain-ai/open_deep_research) |
194+
| [LangGraph Reflection](https://github.com/langchain-ai/langgraph-reflection) | This prebuilt graph is an agent that uses a reflection-style architecture to check and improve an initial agent's output. | [GitHub](https://github.com/langchain-ai/langgraph-reflection) |
195+
| [LangGraph Big Tool](https://github.com/langchain-ai/langgraph-bigtool) | Create LangGraph agents that can access large numbers of tools. | [GitHub](https://github.com/langchain-ai/langgraph-bigtool) |
196+
| [LangGraph CodeAct](https://github.com/langchain-ai/langgraph-codeact) | This library implements the CodeAct architecture in LangGraph. This architecture is used by Manus.im. | [GitHub](https://github.com/langchain-ai/langgraph-codeact) |
197+
| [LangGraph Swarm](https://github.com/langchain-ai/langgraph-swarm-py) | Create swarm-style multi-agent systems using LangGraph. Agents dynamically hand off control to one another based on their specializations. | [GitHub](https://github.com/langchain-ai/langgraph-swarm-py) |
198+
| [LangChain MCP Adapters](https://github.com/langchain-ai/langchain-mcp-adapters) | Provides a lightweight wrapper that makes Anthropic Model Context Protocol (MCP) tools compatible with LangChain and LangGraph. | [GitHub](https://github.com/langchain-ai/langchain-mcp-adapters) |
189199

190200
## Huggingface Ecosystem
191201

192-
- [Huggingface](https://huggingface.co/): An open-source platform for machine learning (ML) and artificial intelligence (AI) tools and models. [Documentation](https://huggingface.co/docs)
193-
- [Transformers](https://huggingface.co/docs/transformers): Transformers provides APIs and tools to easily download and train state-of-the-art pretrained models.
194-
- [Tokenizers](https://huggingface.co/docs/tokenizers): Tokenizers provides an implementation of today’s most used tokenizers, with a focus on performance and versatility [Documentation] | [Github](https://github.com/huggingface/transformers)
195-
- [Sentence Transformers](https://sbert.net/): Sentence Transformers (a.k.a. SBERT) is the go-to Python module for accessing, using, and training state-of-the-art text and image embedding models.
196-
- [smolagents](https://huggingface.co/docs/smolagents): The simplest framework out there to build powerful agents [Documentation](https://huggingface.co/docs/smolagents) | [Github](https://github.com/huggingface/smolagents)
202+
| **Project** | **Description** | **Links** |
203+
|-------------|------------------|-----------|
204+
| [Huggingface](https://huggingface.co/) | An open-source platform for machine learning (ML) and artificial intelligence (AI) tools and models. | [Documentation](https://huggingface.co/docs) |
205+
| [Transformers](https://huggingface.co/docs/transformers) | Transformers provides APIs and tools to easily download and train state-of-the-art pretrained models. | [Documentation](https://huggingface.co/docs/transformers) |
206+
| [Tokenizers](https://huggingface.co/docs/tokenizers) | Tokenizers provides an implementation of today’s most used tokenizers, with a focus on performance and versatility. | [Documentation](https://huggingface.co/docs/tokenizers) \| [GitHub](https://github.com/huggingface/transformers) |
207+
| [Sentence Transformers](https://sbert.net/) | Sentence Transformers (a.k.a. SBERT) is the go-to Python module for accessing, using, and training state-of-the-art text and image embedding models. | [Documentation](https://sbert.net/) |
208+
| [smolagents](https://huggingface.co/docs/smolagents) | The simplest framework out there to build powerful agents. | [Documentation](https://huggingface.co/docs/smolagents) \| [GitHub](https://github.com/huggingface/smolagents) |
197209

198210
## Vector Databases (RAG)
199211

200-
- [ChromaDB](https://github.com/chroma-core/chroma): The fastest way to build Python or JavaScript LLM apps with memory!
201-
- [FAISS](https://github.com/facebookresearch/faiss): A library for efficient similarity search and clustering of dense vectors.
202-
- [Qdrant](https://qdrant.tech/): High-Performance Vector Search at Scale
203-
- [Pinecone](https://github.com/pinecone-io/pinecone-python-client): The official Pinecone Python SDK.
204-
- [Milvus](https://github.com/milvus-io/milvus): Milvus is an open-source vector database built to power embedding similarity search and AI applications.
205-
- [SQLite Vec](https://github.com/asg017/sqlite-vec): A vector search SQLite extension that runs anywhere! [GitHub](https://github.com/asg017/sqlite-vec)
212+
| **Project** | **Description** | **Links** |
213+
|-------------|------------------|-----------|
214+
| [ChromaDB](https://github.com/chroma-core/chroma) | The fastest way to build Python or JavaScript LLM apps with memory! | [GitHub](https://github.com/chroma-core/chroma) |
215+
| [FAISS](https://github.com/facebookresearch/faiss) | A library for efficient similarity search and clustering of dense vectors. | [GitHub](https://github.com/facebookresearch/faiss) |
216+
| [Qdrant](https://qdrant.tech/) | High-Performance Vector Search at Scale. | [Website](https://qdrant.tech/) |
217+
| [Pinecone](https://github.com/pinecone-io/pinecone-python-client) | The official Pinecone Python SDK. | [GitHub](https://github.com/pinecone-io/pinecone-python-client) |
218+
| [Milvus](https://github.com/milvus-io/milvus) | Milvus is an open-source vector database built to power embedding similarity search and AI applications. | [GitHub](https://github.com/milvus-io/milvus) |
219+
| [SQLite Vec](https://github.com/asg017/sqlite-vec) | A vector search SQLite extension that runs anywhere! | [GitHub](https://github.com/asg017/sqlite-vec) |
206220

207221
## Pretraining
208222

209-
- [PyTorch](https://pytorch.org/): PyTorch is an open-source machine learning library based on the Torch library, used for applications such as computer vision and natural language processing.
210-
- [TensorFlow](https://www.tensorflow.org/): TensorFlow is an open-source machine learning library developed by Google.
211-
- [JAX](https://github.com/jax-ml/jax): Google’s library for high-performance computing and automatic differentiation.
212-
- [tinygrad](https://github.com/tinygrad/tinygrad): A minimalistic deep learning library with a focus on simplicity and educational use, created by George Hotz.
213-
- [micrograd](https://github.com/karpathy/micrograd): A simple, lightweight autograd engine for educational purposes, created by Andrej Karpathy.
223+
| **Project** | **Description** | **Links** |
224+
|-------------|------------------|-----------|
225+
| [PyTorch](https://pytorch.org/) | PyTorch is an open-source machine learning library based on the Torch library, used for applications such as computer vision and natural language processing. | [Website](https://pytorch.org/) |
226+
| [TensorFlow](https://www.tensorflow.org/) | TensorFlow is an open-source machine learning library developed by Google. | [Website](https://www.tensorflow.org/) |
227+
| [JAX](https://github.com/jax-ml/jax) | Google’s library for high-performance computing and automatic differentiation. | [GitHub](https://github.com/jax-ml/jax) |
228+
| [tinygrad](https://github.com/tinygrad/tinygrad) | A minimalistic deep learning library with a focus on simplicity and educational use, created by George Hotz. | [GitHub](https://github.com/tinygrad/tinygrad) |
229+
| [micrograd](https://github.com/karpathy/micrograd) | A simple, lightweight autograd engine for educational purposes, created by Andrej Karpathy. | [GitHub](https://github.com/karpathy/micrograd) |
214230

215231
## Fine-tuning
216232

0 commit comments

Comments
 (0)