TensorFlow初学者必须了解的55个经典案例

2017-06-191024深度学习1024深度学习
导语:本文是TensorFlow实现流行机器学习算法的教程汇集,目标是让读者可以轻松通过清晰简明的案例深入了解 TensorFlow。这些案例适合那些想要实现一些 TensorFlow 案例的初学者。本教程包含还包含笔记和带有注解的代码。
第一步:给TF新手的教程指南
1:tf初学者需要明白的入门准备
  • 机器学习入门笔记:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/0_Prerequisite/ml_introduction.ipynb
  • MNIST 数据集入门笔记
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/0_Prerequisite/mnist_dataset_intro.ipynb
2:tf初学者需要了解的入门基础
  • Hello World
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/1_Introduction/helloworld.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/1_Introduction/helloworld.py
  • 基本操作
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/1_Introduction/basic_operations.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/1_Introduction/basic_operations.py
3:tf初学者需要掌握的基本模型
  • 最近邻:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/2_BasicModels/nearest_neighbor.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/2_BasicModels/nearest_neighbor.py
  • 线性回归:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/2_BasicModels/linear_regression.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/2_BasicModels/linear_regression.py
  • Logistic 回归:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/2_BasicModels/logistic_regression.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/2_BasicModels/logistic_regression.py
4:tf初学者需要尝试的神经网络
  • 多层感知器:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/3_NeuralNetworks/multilayer_perceptron.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/multilayer_perceptron.py
  • 卷积神经网络:
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/3_NeuralNetworks/convolutional_network.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/convolutional_network.py
  • 循环神经网络(LSTM):
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/3_NeuralNetworks/recurrent_network.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/recurrent_network.py
  • 双向循环神经网络(LSTM):
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/3_NeuralNetworks/bidirectional_rnn.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/bidirectional_rnn.py
  • 动态循环神经网络(LSTM)
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/dynamic_rnn.py
  • 自编码器
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/3_NeuralNetworks/autoencoder.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/autoencoder.py
5:tf初学者需要精通的实用技术
  • 保存和恢复模型
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/4_Utils/save_restore_model.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/4_Utils/save_restore_model.py
  • 图和损失可视化
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/4_Utils/tensorboard_basic.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/4_Utils/tensorboard_basic.py
  • Tensorboard——高级可视化
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/4_Utils/tensorboard_advanced.py
5:tf初学者需要的懂得的多GPU基本操作
  • 多 GPU 上的基本操作
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/5_MultiGPU/multigpu_basics.ipynb
https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/5_MultiGPU/multigpu_basics.py
6:案例需要的数据集
有一些案例需要 MNIST 数据集进行训练和测试。运行这些案例时,该数据集会被自动下载下来(使用 input_data.py)。
MNIST数据集笔记:https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/0_Prerequisite/mnist_dataset_intro.ipynb
官方网站:http://yann.lecun.com/exdb/mnist/
第二步:为TF新手备的各个类型的案例、模型和数据集
初步了解:TFLearn TensorFlow
接下来的示例来自TFLearn,这是一个为 TensorFlow 提供了简化的接口的库。里面有很多示例和预构建的运算和层。
使用教程:TFLearn 快速入门。通过一个具体的机器学习任务学习 TFLearn 基础。开发和训练一个深度神经网络分类器。
TFLearn地址:https://github.com/tflearn/tflearn
示例:https://github.com/tflearn/tflearn/tree/master/examples
预构建的运算和层:http://tflearn.org/doc_index/#api
笔记:https://github.com/tflearn/tflearn/blob/master/tutorials/intro/quickstart.md
基础模型以及数据集
  • 线性回归,使用 TFLearn 实现线性回归
https://github.com/tflearn/tflearn/blob/master/examples/basics/linear_regression.py
  • 逻辑运算符。使用 TFLearn 实现逻辑运算符
https://github.com/tflearn/tflearn/blob/master/examples/basics/logical.py
  • 权重保持。保存和还原一个模型
https://github.com/tflearn/tflearn/blob/master/examples/basics/weights_persistence.py
  • 微调。在一个新任务上微调一个预训练的模型
https://github.com/tflearn/tflearn/blob/master/examples/basics/finetuning.py
  • 使用 HDF5。使用 HDF5 处理大型数据集
https://github.com/tflearn/tflearn/blob/master/examples/basics/use_hdf5.py
  • 使用 DASK。使用 DASK 处理大型数据集
https://github.com/tflearn/tflearn/blob/master/examples/basics/use_dask.py
计算机视觉模型及数据集
  • 多层感知器。一种用于 MNIST 分类任务的多层感知实现
