新溪-gordon
V2025.09

AI

  • 1. 常用
    • 1.1. 常用
    • 1.2. AIGC
    • 1.3. 机器学习machine learning
    • 1.4. BI(Business Intelligence)
    • 1.5. 深度学习
      • 1.5.1. 常用
      • 1.5.2. 历史
    • 1.6. monitor
    • 1.7. 相关算法
    • 1.8. 工具
    • 1.9. 常见问题
    • 1.10. 机器人领域
  • 2. 理论
    • 2.1. 关键定义
      • 2.1.1. 协同过滤(Collaborative Filtering, CF)
      • 2.1.2. MF(Matrix Factorization,矩阵分解)
      • 2.1.3. PMF(Probabilistic Matrix Factorization,概率矩阵分解)
      • 2.1.4. Two-Tower Models(双塔模型)
      • 2.1.5. 通用
      • 2.1.6. Pipeline Parallelism
      • 2.1.7. Tensor Parallesim
      • 2.1.8. 激活函数-Sigmoid
      • 2.1.9. 激活函数-ReLU
      • 2.1.10. 激活函数-Leaky ReLU
      • 2.1.11. 激活函数-Tanh
      • 2.1.12. 激活函数-GELU
      • 2.1.13. 归一化-L1
      • 2.1.14. 归一化-L2
      • 2.1.15. 概率分布-Softmax
      • 2.1.16. 概率分布-logsoftmax
      • 2.1.17. 概率分布-Sparsemax
      • 2.1.18. 损失函数-分类-cross-entropy(交叉熵)
      • 2.1.19. 损失函数-分类-负对数似然损失NLL Loss
      • 2.1.20. 损失函数-分类-对数损失(Log Loss)
      • 2.1.21. 损失函数-分类-KL 散度(KL Loss)
      • 2.1.22. 损失函数-回归-均方误差(MSE)
      • 2.1.23. 损失函数-回归-平均绝对误差(MAE)
      • 2.1.24. 损失函数-回归-Huber 损失
      • 2.1.25. 损失函数-回归-对数余弦损失(Log-Cosh Loss)
      • 2.1.26. 权重衰减(L2正则化)
      • 2.1.27. GD(梯度下降)
      • 2.1.28. SGD随机梯度下降
      • 2.1.29. RMSprop
      • 2.1.30. Adam
      • 2.1.31. AdamW
      • 2.1.32. Momentum
      • 2.1.33. HMM-隐马尔可夫模型
      • 2.1.34. WWM-Whole Word Masking
      • 2.1.35. CRF-条件随机场
      • 2.1.36. ANN(NN)
      • 2.1.37. 深度神经网络(Deep Neural Network, DNN)
      • 2.1.38. 卷积神经网络(Convolutional Neural Network, CNN)
      • 2.1.39. RNN: 循环神经网(Recurrent Neural Network, RNN)
      • 2.1.40. LSTM: 长短时记忆(Long Short Term Memory, LSTM)
      • 2.1.41. 前向/反向传播
      • 2.1.42. Linear Layer
      • 2.1.43. Feedforward Network-前馈网络
      • 2.1.44. LayerNorm(层归一化)
      • 2.1.45. Weight Tying
      • 2.1.46. Greedy Decoding
      • 2.1.47. Image Grounding
      • 2.1.48. Perplexity(PPL)困惑度
      • 2.1.49. Manhattan World(曼哈顿世界)
      • 2.1.50. Hough Transform(霍夫变换)
      • 2.1.51. 极坐标表示法(Polar Coordinate System)
      • 2.1.52. Gaussian Sphere(高斯球)
      • 2.1.53. 边缘方向 Edge Direction
      • 2.1.54. NormalVector法向量
      • 2.1.55. AllReduce
      • 2.1.56. BPE
      • 2.1.57. Embedding 模型
      • 2.1.58. K-Means聚类算法
      • 2.1.59. LLM
      • 2.1.60. 深度学习相关
      • 2.1.61. 其他
      • 2.1.62. 判别式模型vs生成式模型
      • 2.1.63. 欧几里得空间(Euclidean space)
      • 2.1.64. 矢量化计算(Vectorize calculations)
    • 2.2. 临时
      • 2.2.1. ReAct框架
      • 2.2.2. Reflection反思
      • 2.2.3. 数学
      • 2.2.4. bag-of-words
      • 2.2.5. Word2Vec
      • 2.2.6. Doc2Vec
      • 2.2.7. FastText
      • 2.2.8. LDA-Latent Dirichlet Allocation(潜在狄利克雷分配)
      • 2.2.9. overfitting&underfitting
      • 2.2.10. RAG
      • 2.2.11. Agent
      • 2.2.12. LLM
      • 2.2.13. RL-强化学习
      • 2.2.14. Prompt Engineering
      • 2.2.15. LLM调优(finetune)
      • 2.2.16. Workflow
      • 2.2.17. 通用
  • 3. 大模型
    • 3.1. 常用
      • 3.1.1. 常用
      • 3.1.2. 依赖安装
      • 3.1.3. 编码-解码器
      • 3.1.4. 使用
      • 3.1.5. 临时
    • 3.2. 著名模型
      • 3.2.1. Qwen3
      • 3.2.2. DeepSeek-R1-推理模型
      • 3.2.3. LLaMA
      • 3.2.4. ChatGLM
      • 3.2.5. BERT
      • 3.2.6. OpenAI
      • 3.2.7. BART
      • 3.2.8. T5
      • 3.2.9. ChatRWKV
      • 3.2.10. Open-Assistant
      • 3.2.11. OpenGVLab
    • 3.3. 调优
    • 3.4. 模型量化(Quantization)
      • 3.4.1. 常用
      • 3.4.2. GGUF 文件
    • 3.5. 文件格式
      • 3.5.1. 通用
      • 3.5.2. GGML系列文件格式
      • 3.5.3. ONNX
        • 常用
        • ONNX
        • onnxruntime
        • skl2onnx
      • 3.5.4. NCNN
    • 3.6. 商业项目
      • 3.6.1. 常用
      • 3.6.2. OpenAI
    • 3.7. Prompt 提示词
      • 3.7.1. 中文
      • 3.7.2. English
      • 3.7.3. 示例
    • 3.8. Android版LLM相关
      • 3.8.1. 常用
      • 3.8.2. Android版部署
      • 3.8.3. GPU
  • 4. RAG相关
  • 5. NLP
    • 5.1. 常用
    • 5.2. 预处理
      • 5.2.1. 常用
      • 5.2.2. 关键词提取
      • 5.2.3. 分词
      • 5.2.4. 情感分析
      • 5.2.5. 文本表示
      • 5.2.6. 注意力机制
      • 5.2.7. 语言模型
    • 5.3. NER-命名实体识别
      • 5.3.1. 常用
      • 5.3.2. 序列标注
      • 5.3.3. BiLSTM+CRF
      • 5.3.4. 历史
    • 5.4. 总结-摘要
      • 5.4.1. 通用
  • 6. 函数库
    • 6.1. 常用
    • 6.2. Image图像处理
    • 6.3. Video视频
    • 6.4. IPython
      • 6.4.1. 常用
      • 6.4.2. 魔法命令
      • 6.4.3. display函数
    • 6.5. Jupyter
    • 6.6. NumPy
      • 6.6.1. 通用
      • 6.6.2. Ndarray 对象
      • 6.6.3. 通用函数
    • 6.7. Pandas
      • 6.7.1. 常用
      • 6.7.2. 实例-subset
      • 6.7.3. 实例-统计分析
      • 6.7.4. 利用pandas实现SQL操作
      • 6.7.5. 实例-缺失值的处理
      • 6.7.6. 多层索引的使用
      • 6.7.7. 实践
        • 实践-2012年奥巴马总统连任选举
      • 6.7.8. API-输入输出
      • 6.7.9. API-General functions
      • 6.7.10. API-Series
      • 6.7.11. API-DataFrame
      • 6.7.12. API-index
    • 6.8. Matplotlib
      • 6.8.1. 基本
      • 6.8.2. 安装
      • 6.8.3. pyplot
      • 6.8.4. matplotlib.patches
      • 6.8.5. 实例
        • 折线图plot
        • 条形图bar
        • 直方图hist
        • 散点图scatter
        • 面积图stackplot
        • 饼图pie
        • 箱型图box
        • 多图合并multi
      • 6.8.6. pylab子包
    • 6.9. SciPy
      • 6.9.1. 常用
    • 6.10. sklearn
      • 6.10.1. 常用
      • 6.10.2. 监督学习
        • 广义线性模型
      • 6.10.3. 无监督学习
    • 6.11. statsmodels
    • 6.12. OpenCV
      • 6.12.1. 常用
      • 6.12.2. 实例
      • 6.12.3. 代码类结构
    • 6.13. Seaborn
      • 6.13.1. 常用
    • 6.14. jieba中文分词
    • 6.15. gensim: 文本主题建模和相似性分析
      • 6.15.1. 常用
      • 6.15.2. Core Tutorials
      • 6.15.3. Tutorials: Learning Oriented Lessons
      • 6.15.4. How-to Guides: Solve a Problem
    • 6.16. LAC-百度词法分析工具
  • 7. 学习框架
    • 7.1. 常用
    • 7.2. PyTorch
      • 7.2.1. 常用
      • 7.2.2. nn模块
      • 7.2.3. PyTorch
      • 7.2.4. ExecuTorch
      • 7.2.5. torchrun (Elastic Launch)
    • 7.3. huggingface
      • 7.3.1. 常用
        • Hugging Face Hub
        • Hub Python Library
        • Datasets
        • TGI: Text Generation Inference
        • Evaluate
      • 7.3.2. Transformers
        • Transformers
        • Transformers 4.45.2
      • 7.3.3. Tokenizers
      • 7.3.4. PEFT
        • PEFT
        • PEFT 0.13.0
      • 7.3.5. Accelerate
      • 7.3.6. TRL - Transformer Reinforcement Learning
      • 7.3.7. 收集
        • resources
        • model
        • 博文: decoding methods of LLM with transformers
    • 7.4. vLLM
      • 7.4.1. 常用
      • 7.4.2. vLLM官方文档
    • 7.5. llama.cpp框架
      • 7.5.1. 常用
      • 7.5.2. Python bindings for llama.cpp
    • 7.6. DeepSpeed
      • 7.6.1. huggingface
      • 7.6.2. Zero Redundancy Optimizer (ZeRO)
      • 7.6.3. DeepSpeed
    • 7.7. mxnet库
      • 7.7.1. nd模块
        • ndarray
        • ndarray.random
      • 7.7.2. gluon模块
      • 7.7.3. autograd模块
    • 7.8. tensorflow
    • 7.9. Keras
      • 7.9.1. 常用
      • 7.9.2. 实例
        • 二分类问题
        • 多分类问题
        • 回归问题
    • 7.10. 其他
  • 8. 关键网站
    • 8.1. Papers with Code
    • 8.2. Kaggle
    • 8.3. ArXiv 学术论文预印本平台
    • 8.4. 视频相关
    • 8.5. 通用
  • 9. 实践
    • 9.1. OCR
      • 9.1.1. 常用
    • 9.2. AIML
      • 9.2.1. 常用
      • 9.2.2. AIML 2.1 Documentation
  • 10. 开源项目
    • 10.1. Agent
    • 10.2. RAG
    • 10.3. 常用
    • 10.4. UI界面
    • 10.5. 调优
    • 10.6. 搜索
    • 10.7. LLM Inference Engines
    • 10.8. 模型推理平台
    • 10.9. LLM推理加速
    • 10.10. LLM评估
    • 10.11. AI平台
  • 11. 数据集
    • 11.1. 常用
    • 11.2. 中文数据集
    • 11.3. 中文图片相关数据集
    • 11.4. dataset
    • 11.5. 数据集相关网站
  • 12. 常见模型
  • 13. 图形&计算加速技术
    • 13.1. 常用
    • 13.2. cuda
  • 14. Evaluate评测
    • 14.1. 通用
    • 14.2. TruLens
    • 14.3. Ragas
    • 14.4. DeepEval
    • 14.5. UpTrain
    • 14.6. evaluate
  • 15. 传统AI
