在有机器学习和深度学习的基础上,如何自学AutoML算法?

2023-11-20

作者:FedAI联邦学习
链接:https://www.zhihu.com/question/334021426/answer/840727058
来源:知乎
著作权归作者所有。商业转载请联系作者获得授权,非商业转载请注明出处。
 

AutoML技术有很多种,包括:

  • 神经网络架构搜索
  • 优化器搜索
  • 自动添加
  • 元学习
  • 超参数优化
  • ......

如果有机器学习和深度学习经验的话,下边这些“干货”就可以直接入手了,咱们挨着说:

一、参考学习论文

AutoML调研

1.A Survey on Neural Architecture Search (Wistuba et al. 2019)

A Survey on Neural Architecture Search | Request PDF​www.researchgate.net图标

2.Neural Architecture Search: A Survey (Elsken et al. 2019)

Neural Architecture Search: A Survey​arxiv.org

 

3.Taking Human out of Learning Applications: A Survey on Automated Machine Learning (Yao et al. 2018)

https://arxiv.org/abs/1810.13306v1​arxiv.org

 

神经网络架构搜索

1.Neural Architecture Search with Reinforcement Learning (Zoph and Le. 2016)

Neural Architecture Search with Reinforcement Learning​xueshu.baidu.com

 

2. Learning Transferable Architectures for Scalable Image Recognition (Zoph et al. 2017)

Learning Transferable Architectures for Scalable Image Recognition​arxiv.org

 

3. AdaNet: Adaptive Structural Learning of Artificial Neural Networks (Cortes et al. 2017)

AdaNet: Adaptive Structural Learning of Artificial Neural Networks​xueshu.baidu.com

 

4.Regularized Evolution for Image Classifier Architecture Search (Real et al. 2018)

Regularized Evolution for Image Classifier Architecture Search​xueshu.baidu.com

 

5. Differentiable Architecture Search (Liu et al. 2018)

DARTS: Differentiable Architecture Search​arxiv.org

 

6.MorphNet: Fast & Simple Resource-Constrained Structure Learning of Deep Networks (Gordon et al. 2018)

MorphNet: Fast & Simple Resource-Constrained Structure Learning of Deep Networks​xueshu.baidu.com

 

7.MONAS: Multi-Objective Neural Architecture Search using Reinforcement Learning (Hsu et al. 2018)

MONAS: Multi-Objective Neural Architecture Search using Reinforcement Learning​arxiv.org

 

8.Neural Architecture Search: A Survey (Elsken et al. 2018)

Neural Architecture Search: A Survey​arxiv.org

 

9.Task-Driven Convolutional Recurrent Models of the Visual System (Nayebi et al. 2018)

Task-Driven Convolutional Recurrent Models of the Visual System​xueshu.baidu.com

 

10.Stochastic Adaptive Neural Architecture Search for Keyword Spotting (Véniat et al. 2018)

Stochastic Adaptive Neural Architecture Search for Keyword Spotting​xueshu.baidu.com

 

11.IRLAS: Inverse Reinforcement Learning for Architecture Search (Guo et al. 2018)

IRLAS: Inverse Reinforcement Learning for Architecture Search​xueshu.baidu.com

 

12.NeuNetS: An Automated Synthesis Engine for Neural Network Design (Sood et al. 2019)

NeuNetS: An Automated Synthesis Engine for Neural Network Design​xueshu.baidu.com

 

13.The Evolved Transformer (So et al. 2019)

The Evolved Transformer​arxiv.org

 

14.Evolutionary Neural AutoML for Deep Learning (Liang et al. 2019)

Evolutionary Neural AutoML for Deep Learning​xueshu.baidu.com

 

15.InstaNAS: Instance-aware Neural Architecture Search (Cheng et al. 2019)

InstaNAS: Instance-aware Neural Architecture Search​xueshu.baidu.com

 

16.The Evolved Transformer (So et al. 2019)

The Evolved Transformer​arxiv.org

 

17.Single Path One-Shot Neural Architecture Search with Uniform Sampling (Guo et al. 2019)

Single Path One-Shot Neural Architecture Search with Uniform Sampling​xueshu.baidu.com

 

18.MixConv: Mixed Depthwise Convolutional Kernels (Tan et al. 2019)

MixConv: Mixed Depthwise Convolutional Kernels​arxiv.org

 