https://github.com/tflearn/tflearn/blob/master/examples/images/dnn.py
  • 卷积网络(MNIST)。用于分类 MNIST 数据集的一种卷积神经网络实现
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_mnist.py
  • 卷积网络(CIFAR-10)。用于分类 CIFAR-10 数据集的一种卷积神经网络实现
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_cifar10.py
  • 网络中的网络。用于分类 CIFAR-10 数据集的 Network in Network 实现
https://github.com/tflearn/tflearn/blob/master/examples/images/network_in_network.py
  • Alexnet。将 Alexnet 应用于 Oxford Flowers 17 分类任务
https://github.com/tflearn/tflearn/blob/master/examples/images/alexnet.py
  • VGGNet。将 VGGNet 应用于 Oxford Flowers 17 分类任务
https://github.com/tflearn/tflearn/blob/master/examples/images/vgg_network.py
  • VGGNet Finetuning (Fast Training)。使用一个预训练的 VGG 网络并将其约束到你自己的数据上,以便实现快速训练
https://github.com/tflearn/tflearn/blob/master/examples/images/vgg_network_finetuning.py
  • RNN Pixels。使用 RNN(在像素的序列上)分类图像
https://github.com/tflearn/tflearn/blob/master/examples/images/rnn_pixels.py
  • Highway Network。用于分类 MNIST 数据集的 Highway Network 实现
https://github.com/tflearn/tflearn/blob/master/examples/images/highway_dnn.py
  • Highway Convolutional Network。用于分类 MNIST 数据集的 Highway Convolutional Network 实现
https://github.com/tflearn/tflearn/blob/master/examples/images/convnet_highway_mnist.py
  • Residual Network (MNIST) 。应用于 MNIST 分类任务的一种瓶颈残差网络(bottleneck residual network)
https://github.com/tflearn/tflearn/blob/master/examples/images/residual_network_mnist.py
  • Residual Network (CIFAR-10)。应用于 CIFAR-10 分类任务的一种残差网络
https://github.com/tflearn/tflearn/blob/master/examples/images/residual_network_cifar10.py
  • Google Inception(v3)。应用于 Oxford Flowers 17 分类任务的谷歌 Inception v3 网络
https://github.com/tflearn/tflearn/blob/master/examples/images/googlenet.py
  • 自编码器。用于 MNIST 手写数字的自编码器
https://github.com/tflearn/tflearn/blob/master/examples/images/autoencoder.py
自然语言处理模型及数据集
  • 循环神经网络(LSTM),应用 LSTM 到 IMDB 情感数据集分类任
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm.py
  • 双向 RNN(LSTM),将一个双向 LSTM 应用到 IMDB 情感数据集分类任务:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/bidirectional_lstm.py
  • 动态 RNN(LSTM),利用动态 LSTM 从 IMDB 数据集分类可变长度文本:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/dynamic_lstm.py
  • 城市名称生成,使用 LSTM 网络生成新的美国城市名:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm_generator_cityname.py
  • 莎士比亚手稿生成,使用 LSTM 网络生成新的莎士比亚手稿:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/lstm_generator_shakespeare.py
  • Seq2seq,seq2seq 循环网络的教学示例:
https://github.com/tflearn/tflearn/blob/master/examples/nlp/seq2seq_example.py
  • CNN Seq,应用一个 1-D 卷积网络从 IMDB 情感数据集中分类词序列
https://github.com/tflearn/tflearn/blob/master/examples/nlp/cnn_sentence_classification.py
强化学习案例
  • Atari Pacman 1-step Q-Learning,使用 1-step Q-learning 教一台机器玩 Atari 游戏:
https://github.com/tflearn/tflearn/blob/master/examples/reinforcement_learning/atari_1step_qlearning.py
第三步:为TF新手准备的其他方面内容
  • Recommender-Wide&Deep Network,推荐系统中 wide & deep 网络的教学示例:
https://github.com/tflearn/tflearn/blob/master/examples/others/recommender_wide_and_deep.py
  • Spiral Classification Problem,对斯坦福 CS231n spiral 分类难题的 TFLearn 实现:
https://github.com/tflearn/tflearn/blob/master/examples/notebooks/spiral.ipynb
  • 层,与 TensorFlow 一起使用  TFLearn 层:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/layers.py
  • 训练器,使用 TFLearn 训练器类训练任何 TensorFlow 图:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/layers.py
  • Bulit-in Ops,连同 TensorFlow 使用 TFLearn built-in 操作:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/builtin_ops.py
  • Summaries,连同 TensorFlow 使用 TFLearn summarizers:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/summaries.py
  • Variables,连同 TensorFlow 使用 TFLearn Variables:
https://github.com/tflearn/tflearn/blob/master/examples/extending_tensorflow/variables.py

