新溪-gordon
V1.7.9

AI

  • 1. 常用
    • 1.1. 常用
    • 1.2. AIGC
    • 1.3. 关键定义
    • 1.4. 机器学习machine learning
    • 1.5. BI(Business Intelligence)
    • 1.6. monitor
    • 1.7. Kaggle
    • 1.8. 常见问题
  • 2. 理论
    • 2.1. 数学
    • 2.2. bag-of-words
    • 2.3. overfitting&underfitting
  • 3. 大模型
    • 3.1. 常用
      • 3.1.1. 常用
      • 3.1.2. 依赖安装
      • 3.1.3. 编码-解码器
      • 3.1.4. 临时
    • 3.2. huggingface
      • 3.2.1. 常用
      • 3.2.2. Hugging Face Hub
      • 3.2.3. Hub Python Library
      • 3.2.4. Datasets
      • 3.2.5. Transformers
      • 3.2.6. Evaluate
      • 3.2.7. PEFT
      • 3.2.8. 收集
        • dataset
        • resources
        • evaluate
        • model
    • 3.3. 著名模型
      • 3.3.1. LLaMA
      • 3.3.2. ChatGLM
      • 3.3.3. BERT
      • 3.3.4. GPT
      • 3.3.5. BART
      • 3.3.6. T5
      • 3.3.7. ChatRWKV
      • 3.3.8. GGML
      • 3.3.9. Open-Assistant
    • 3.4. 调优
    • 3.5. 开源项目
    • 3.6. 商业项目
      • 3.6.1. 常用
      • 3.6.2. ChatGPT
        • 常用
        • Prompt 提示词
        • 示例
      • 3.6.3. Claude
      • 3.6.4. midjourney
      • 3.6.5. Copilot
      • 3.6.6. 阿里通义千问
  • 4. NLP
    • 4.1. 常用
    • 4.2. 预处理
      • 4.2.1. 常用
      • 4.2.2. NER-命名实体识别
      • 4.2.3. 关键词提取
      • 4.2.4. 分词
      • 4.2.5. 情感分析
      • 4.2.6. 文本表示
      • 4.2.7. 注意力机制
      • 4.2.8. 语言模型
  • 5. OCR
    • 5.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. skl2onnx
    • 6.15. jieba中文分词
    • 6.16. gensim: 文本主题建模和相似性分析
      • 6.16.1. 常用
      • 6.16.2. Core Tutorials
      • 6.16.3. Tutorials: Learning Oriented Lessons
      • 6.16.4. How-to Guides: Solve a Problem
    • 6.17. ONNX
      • 6.17.1. ONNX
      • 6.17.2. onnxruntime
    • 6.18. ncnn
    • 6.19. LAC
  • 7. 学习框架
    • 7.1. 常用
    • 7.2. mxnet库
      • 7.2.1. nd模块
        • ndarray
        • ndarray.random
      • 7.2.2. gluon模块
      • 7.2.3. autograd模块
    • 7.3. PyTorch
      • 7.3.1. 常用
      • 7.3.2. nn模块
    • 7.4. tensorflow
    • 7.5. Keras
      • 7.5.1. 常用
      • 7.5.2. 实例
        • 二分类问题
        • 多分类问题
        • 回归问题
    • 7.6. 其他
  • 8. AIML
    • 8.1. 常用
    • 8.2. AIML 2.1 Documentation
  • 9. 相关算法
  • 10. 深度学习
    • 10.1. 常用
    • 10.2. 历史
    • 10.3. ANN(NN)
    • 10.4. 深度神经网络(Deep Neural Network, DNN)
    • 10.5. 卷积神经网络(Convolutional Neural Network, CNN)
    • 10.6. RNN: 循环神经网(Recurrent Neural Network, RNN)
    • 10.7. LSTM: 长短时记忆(Long Short Term Memory, LSTM)
    • 10.8. ReLU(激活函数)
  • 11. 开源项目
    • 11.1. AlphaGo
    • 11.2. kubeflow
    • 11.3. 常用
  • 12. 数据集
  • 13. 工具
新溪-gordon
  • Docs »
  • 3. 大模型 »
  • 3.2. huggingface »
  • 3.2.8. 收集
  • View page source

主页

索引

模块索引

搜索页面

3.2.8. 收集¶

  • dataset
    • 文本
    • 音频
    • 图像
    • MULTIMODAL
    • 视频
  • resources
    • huggingface
    • 数据集
  • evaluate
    • evaluate.load(“glue”)
    • evaluate.load(“seqeval”)
    • evaluate.load(“sacrebleu”)
    • evaluate.load(“rouge”)
    • evaluate.load(“accuracy”)
    • evaluate.load(“wer”)
    • evaluate.load(“mean_iou”)
    • 其他
  • model
    • Multilingual models
    • wav2vec2
    • Text to speech
    • ImageClassification
    • SemanticSegmentation
    • ZeroShotObjectDetection
    • ZeroShotImageClassification
    • ObjectDetection
    • VideoMAE
    • MULTIMODAL

主页

索引

模块索引

搜索页面

Next Previous

© Copyright 2010-2024, 新溪-gordon.

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