19.DetNAS: Backbone Search for Object Detection (Chen et al. 2019)

DetNAS: Backbone Search for Object Detection​arxiv.org

 

优化器搜索

1.Neural Optimizer Search with Reinforcement Learning (Bello et al. 2017)

https://arxiv.org/abs/1709.07417​arxiv.org

 

自动添加

1.Learning Data Augmentation Strategies for Object Detection (Zoph et al. 2019)

Learning Data Augmentation Strategies for Object Detection​arxiv.org

 

2.Fast AutoAugment (Lim et al. 2019)

Fast AutoAugment​arxiv.org

 

元学习

1.Learning to Learn with Gradients (Chelsea Finn PhD disseration 2018)

Learning to Learn with Gradients​escholarship.org图标

2.On First-Order Meta-Learning Algorithms (OpenAI Reptile by Nichol et al. 2018)

On First-Order Meta-Learning Algorithms​xueshu.baidu.com

 

3.Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks (MAML by Finn et al. 2017)

Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks​arxiv.org

 

4.A simple neural attentive meta-learner (Mishra et al. 2017)

https://arxiv.org/abs/1707.03141​arxiv.org

 

超参数优化

1.Google Vizier: A Service for Black-Box Optimization (Golovin et al. 2017)

https://www.researchgate.net/publication/318920618_Google_Vizier_A_Service_for_Black-Box_Optimization​www.researchgate.net

 

2.Hyperband: A Novel Bandit-Based Approach to Hyperparameter Optimization (Li et al. 2016)

Hyperband: A Novel Bandit-Based Approach to Hyperparameter Optimization​arxiv.org

 

模型压缩

1.AMC: AutoML for Model Compression and Acceleration on Mobile Devices (He et al. 2018)

AMC: AutoML for Model Compression and Acceleration on Mobile Devices​arxiv.org

 

二、可使用工具和开源项目

1.ATM: Auto Tune Models: A multi-tenant, multi-data system for automated machine learning (model selection and tuning)

2.Adanet: Fast and flexible AutoML with learning guarantees: Tensorflow package for AdaNet

3.Microsoft Neural Network Intelligence (NNI): An open source AutoML toolkit for neural architecture search and hyper-parameter tuning

4.Dragonfly: An open source python library for scalable Bayesian optimisation

5.H2O AutoML: Automatic Machine Learning by H2O.ai

6. Kubernetes Katib: hyperparameter Tuning on Kubernetes inspired by Google Vizier

7.TransmogrifAI: automated machine learning for structured data by Salesforce

8.AutoSklearn: an automated machine learning toolkit and a drop-in replacement for a scikit-learn estimator

9.Ludwig: a toolbox built on top of TensorFlow that allows to train and test deep learning models without the need to write code

10.AutoWeka: hyperparameter search for Weka

11.SMAC: Sequential Model-based Algorithm Configuration

12.Hyperopt-sklearn: hyper-parameter optimization for sklearn

13.Spearmint: a software package to perform Bayesian optimization

14.TOPT: one of the very first AutoML methods and open-source software packages

15.MOE: a global, black box optimization engine for real world metric optimization by Yelp

16.Optuna: define-by-run hypterparameter optimization framework

17.RoBO: a Robust Bayesian Optimization framework

18.HPOlib2: a library for hyperparameter optimization and black box optimization benchmarks

19.Hyperopt: distributed Asynchronous Hyperparameter Optimization in Python

20.ExploreKit: a framework forautomated feature generation

21.FeatureTools: An open source python framework for automated feature engineering

22.PocketFlow: use AutoML to do model compression (open sourced by Tencent)

23.DEvol (DeepEvolution): a basic proof of concept for genetic architecture search in Keras

三、一些商业化产品

1.Amazon SageMaker

2.Google Cloud AutoML

3.Google Cloud ML Hyperparameter Turning

4.Microsoft Azure Machine Learning Studio

5.SigOpt

四、公开Presentation

1.ICML 2019 Tutorial: Recent Advances in Population-Based Search for Deep Neural Networks by Evolving AI Lab

2.Automatic Machine Learning by Frank Hutter and Joaquin Vanschoren

3.Advanced Machine Learning Day 3: Neural Architecture Search by Debadeepta Dey (MSR)

4.Neural Architecture Search by Quoc Le (Google Brain)