[机器学习收藏] TensorFlow初学者必须了解的55个经典案例相关推荐

  1. 深度学习TensorFlow的55个经典案例

             人工智能大数据与深度学习  公众号: weic2c 本文是TensorFlow实现流行机器学习算法的教程汇集,目标是让读者可以轻松通过清晰简明的案例深入了解 TensorFlow.这 ...

  2. 干就行!大牛给初学者推荐的10个Python经典案例

    Python是一种高级,解释性,交互式且面向对象的脚本语言.Python的设计具有很高的可读性.它使用英语作为关键字,相对于而其他语言则使用标点符号作为语句结束不同,是依靠缩进作为结束.并且其语法结构 ...

  3. 收藏 | Tensorflow实现的深度NLP模型集锦(附资源)

    来源:深度学习与NLP 本文约2000字,建议阅读5分钟. 本文收集整理了一批基于Tensorflow实现的深度学习/机器学习的深度NLP模型. 收集整理了一批基于Tensorflow实现的深度学习/ ...

  4. 机器学习之tensorflow出现的一些问题

    机器学习之tensorflow出现的一些问题 1.查看tensorflow版本 2.Jupyter Notebook 工作环境配置 3.anaconda查看已有环境 4.anaconda进入已有的虚拟 ...

  5. Google 开源最新机器学习系统 TensorFlow

      Google CEO Sundar Pichai 刚刚在官方博客 宣布 开源自己的最新机器学习系统 TensorFlow ,并称希望此举有助于机器学习社区通过代码而不是论文来更快地交换想法,然后反 ...

  6. html 点击收藏效果,收藏Javascript中常用的55个经典技巧

    收藏Javascript中常用的55个经典技巧 更新时间:2007年08月12日 15:39:21   作者: 1. οncοntextmenu="window.event.returnVa ...

  7. 机器学习笔记 - TensorFlow Lite设备端机器学习的模型优化

    一.TensorFlow Lite TensorFlow Lite 是一组工具,可帮助开发人员在移动.嵌入式和边缘设备上运行模型,从而实现设备上机器学习.TensorFlow Lite(简称 TF L ...

  8. 用AI玩55款经典游戏是什么体验?

    本文 GitHub https://github.com/Jack-Cherish/PythonPark 已收录,有技术干货文章,整理的学习资料,一线大厂面试经验分享等,欢迎 Star 和 完善. 大 ...

  9. AI之NLP:自然语言处理技术简介(是什么/学什么/怎么用)、常用算法、经典案例之详细攻略(建议收藏)

    AI之NLP:自然语言处理技术简介(是什么/学什么/怎么用).常用算法.经典案例之详细攻略(建议收藏) 目录 NLP是什么? 1.NLP前置技术解析 2.python中NLP技术相关库 3.NLP案例 ...

最新文章

  1. python中如何调用java_在Python程序中调用Java代码的实现
  2. vs2010 利用DMP文件、pdb文件查找release下的异常行号的方法
  3. 请求发送者与接收者解耦——命令模式
  4. 牛客题霸 [跳台阶] C++题解/答案
  5. oracle 运营维护_Oracle数据库日常运维常用脚本
  6. Java抽象类、接口、类的特殊成员
  7. 眼图 非差分线_LVDS低电压差分信号简介
  8. php文件夹重命名,PHP重命名和移动目录
  9. Hadoop框架:MapReduce基本原理和入门案例
  10. 正则-Strip函数
  11. 破解联通HG8347R光猫
  12. LTE的基础知识与关键技术
  13. 趣味编程:有A,B,C,D,E五人,每人额头上都帖了一张黑或白的纸
  14. 内网渗透结束,痕迹清理必备手段
  15. FAF世链区块链大会|DarkHorse商学院院长何沐庭:看好DeFi的未来
  16. AppLocker 简要实验笔记
  17. Unable to register Log4j shutdown hook because JVM is shutting down. Using SimpleLogger 问题分析
  18. AE开发之图层渲染20210603
  19. 用Websocket聊天完整demo,做笔记用,各位大佬多多指教
  20. 利用Eclipse-Python简单爬取京东商城书籍信息进行可视化

热门文章

  1. juqery代码优化
  2. win10html中文乱码,Win10预览版10125中文语言包安装及乱码解决方法
  3. android返回后屏幕旋转了,Android recovery 模式下屏幕显示旋转
  4. 计算机硬件性能提升定律,❤️多核编程·笔记
  5. 怎么打散铺铜_装修辅材有哪些?怎么选?元老级工头:照这样去买你家多住50年...
  6. springBoot后台发送内容至邮箱
  7. python编程入门与实践_Python编程入门到实践(二)
  8. java extensions JAR files
  9. 【若依(ruoyi)】jQuery.validator
  10. 【spring boot】 使用 RestTemplate