机器学习和计算框架
深度学习/机器学习的新算法,模型和实现原理,深度学习的训练/推理框架及其引擎, 不包含深度学习的硬件算子和实现(该部分在硬件部分),深度学习的未来探讨和现状分析的博客论文代码讨论等.
通用教程知识
- Deep Learning Interviews book: PDF
- The Kaggle Book: github, kaggle竞赛讲解
- 第十七章 模型压缩及移动端部署
- 深度学习教程;共18章,全文可看这里
- ML-Notebooks
- pytorch教程
- Real World Recommendation System - Part 1
- 推荐系统介绍,第二部分尚未更新
- 【Transformer 所有模型串讲】Auto-encoding模型 -Bert 1
- 简介transformer;专栏共有5节.
- Tensorflow2 深度学习开源书(龙书)
-
中文图书, PDF版, 深度学习, tensorflow2
-
数据科学;总结
- 教程: Attention Mechanisms: Youtube, slides
- 清华大学刘知远预训练模型:b站
- “推荐系统” 值得一读的五本书: blog
- Recommender Systems: An introduction /《推荐系统》
- Recommender Systems: The Textbook / 《推荐系统:原理与实践》
- Recommender System Handbook /《推荐系统:技术、评估及高效算法》
- 《推荐系统实践》
- 《推荐系统:前沿与实践》
开源模型论文
名称 | 地址 | 论文 | 说明 |
---|---|---|---|
OPT: Open Pre-trained Transformer Language Models | github | arxiv |
- GLM-130B : github, demo, blog
- PanGu-Coder: Program Synthesis with Function-Level Language Modeling: arxiv, 盘古, 华为开源的copilot工具
- hybird AI: blog
- DALL-E 2 - Pytorch: github, 文字转图片
- imagen-torch: github: text to image, pytorch, imagen
- NLP-Paper
- 字节跳动; NLP论文代码整理;
- 包含 NLP 领域下的对话语音领域,复现模型以及数据处理
- Goopt
- 基于GPT-3的搜索引擎
- yolo v7
- 添加对transformer的支持
- 对NV GPU的适配
- min-dalle
- DALLE的精简版实现(for 推理)
在 Python 中使用机器学习来检测钓鱼链接:blog, 随机森林模型应用 * Text Summarization with Huggingface Transformers and Python * paperwithcode:Bringing Old Films Back to Life * transformer库快速体验文本生成
* AI:Scaling Up Your Kenrels to 31x31: Revisiting Large Kernel Design in CNN
* 通过大卷积核实现好的训练效果
- 美团:基于强化学习的信息流广告分配方法CrossDQN
- 广告推荐算法
- 论文预印版
- 图学习?Transformer:我也行!
- transformer在图学习领域应用,介绍了四篇主要工作
- 盘点22年各大顶会,对比学习它来了!: 微信
- Improving Efficiency and Robustness of Transformer-based Information Retrieval Systems: github, ppt, Transformer信息检索效率和鲁棒性
- A visual introduction to information theory: arxiv
- A Survey on Vision Transformer: arxiv, 中科院vit综述论文
- Dive into Big Model Training: blog, 大模型训练经典论文集
- 如何高效、精准地进行图片搜索?看看轻量化视觉预训练模型: blog, 微软视觉理解深度学习模型
- This repo supplements our 3D Vision with Transformers Survey: github, arxiv, 3D视觉模型整理, 约有几十篇论文和模型
- How codesearch.ai works: blog
- 基于 AI 的代码搜索的源代码级演练
- Basic Graph Theory: 图论基础书籍
框架原理分析
- TVM 自底向上
- 静态图 VS 动态图: blog
- 知识图谱可视化技术在美团的实践与探索: blog
- Tvm一些基本技术
- 算子融合;数据变换;张量优化
- ONNX 模型分析与使用
- ONNX proto的解析, 万物皆可proto
- Tensorflow Proto
- Tensorflow的Proto定义
- PyTorch 内部机制(翻译)
- pytorch原理解析
- 另原版本在这里
- OneFlow源码阅读6:自动微分机制: blog
-
AI-GPU显存优化领域前沿工作发展史:知乎
-
评估和选择最佳学习模型的一些指标总结: 微信
- Transformer: ppt
框架工具实现
框架
- torchmetrics: doc, 精度计算工具
- torch script简介: doc, 解析blog
- PaddlePaddle文档: doc
- Jittor: a Just-in-time(JIT) deep learning framework: github, 清华大学, 自动融合算子的框架
- MindSpore编程指南: doc, 华为训练框架
- OneEmbedding: doc, Oneflow的Embedding组件
- OpenEmbedding: github, 第四范式开源的Embedding方案, 基于Tensorflow
- The Hugging Face Deep Reinforcement Learning Class: github
- Welcome to Paddle-Inference’s documentation!
- PaddleDetection
- paddle目标检测套件
- 大规模深度学习训练平台, 支持分布式
- Huggingface transformers: transformer的推理库
- FinRL: Deep Reinforcement Learning for Quantitative Finance: 基于强化学习的量化交易框架
- MetaSpore:一站式机器学习开发平台; 框架
- BigDL: intel 提供的机器学习加速库, 应用于各个方面.
实用工具
- onnx-opcounter
- onnx的数据量和计算量解析工具,并不是特别好用
- onnx2torch
- onnx转pytorch工具: 看起来是转换了,但是对象类型还是和原生pytorch代码不太一样
- onnx-simplifier
- onnx简化工具
- pytorch-opCounter
- thop, 计算量和数据量检测
- 同类产品还有torchsummary/torchstat
- onnx2torch
- onnx转换为torch
- 但是转换后的torch模型并不能用thop计算数据量
- 基于onnx的网络裁剪
- onnx网络修改方法介绍
- MLPerf Inference Benchmark Suites
- onnx-util
- onnx剪辑工具
- theseus: github, homepage, paper, FB开源的非线性函数优化库,可与nn模型联合使用
- awesome-AIops: github awesome系列 AIOps资料整理
缺陷修复技巧
- Issues installing PyTorch 1.4 - "No matching distribution found for torch===1.4.0": stackoverflow
pip install https://download.pytorch.org/whl/cu101/torch-1.4.0-cp38-cp38-win_amd64.whl pip install torch===1.6.0 torchvision===0.7.0 -f https://download.pytorch.org/whl/torch_stable.html
- huggingface onnx export
- huggingface官方文档:onnx模型导出
- Transformer性能优化:运算和显存
- transformer分析和优化.
- Can't find model 'de_core_news_sm'... only on debug mod
- 数据集下载问题
python -m spacy download de_core_news_sm
- GeLU的pytorch实现
历史人物杂谈
- 复旦大学邱锡鹏
- NLP论文集
- 如何写好科研论文
- ML and NLP Publications in 2021
- 机器学习趋势总结
- 斯坦福Chris Manning: 大模型剑指通用人工智能?
- 数据中心白皮书
- 中国信通原报告;2022年4月;全文下载:PDF
- AI:Transformers in Time Series: A Survey
- Transformer 综述论文
- AI:中国信通院:人工智能白皮书(2022)
- 下载
- AI 框架发展白皮书2022: pdf, 信通院报告
- 矩阵运算库blas, cblas, openblas, atlas, lapack, mkl之间有什么关系,在性能上区别大吗?: zhihu, 介绍了BLAS类的几种库及其联系
- 深度学习激活函数: sigmoid/tanh/ReLU/Leaky ReLU/ELU/GELU/Maxout
- 知识图谱发展报告(2022)
- 中文信息学会发布
- 你是什么时候对深度学习失去信心的?
- 统一大模型加蒸馏/剪枝/量化/部署的学习方式
- 图形界面拖拖乐的交互模式
- 通过业务理解对模型进行拆分和分类
文件列表
- 01.Machine-Learning