点击上方“小白学视觉”,选择加"星标"或“置顶”
重磅干货,第一时间送达

推荐一个超赞的github库,作者用一个多月时间整理了一份几乎涉及机器学习/深度学习一切主题 (学习范式/任务/应用/模型/道德/交叉学科/数据集/框架/教程) 的分类资源列表汇总。
内容包括从研究到实践,从学术界到工业界,从论文到教程的各种中英文资源列表。所有内容都标注了star数和是否还在更新,希望能为机器学习从业者带来帮助。
如下Github项目预览:
【https://github.com/ZhiningLiu1998/awesome-machine-learning-resources】
目录

- 半监督/自监督学习 | Semi/Self-Supervised Learning
- 对比学习 | Contrastive Learning
- 表示学习 | Representation Learning (Embedding)
- 强化学习 | Reinforcement Learning
- 多任务学习 | Multi-task Learning
- 不平衡/长尾学习 | Imbalanced/Long-tail Learning
- 少样本学习 | Few-shot Learning
- 对抗学习 | Adversarial Learning
- 鲁棒/稳健学习 | Robust Learning
- 终生/增量/持续学习 | Lifelong/Incremental/Continual Learning
- 自动机器学习 | Automated Machine Learning (AutoML)
- 联邦学习 | Federated Learning
- 降维/特征选择 | Dimensionality Reduction (Feature Selection/Extraction)
- 计算机视觉 | Computer Vision (CV)
- 自然语言处理 | Natural Language Processing (NLP)
- 多模态 & 跨模态学习 | Multi-modal & Cross-modal Learning
- 时间序列/流学习 | Time-series/Stream Learning
- 推荐系统 | Recommender Systems
- 信息抽取 | Information Retrieval
- 博弈 & 搜索 | Gaming & Searching
- 自然语言处理 | in NLP (BERT, RoBERTa, GPT, etc.)
- 计算机视觉 | in CV (Visual Transformers, etc.)
- 预训练 & 基础模型 | Pretrained & Foundation Model
- 卷积神经网络 | Convolutional Neural Network (CNN)
- 循环神经网络 | Recurrent Neural Network (RNN, LSTM, GRU, etc.)
- 图神经网络 | Graph Neural Network (GNN, GCN, GAT, etc.)
- 生成模型 & 对抗生成网络 | Generative Model & Generative Adversarial Network (GAN)
- 变分自编码器 | Variational Autoencoder
- 树模型 & 集成模型 | Tree-based & Ensemble Model
- AI可解释性 | Interpretability in AI
- 系统 | System (MLSys/SysML)
- 数据库 | Database (AIDB/ML4DB)
- 软件工程 | Software Engineering (MLonCode)
- 医疗 & 卫生保健 | Medical & Healthcare
- 生物学 & 化学 | Biology & Chemistry
- 金融 & 交易 | Finance & Trading
通用机器学习
- scikit-learn: machine learning in Python.
- A curated list of awesome machine learning frameworks, libraries and software (by language).
- [List, Library] Awesome Machine Learning
- A curated list of the most cited deep learning papers (2012-2016).
- A curated list of awesome deep learning books, courses, videos, lectures, tutorials, and more.
- Impactful and widely cited papers and literature on ML/DL/RL/AI.
- [List] Papers-Literature-ML-DL-RL-AI [List] Awesome Deep Learning [⚠️Inactive]
机器学习范式
半监督/自监督学习 | Semi/Self-Supervised Learning
-
Collecting papers about Self-Supervised Learning, Representation Learning.
- A curated list of awesome Self-Supervised Learning resources.
- A curated list of awesome Semi-Supervised Learning resources.
- [List] Awesome Semi-Supervised Learning
- [List] Awesome Self-Supervised Learning
- [List] Awesome Self-Supervised Papers
- Papers about self-supervised learning on Graph Neural Networks (GNNs).
- A curated list for awesome self-supervised graph representation learning resources.
- [List] Awesome Graph Self-Supervised Learning
- [List] Awesome Self-supervised GNN
- A Lite BERT for Self-supervised Learning of Language Representations.
- Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities.
- OpenMMLab Self-Supervised Learning Toolbox and Benchmark.
对比学习 | Contrastive Learning
- A comprehensive list of awesome Contrastive Learning Papers&Codes.
- A comprehensive list of awesome contrastive self-supervised learning papers.
表示学习 | Representation Learning (Embedding)
- Reading List for Topics in Representation Learning.A curated list of awesome embedding models tutorials, projects and communities.
- Heterogeneous Graph Embedding, Heterogeneous GNNs and Applications.
- Papers on disentangled (and an occasional "conventional") representation learning.
- NRL: network representation learning. NE: network embedding.
- Network representation learning, graph embedding, knowledge embedding.
- A curated list for awesome deep graph representation learning resources.
- Awesome Transformers (self-attention) in Computer Vision.
- Awesome work on the VAE, disentanglement, representation learning, and generative models.
- Curated list of 2vec-type embedding models.
- A curated list of resources on implicit neural representations.A curated list of pretrained sentence and word embedding models.
强化学习 | Reinforcement Learning
- A curated list of awesome Deep Reinforcement Learning resources.
- A list of recent papers regarding deep learning and deep reinforcement learning.A curated list of resources dedicated to reinforcement learning.
- Curated List of Reinforcement Learning Resources for Natural Language Processing.
- This is a list of various books, courses and other resources for robotics
- Collection of competitions for Reinforcement Learning.
- A curated, but incomplete, list of game AI resources on multi-agent learning.
- Great resources for making Reinforcement Learning work in Real Life situations. Papers, projects and more.
- This is a collection of research and review papers for offline reinforcement learning.
- Minimal and Clean Reinforcement Learning Examples.
- Reinforcement Learning Methods and Tutorials.
- Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow.
- Python replication for Sutton & Barto's book Reinforcement Learning: An Introduction (2nd Edition).
- Library of contextual bandits algorithms.
- Python library for Multi-Armed Bandits.
- Multi-Agent Resource Optimization (MARO) platform is an instance of Reinforcement Learning as a Service (RaaS) for real-world resource optimization problems.
- Reinforcement learning framework and algorithms implemented in PyTorch.
- Reinforcement Learning in PyTorch.
- TensorFlow Reinforcement Learning.
- A toolkit for developing and comparing reinforcement learning algorithms.
迁移学习 | Transfer Learning
- A list of awesome papers and cool resources on transfer learning, domain adaptation and domain-to-domain translation in general.
- Everything about Transfer Learning.
- [List] 迁移学习 Transfer Learning
- [List] Awesome Transfer Learning
- Domain generalization papers and datasets.
- This repo is a collection of AWESOME things about domain adaptation, including papers, code, etc.
- [List] Awesome Domain Adaptation
- [List] Domain Generalization
- Deep learning simplified by transferring prior learning using the Python deep learning ecosystem.
- A collection of implementations of deep domain adaptation algorithms
- Transfer Learning Library for Domain Adaptation, Task Adaptation, and Domain Generalization.
元学习 | Meta-learning
- A curated list of Meta-Learning resources.
- A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
- Meta Learning/ Learning to Learn/ One Shot Learning/ Lifelong Learning.
- A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch.
-
Learning to Learn using One-Shot Learning, MAML, Reptile, Meta-SGD and more with Tensorflow.
- A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch.
- A PyTorch Library for Meta-learning Research.
阅读原文可直接访问完整GitHub库,强烈推荐STAR一个!
下载1:OpenCV-Contrib扩展模块中文版教程
在「小白学视觉」公众号后台回复:扩展模块中文教程,即可下载全网第一份OpenCV扩展模块教程中文版,涵盖扩展模块安装、SFM算法、立体视觉、目标跟踪、生物视觉、超分辨率处理等二十多章内容。在「小白学视觉」公众号后台回复:Python视觉实战项目,即可下载包括图像分割、口罩检测、车道线检测、车辆计数、添加眼线、车牌识别、字符识别、情绪检测、文本内容提取、面部识别等31个视觉实战项目,助力快速学校计算机视觉。在「小白学视觉」公众号后台回复:OpenCV实战项目20讲,即可下载含有20个基于OpenCV实现20个实战项目,实现OpenCV学习进阶。交流群
欢迎加入公众号读者群一起和同行交流,目前有SLAM、三维视觉、传感器、自动驾驶、计算摄影、检测、分割、识别、医学影像、GAN、算法竞赛等微信群(以后会逐渐细分),请扫描下面微信号加群,备注:”昵称+学校/公司+研究方向“,例如:”张三 + 上海交大 + 视觉SLAM“。请按照格式备注,否则不予通过。添加成功后会根据研究方向邀请进入相关微信群。请勿在群内发送广告,否则会请出群,谢谢理解~

