【机器学习】机器学习资源列表(AwesomeList)汇总

推荐一个超赞的github库,作者用一个多月时间整理了一份几乎涉及机器学习/深度学习一切主题 (学习范式/任务/应用/模型/道德/交叉学科/数据集/框架/教程) 的分类资源列表汇总。

内容包括从研究到实践,从学术界到工业界,从论文到教程的各种中英文资源列表。所有内容都标注了star数和是否还在更新,希望能为机器学习从业者带来帮助。

如下Github项目预览:

【https://github.com/ZhiningLiu1998/awesome-machine-learning-resources】

目录

71e9ce1d3d70f8483665adda52c3ae62.png

  • 通用机器学习

  • 机器学习范式

    • 半监督/自监督学习 | Semi/Self-Supervised Learning

    • 对比学习 | Contrastive Learning

    • 表示学习 | Representation Learning (Embedding)

    • 度量学习 | Metric Learning

    • 强化学习 | Reinforcement Learning

    • 迁移学习 | Transfer Learning

    • 元学习 | Meta-learning

    • 多任务学习 | Multi-task Learning

    • 不平衡/长尾学习 | Imbalanced/Long-tail Learning

    • 少样本学习 | Few-shot Learning

    • 对抗学习 | Adversarial Learning

    • 鲁棒/稳健学习 | Robust Learning

    • 主动学习 | Active Learning

    • 终生/增量/持续学习 | Lifelong/Incremental/Continual Learning

    • 集成学习 | Ensemble Learning

    • 自动机器学习 | Automated Machine Learning (AutoML)

    • 联邦学习 | Federated Learning

    • 异常检测 | Anomaly Detection

    • 聚类 | Clustering

    • 降维/特征选择 | Dimensionality Reduction (Feature Selection/Extraction)

  • 机器学习任务 & 应用

    • 计算机视觉 | Computer Vision (CV)

    • 自然语言处理 | Natural Language Processing (NLP)

    • 多模态 & 跨模态学习 | Multi-modal & Cross-modal Learning

    • 图学习 | Graph Learning

    • 知识图谱 | Knowledge Graph

    • 时间序列/流学习 | Time-series/Stream Learning

    • 推荐系统 | Recommender Systems

    • 信息抽取 | Information Retrieval

    • 博弈 & 搜索 | Gaming & Searching

  • 机器学习模型

    • 自然语言处理 | in NLP (BERT, RoBERTa, GPT, etc.)

    • 计算机视觉 | in CV (Visual Transformers, etc.)

    • 其他主题 | in other topics

    • 预训练 & 基础模型 | 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

    • AI公平性 | Fairness in AI

    • AI道德 | Ethics in AI

  • 交叉学科:机器学习+X

    • 系统 | System (MLSys/SysML)

    • 数据库 | Database (AIDB/ML4DB)

    • 软件工程 | Software Engineering (MLonCode)

    • 网络安全 | Cyber Security

    • 量子计算 | Quantum Computing

    • 医疗 & 卫生保健 | Medical & Healthcare

    • 生物信息学 | Bioinformatics

    • 生物学 & 化学 | Biology & Chemistry

    • 金融 & 交易 | Finance & Trading

    • 商业 | Business

    • 法律 | Law

  • 机器学习数据集

  • 工业机器学习

    • 开源软件库

    • 大数据框架

  • 致谢 ✨

  • 贡献者 ✨

通用机器学习

  • 实践

    • scikit-learn: machine learning in Python.

    • A curated list of awesome machine learning frameworks, libraries and software (by language).

    • [List, Library] Awesome Machine Learning

    • [Library] scikit-learn

  • 研究

    • 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.

    • [Library] mmselfsup 

    • [Library] unilm 

    • [Library] albert 

对比学习 | 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一个!

 
 

f944a03c07aea31e113a1cfef1cf784f.jpeg

 
 
 
 
 
 
 
 
往期精彩回顾




适合初学者入门人工智能的路线及资料下载(图文+视频)机器学习入门系列下载机器学习及深度学习笔记等资料打印《统计学习方法》的代码复现专辑机器学习交流qq群955171419,加入微信群请扫码

6fcba5d250188ba4e8301778de95331d.png

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值