五、值得一看的书籍教材

1.AUTOML: METHODS, SYSTEMS, CHALLENGES

AutoML: Methods, Systems, Challenges (new book)​www.automl.org图标

2.NIPS 2018 3rd AutoML Challenge: AutoML for Lifelong Machine Learning

六、落地应用一则

1.AutoML: Automating the design of machine learning models for autonomous driving by Waymo

英:

https://medium.com/waymo/automl-automating-the-design-of-machine-learning-models-for-autonomous-driving-141a5583ec2a​medium.com

 

中:

AutoML:无人驾驶机器学习模型设计自动化 - 云+社区 - 腾讯云​cloud.tencent.com

 

 

以上,如果对各位有此意向的朋友有用记得点个赞同,感谢!

本文内容由网友自发贡献,版权归原作者所有,本站不承担相应法律责任。如您发现有涉嫌抄袭侵权的内容,请联系:hwhale#tublm.com(使用前将#替换为@)

在有机器学习和深度学习的基础上,如何自学AutoML算法? 的相关文章

  • TF-1

    https www zhihu com question 54513728 name scope variable scope等如何理解 交叉熵 tensorflow 损失函数详解 交叉熵刻画的是两个概率分布之间的距离 是分类问题中使用比较
  • DL入门(1):卷积神经网络(CNN)

    写在前面 看预测论文综述时 面临这样一个问题 很多DL的方法只是会简单运用 却不是特别了解其详细原理 故针对CNN RNN LSTM AutoEncoder RBM DBN以及DBM分别做一些简单总结 以达到了解的目的 此篇为CNN 目录
  • WIN10+Darknet自建简单数据集训练YOLOv3识别特定物体

    1 在darknet master build darknet x64 新建yolo obj cfg文件 可以直接复制yolov3 cfg 然后重命名为yolo obj cfg 然后就是修改这个文件内容了 将batch 改成64 batch
  • Caffe学习之自定义创建新的Layer层

    caffe源码中已经帮我封装好了各种各样的layer 但是有时候现有的layer不能满足设计的网络要求 这个时候需要自己定义一个新的layer 本文参考here 进行简单讲解 具体方式如下 一 创建 hpp文件 1 添加你的layer头文件
  • SPADE: Semantic Image Synthesis with Spatially-Adaptive Normalization

    目录 介绍 相关工作 1 Unconditional normalization layers 2 Conditional normalization layers 这一部分挺重要的 方法 3 1 Spatially adaptive de
  • CNN浅析和历年ImageNet冠军模型解析

    版权声明 作者 黄文坚 本文为大数据杂谈4月13日微信社群分享内容整理 最新人工智能论文 http paperreading club 今天在这里我给大家讲解一些深度学习中卷积神经网络的原理和一些经典的网络结构 卷积神经网络原理浅析 卷积神
  • ChatGPT?听说Biying把它下架了

    ChatGPT被玩疯了 开始放飞自我 ChatGPT版微软必应上线不到10天 就被网友玩坏了 先说这个词 放飞自我 什么东西才会放飞自我 人放飞自我 人 你确定是人 所以让我们来把上面的句子改写一下 什么东西才会放飞自我 人才会放飞自我 所
  • 解决 Ubuntu18.10 无法安装 Nvidia-docker2

    2023年5月18日更新 nvidia 原 github io 网页已废弃 更新了新的主页链接 2022年8月10日更新 很高兴看到这篇文章能够帮助一些同仁 在此更新一下 根据 https nvidia github io nvidia d
  • SOTA model / SOTA result / SOTA模型究竟是什么?

    最近看机器学习 人工智能相关顶级会议的论文 看到了 SOTA 模型 本来以为是一个很厉害的模型 但是网上完全查不到 今天会心一击 终于想到 SOTA 是 state of the art 的缩写 SOTA model state of th
  • PyTorch搭建LSTM实现时间序列预测(负荷预测)

    目录 I 前言 II 数据处理 III LSTM模型 IV 训练 V 测试 VI 源码及数据 I 前言 在上一篇文章深入理解PyTorch中LSTM的输入和输出 从input输入到Linear输出 中 我详细地解释了如何利用PyTorch来
  • 【转载】技术向:一文读懂卷积神经网络

    原文地址 http toutiao com a4033463198 tt from sina app news article iid 2585754491 utm medium toutiao android utm campain cl
  • 目标检测之性能指标

    推荐文章 https www cnblogs com isLinXu p 15893489 html
  • 小白循环神经网络RNN LSTM 参数数量 门单元 cell units timestep batch_size

    小白循环神经网络RNN LSTM 参数数量 门单元 cell units timestep batch size RNN循环神经网络 timestep batch size LSTM及参数计算 keras中若干个Cell例如LSTMCell
  • 盘点

    选自Github 机器之心编译 hunkim 盘点了 Github 上 18 个深度学习项目 根据收藏数自动排名 最新的一次 update 在几小时前完成 项目地址 https github com hunkim DeepLearningS
  • CNN简单实战:PyTorch搭建CNN对猫狗图片进行分类

    在上一篇文章 CNN训练前的准备 PyTorch处理自己的图像数据 Dataset和Dataloader 大致介绍了怎么利用pytorch把猫狗图片处理成CNN需要的数据 今天就用该数据对自己定义的CNN模型进行训练及测试 首先导入需要的包
  • BatchNorm原理以及PyTorch实现

    BatchNorm算法 简单来说BatchNorm对输入的特征按照通道计算期望和方差 第1和第2个公式 并标准化 第3个公式 减去均值 再除方差 变为均值0 方差1 但这会降低网络的表达能力 因此 BN在标准化后还要进行缩放平移 也就是可学
  • Loss和神经网络训练

    出处 http blog csdn net han xiaoyang article details 50521064 声明 版权所有 转载请联系作者并注明出处 1 训练 在前一节当中我们讨论了神经网络静态的部分 包括神经网络结构 神经元类
  • win11配置wsl2以及深度学习环境

    安装wsl2 许多深度学习代码都是使用Linux跑的 跑别人的代码 最好环境可以一样 如果使用Windows可能会遇到很多bug wsl2相比于wsl有着些许升级 对于深度学习来说 好处是可以使用CUDA 这里演示win11安装wsl2 打
  • YOLO5 目标检测

    目录 1项目的克隆和必要的环境依赖 1 1项目的克隆 1 2项目代码结构整体介绍 1 3环境的安装和依赖的安装 2 数据集和预训练权重的准备 2 1利用labelimg标注数据和数据的准备 2 2 获得预训练权重 3训练自己的模型 3 1修
  • 在有机器学习和深度学习的基础上,如何自学AutoML算法?

    作者 FedAI联邦学习 链接 https www zhihu com question 334021426 answer 840727058 来源 知乎 著作权归作者所有 商业转载请联系作者获得授权 非商业转载请注明出处 AutoML技术

