V
主页
[LangChain] 03 LangGraph 基本概念(AgentState、StateGraph,nodes,edges)
发布人
本期 code:https://github.com/chunhuizhang/llm_aigc/blob/main/tutorials/agents/langchain/LangGraph_basics.ipynb
打开封面
下载高清视频
观看高清视频
视频下载器
[LangChain] 05 LangChain、LangGraph 结构化输出(Structured output),gpt-4o-2024-08-06
[LangChain] 04 LangGraph 构建复杂 RAG workflow(Self-corrective)
[mcts] 01 mcts 基本概念基本原理(UCB)及两个示例
[AI Agent] Agentic Reasoning & workflow工作流,及translation-agent 一个具体的 agent 项目
[pytorch distributed] deepspeed 基本概念、原理(os+g+p)
[LangChain] 01 基础入门,LCEL 、Tool Use、RAG 以及 LangSmith
[pytorch distributed] 02 DDP 基本概念(Ring AllReduce,node,world,rank,参数服务器)
[AI Agent] llama_index RAG 原理及源码分析
[pytorch distributed] 张量并行与 megtron-lm 及 accelerate 配置
[LLMs 实践] 02 LoRA(Low Rank Adaption)基本原理与基本概念,fine-tune 大语言模型
[AI 核心概念及计算] 优化 01 梯度下降(gradient descent)与梯度上升(gradient ascent)细节及可视化分析
[AI 核心概念及计算] 概率计算 01 pytorch 最大似然估计(MLE)伯努利分布的参数
[python 多进程、多线程] 03 GIL、threading、多进程,concurrent.futures
[LLMs inference] quantization 量化整体介绍(bitsandbytes、GPTQ、GGUF、AWQ)
[AI Agent] function calling & tool uses 与 argument generation
[LangChain] 02 conversational agents,ReAct、agent_scratchpad 历史过程信息维护
[LLMs tuning] 03 llama3-8B instruct SFT on Financial RAG
[LLMs inference] hf transformers 中的 KV cache
[动手写神经网络] 手动实现 Transformer Encoder
[personal chatgpt] 从 RoPE 到 CoPE(绝对位置编码,相对位置编码,Contextual Position Encoding)
[pytorch 强化学习] 04 迷宫环境(maze environment)封装 MazeEnv、Agent 类
【comfyui写真工作流搭建】完全没必要花钱去买工作流!这条视频给大家揭秘comfyui写真工作流操作全过程,看到就是学到!
FLUX修脸 修手 提示词反推 高清重绘教程!
[矩阵分析] LoRA 矩阵分析基础之 SVD low rank approximation(低秩逼近)
[pytorch 强化学习] 01 认识环境(environment,gym.Env)以及 CartPole-v0/v1 环境
[LLMs 实践] 20 llama2 源码分析 cache KV(keys、values cache)加速推理
[pytorch 强化学习] 10 从 Q Learning 到 DQN(experience replay 与 huber loss / smooth L1)
【python 运筹优化】scipy.optimize.minimize 使用
【深度学习环境搭建】02 gpu 服务器端部署 jupyter notebook server
【手推公式】可导损失函数(loss function)的梯度下降(GD)、随机梯度下降(SGD)以及mini-batch gd梯度优化策略
[LLMs 实践] 01 llama、alpaca、vicuna 整体介绍及 llama 推理过程
[LLM & AIGC] 03 openai embedding (text-embedding-ada-002)基于 embedding 的文本语义匹配
[pytorch 强化学习] 12 逐行写代码实现 DQN 完全体
[RLHF] 从 PPO rlhf 到 DPO,公式推导与原理分析
[pytorch 网络拓扑结构] 深入理解 nn.LayerNorm 的计算过程
[蒙特卡洛方法] 02 重要性采样(importance sampling)及 python 实现
[蒙特卡洛方法] 01 从黎曼和式积分(Reimann Sum)到蒙特卡洛估计(monte carlo estimation)求积分求期望
【python 数学编程】SymPy 数学家的朋友 | hessian | Jacobian
[矩阵分析] 分块矩阵的角度理解矩阵运算(独热向量与对角矩阵)
[强化学习基础 03] 多臂老虎机(Multi-Armed Bandit)与 UCB