tensorflow 进阶学习

作者: jiandanjinxin | 来源:发表于2017-07-07 17:35 被阅读1555次

    TensorFlow-Examples

    tensorflow学习笔记三:实例数据下载与读取

    Convolutional Neural Network CNN with TensorFlow tutorial

    awesome-tensorflow


    import numpy as np 
    import tensorflow as tf
    coefficients=np.array([[1],[-20],[25]])
    w= tf.Variable([0], dtype=tf.float32)
    x=tf.placeholder(tf.float32,[3,1])
    # cost = tf.add(tf.add(w**2,tf.multiply(-10.,w)),25)
    cost = x[0][0]*w**2 +x[1][0]*w+x[2][0] # (w-5)**2
    train = tf.train.GradientDescentOptimizer(0.01).minimize(cost)
    init = tf.global_variables_initializer()
    
    
    # session = tf.Session()
    # session.run(init)
    # print(session.run(w))
    # for i in range(1000):
    #     session.run(train, feed_dict={x:coefficients})
    #     print(i, session.run(w)) 
    
    with tf.Session() as session:
        session.run(init)
        print(session.run(w))
    with tf.Session() as session:
        session.run(init)
        print(session.run(w))
        for i in range(1000):
            session.run(train, feed_dict={x:coefficients})
        print(i, session.run(w))
    
    

    TensorFlow.png

    tensorflow-workshop

    Tensorflow中文社区


    2017TensorFlow开发者峰会全集,中文字幕共18集

    第一集:TensorFlow每个人的机器学习工具
    第二集:2017 TensorFlow 开发者峰会亮点
    第三集:主题演讲(TensorFlow 开发者峰会 2017)
    第四集:2017 TensorFlow 开发者峰会 使用XLA轻松编译
    第五集:2017 TensorFlow 开发者峰会 TensorBoard轻松实践
    第六集:2017 TensorFlow 开发者峰会 高级API:模型
    第七集:2017 TensorFlow 开发者峰会 皮肤癌图像分类
    第八集:2017 TensorFlow 开发者峰会 整合Keras
    第九集:2017 TensorFlow 开发者峰会 DeepMind团队和TensorFlow
    第十集:2017 TensorFlow 开发者峰会 移动和嵌入式TensorFlow
    第十一集:2017 TensorFlow 开发者峰会 分布式TensorFlow
    第十二集:2017 TensorFlow 开发者峰会 TensorFlow生态系统
    第十三集:2017 TensorFlow 开发者峰会 生产环境
    第十四集:2017 TensorFlow 开发者峰会 ML工具包
    第十五集:2017 TensorFlow 开发者峰会 序列模型和RNN API
    第十六集:2017 TensorFlow 开发者峰会 医学案例 视网膜成像
    第十七集:2017 TensorFlow 开发者峰会 深度学习
    第十八集:2017 TensorFlow 开发者峰会 音乐和艺术


    Tensorflow 经典入门教程

    1.教程 | 没有博士学位,照样玩转TensorFlow深度学习

    TensorFlow and deep learning, without a PhD英文网页版本
    tensorflow-mnist-tutorial-code
    Slides-TensorFlow and deep learning, without a PhD

    TensorFlow深度学习手写数字识别初体验
    TensorFlow和深度学习入门教程(TensorFlow and deep learning without a PhD)

    2.莫烦-Tensorflow
    code-tensorflowTUT

    一文学会用 Tensorflow 搭建神经网络


    3.经典博客

    http://blog.csdn.net/column/details/16035.html

    http://blog.csdn.net/u013751160/article/category/6801799

    http://www.cnblogs.com/denny402/tag/tensorflow/

    http://nooverfit.com/wp/category/%e5%b7%a5%e5%85%b7/

    http://blog.csdn.net/u012436149/article/category/6461700/2

    http://blog.csdn.net/PhDat101/article/category/6358906

    http://blog.csdn.net/hjimce


    **4. **10分钟入门 TensorFlow 教程卷积神经网络教程


    中文-机器学习敲门砖:任何人都能看懂的TensorFlow介绍](http://www.sohu.com/a/111511315_157627)
    Soon Hin Khor
    Gentlest Introduction to Tensorflow #1
    Gentlest Introduction to Tensorflow #2
    Gentlest Intro to TensorFlow #3: Matrices & Multi-feature Linear Regression
    Gentlest Intro to Tensorflow #4: Logistic Regression


    5. TensorFlow: A simple introduction to TensorFlow

    这篇教程是翻译Morgan写的TensorFlow教程,作者已经授权翻译,这是原文
    TensorFlow学习系列(一):初识TensorFlow
    TensorFlow学习系列(二):形状和动态维度
    TensorFlow学习系列(三):保存/恢复和混合多个模型
    TensorFlow学习系列(四):利用神经网络实现泛逼近器(universal approximator)
    TensorFlow学习系列(五):如何使用队列和多线程优化输入管道

    Tensorflow一些常用基本概念与函数


    [译]与TensorFlow的第一次接触
    First contact with TensorFlow


    TensorFlow源码及架构
    图解TensorFlow源码
    源码
    sydpz1987的博客
    tensorflow项目构建流程


    6.Introduction to Deep Learning with Tensorflow

    https://fabienbaradel.github.io/
    https://fabienbaradel.github.io/images/tensorflow_ensai_SID_13_01_17.pdf


    7.TensorFlow Tutorials with YouTube Videos
    Code-Hvass-Labs-TensorFlow-Tutorials
    YouTube Videos
    https://github.com/Hvass-Labs


    8.tensorflow 中的 Python API
    原文链接
    Tensorflow API 翻译

    Tensorflow Python API 翻译(nn)

    Tensorflow Python API 翻译(math_ops)(第一部分)
    Tensorflow Python API 翻译(math_ops)(第二部分)


    9.cifar10 tutorial
    code-cifar10
    仿照CIFAR-10数据集格式,制作自己的数据集
    TensorFlow CNN 测试CIFAR-10数据集
    TensorFlow学习笔记(8)----CNN分类CIFAR-10数据集
    TensorFlow中cnn-cifar10样例代码详解
    Deep Learning-TensorFlow (4) CNN卷积神经网络_CIFAR-10进阶图像分类模型(上)
    Deep Learning-TensorFlow (5) CNN卷积神经网络_CIFAR-10进阶图像分类模型(下)
    DiamonJoy-TensorFlow
    利用tensorflow编写卷积神经网络(CNN)对CIFAR-10进行识别(附完整代码)
    lqsherlock-tensorflow-CNN-CIFAR-10
    TensorFlow中cnn-cifar10样例代码详解


    10. Fizz Buzz in Tensorflow


    11.TensorFlow官方文档中文版
    TensorFlow中文社区


    官方Tutorials

    TensorFlow 官方文档中文版-极客

    MNIST机器学习入门
    深入MNIST


    Tensorflow游乐场

    TensorFlow中四种 Cross Entropy 算法实现和应用

    经典网络的 TensorFlow 实现资源汇总
    TensorFlow之深入理解AlexNet
    TensorFlow之深入理解Neural Style
    TensoFlow之深入理解GoogLeNet

    Understanding Convolutional Neural Networks for NLP
    Implementing a CNN for Text Classification in TensorFlow


    12.aymericdamien-TensorFlow-Examples

    1:tf初学者需要明白的入门准备
    机器学习入门笔记
    MNIST 数据集入门笔记
    2:tf初学者需要了解的入门基础
    Hello World
    基本操作
    3:tf初学者需要掌握的基本模型
    最近邻
    线性回归
    Logistic 回归
    4:tf初学者需要尝试的神经网络
    多层感知器
    卷积神经网络
    循环神经网络(LSTM)
    双向循环神经网络(LSTM)
    动态循环神经网络(LSTM)
    自编码器
    5:tf初学者需要精通的实用技术
    保存和恢复模型
    图和损失可视化
    Tensorboard——高级可视化
    6:tf初学者需要的懂得的多GPU基本操作
    多 GPU 上的基本操作
    7:案例需要的数据集
    有一些案例需要 MNIST 数据集进行训练和测试。运行这些案例时,该数据集会被自动下载下来(使用 input_data.py)。

    初步了解: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
    

    强化学习案例

    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
    

    自然语言处理模型及数据集

    循环神经网络(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
    

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


    相关文章

      网友评论

        本文标题:tensorflow 进阶学习

        本文链接:https://www.haomeiwen.com/subject/jfytfxtx.html