随机推荐

  • PySide2按钮传递参数以及*args,**kargs的含义

    1 PySide2按钮传递参数 lambda 表达式 self set priV on set clicked connect lambda self set priV con 1 def set priV con self valueV
  • Communications link failure问题解决方案摸索

    性能测试发现了Communications link failure错误 搜寻了网络上的好多种解决方案 记录总结一下 错误信息 Communications link failure The last packet sent success
  • 1037 在霍格沃茨找零钱

    1037 在霍格沃茨找零钱 20 20 分 如果你是哈利 波特迷 你会知道魔法世界有它自己的货币系统 就如海格告诉哈利的 十七个银西可 Sickle 兑一个加隆 Galleon 二十九个纳特 Knut 兑一个西可 很容易 现在 给定哈利应付
  • python读取文件时出现\ufeff非法字符的处理思路

    现象 系统环境 操作系统 Microsoft Windows 10 家庭中文版 10 0 1904 Python Python 3 8 8 问题 如下图所示 利用python读取文件后 在对字符串进行处理时 会出现 ufeff字符 这对基于
  • python读取excel成绩表,并设置柱状图

    目录 1 导入相关的包 2 读取excel文件 提取语文的数据 3 画柱状图的代码 4 完整代码 5 效果图 1 导入相关的包 import pandas as pd import matplotlib pyplot as plt 2 读取
  • 网管员牢记 10种较为常见的服务器管理错误

    网管员牢记 10种较为常见的服务器管理错误 网络管理阶层的工作就是保证网络的正常工作 从而使得职工们的工作不被打断 可问题在于事物并非总是按照理想状况发展 事实上经常会出现平地起风波的状况 其间有许多原因 这里我们只讨论10种较为常见的网管
  • angular 4 httpClient 数据访问

    服务里 是用来请求api的一个模块 使用httpClient服务请求数据常用方法如下 http get url subscribe export class ApiService 登录 一种是url是不变的 只需传参 login userN
  • VS项目属性的一些配置项的总结(important)

    以下内容为 原创 转载 首先 解决方案和项目文件夹包含关系 c 项目 VS解决方案和各个项目文件夹以及解决方案和各个项目对应的配置文件包含关系 假设新建一个项目ssyy 解决方案起名fangan 注意解决方案包括项目 此时生成的最外层目录为
  • 性能诊断定位之内存问题排查(四):CentOS7系统中,JVM内存诊断

    目录 1 要求 2 处理思路 3 示例演示 CentOS7 环境中 3 1 环境工具 3 2 操作步骤 3 2 1 JForum环境配置 配置在tomcat中 启动Tomcat 3 2 2 编写JMeter脚本 脚本的编写和运行 在win1
  • C#实现FTP文件夹下载功能【转载】

    网上有很多FTP单个文件下载的方法 前段时间需要用到一个FTP文件夹下载的功能 于是找了下网上的相关资料结合MSDN实现了一段FTP文件夹下载的代码 实现的思路主要是通过遍历获得文件夹下的所有文件 当然 文件夹下可能仍然存在文件夹 这样就需
  • 禁用CEF跟随系统的DPI缩放

    方法1 为程序添加启动参数 high dpi support 1 force device scale factor 1 1 在桌面上右键Chrome图标 选择属性 2 在目标一栏中增加自定义参数 force device scale fa
  • 文字图像转换的创新技术

    随着科技的快速发展 人工智能 AI 已经逐渐融入我们的日常生活 而 生成式 AI 更是引领着 AI 领域的新一轮革命 生成式 AI 是一种能够从文字描述中提取信息 并将其转化为图像或其他形式内容的技术 如今 这种技术正在逐渐改变我们与计算机
  • 线程生命周期(状态)

    1 线程生命周期 状态 当线程被创建并启动以后 它既不是一启动就进入了执行状态 也不是一直处于执行状态 在线程的生命周期中 它要经过新建 New 就绪 Runnable 运行 Running 阻塞 Blocked 和死亡 Dead 5 种状
  • python 字符串大小写转换 其它不变_ython字符串大小写转换(3种)函数及用法

    Python 中 为了方便对字符串中的字母进行大小写转换 字符串变量提供了 3 种方法 分别是 title lower 和 upper https www furuihua cn shenzhen longhua Python title
  • springboot注解--基础--01--注解

    springboot注解 基础 01 注解 https blog csdn net zhou920786312 article details 130844305 https blog csdn net zhou920786312 arti
  • vue启动报错vue-cli-service: command not found

    要配置环境变量以便能够在任意位置使用 Vue CLI 你可以按照以下步骤操作 确保已经全局安装了 Vue CLI 如果尚未安装 请使用以下命令进行全局安装 Copy Code npm install g vue cli 打开命令行终端 并输
  • vue实现拍照人脸识别功能带人脸选中框

    前言 实现打开摄像头 并识别人脸 实现效果 实现步骤 一 安装 1 官网下载 tracking js 的代码包官网入口 2 npm下载 执行命令 cnpm install tracking save 二 demo案例代码
  • nexus扩容后,代理功能出错,重启失败原因排查

    用nexus做仓库 其中有yum maven docker helm 当时搭建的时候觉得100g磁盘空间够用了 结果后期大家都在使用 不到俩月就磁盘占满了 无奈知道将虚拟机的磁盘扩容 扩容后nexus页面貌似一切正常 偶然发现 yum in
  • Spring Boot笔记

    文章目录 一 Spring Boot 入门 1 Spring Boot 简介 2 微服务 3 环境准备 1 MAVEN设置 2 IDEA设置 4 Spring Boot HelloWorld 1 创建一个maven工程 jar 2 导入sp
  • 在有机器学习和深度学习的基础上,如何自学AutoML算法?

    作者 FedAI联邦学习 链接 https www zhihu com question 334021426 answer 840727058 来源 知乎 著作权归作者所有 商业转载请联系作者获得授权 非商业转载请注明出处 AutoML技术