新溪-gordon
  • Docs »
  • 10. 开源项目
  • View page source

主页

索引

模块索引

搜索页面

10. 开源项目¶

  • 10.1. Agent
    • 10.1.1. MetaGPT
    • 10.1.2. AgentGPT
    • 10.1.3. crewAI
  • 10.2. RAG
    • 10.2.1. RAGFlow
    • 10.2.2. Graph RAG
  • 10.3. 常用
    • 10.3.1. 快速学习
    • 10.3.2. deep learning
    • 10.3.3. AlphaGo
    • 10.3.4. kubeflow
    • 10.3.5. 代码生成
    • 10.3.6. 游戏
    • 10.3.7. 工具
    • 10.3.8. LLM Observability
    • 10.3.9. 输出格式化
  • 10.4. UI界面
    • 10.4.1. 可对接openai协议的本地gui
    • 10.4.2. 好用的web ui
    • 10.4.3. streamlit
    • 10.4.4. Chainlit
    • 10.4.5. Gradio
    • 10.4.6. pyvis
    • 10.4.7. langflow
    • 10.4.8. Dify.AI
    • 10.4.9. Flowise
    • 10.4.10. N8N
    • 10.4.11. xyflow
    • 10.4.12. Netron
  • 10.5. 调优
    • 10.5.1. ms-swift
    • 10.5.2. LLaMA Factory
    • 10.5.3. FastChat
  • 10.6. 搜索
    • 10.6.1. Tavily Search
    • 10.6.2. Tavily
    • 10.6.3. Perplexity-Inspired
    • 10.6.4. 生成式搜索引擎
  • 10.7. LLM Inference Engines
    • 10.7.1. vLLM
    • 10.7.2. llama.cpp
    • 10.7.3. Triton
    • 10.7.4. ONNX_Runtime
    • 10.7.5. TensorRT-LLM
  • 10.8. 模型推理平台
    • 10.8.1. Ollama
    • 10.8.2. LLamaFactory
    • 10.8.3. Xinference(Xorbits Inference)
    • 10.8.4. LMDeploy
    • 10.8.5. localai
    • 10.8.6. FastChat
    • 10.8.7. One API
    • 10.8.8. 其他
  • 10.9. LLM推理加速
    • 10.9.1. flash_attn
    • 10.9.2. accelerate
    • 10.9.3. deepspeed
  • 10.10. LLM评估
    • 10.10.1. AgentBench
    • 10.10.2. SacreBLEU
    • 10.10.3. jiwer
  • 10.11. AI平台
    • 10.11.1. LangChain
  • https://github.com/fastai/fastbook

主页

索引

模块索引

搜索页面

Next Previous

© Copyright 2010-2025, 新溪-gordon.

备案号 京ICP备16018553号
Built with Sphinx using a theme provided by Read the Docs
.