ICode9

精准搜索请尝试: 精确搜索
  • ICT_TASK_12019-07-13 21:01:10

    1,安装python3.5.2 https://www.python.org/downloads/ 貌似是因为tensorflow只兼容windows python3.5.x版本 2,更新pip python -m pip install --upgrade pip 3,安装tensorflowCPU版本 pip3 install --upgrade tensorflow 4,安装各种有关于Faster-RCNN的python包 pip install

  • TensorFlow(二)Hello Regular Network(一元回归分析函数)2019-07-10 19:37:54

      我们准备建立一个如下的一个含有一个隐藏层的神经网络去实现回归分析,这个网络应有输入层、输出层、和隐藏层。                                                  最终实现一个一元回归的分析模型,也就会线性回归。 我们会生成一个y = 4 * x + 1

  • tensorflow--会话及变量使用2019-07-09 16:55:36

    import tensorflow as tfdata1 = tf.constant(25,dtype='int16')data2 = tf.Variable(3,name='data2')print(data1)print(data2)# sess = tf.Session()# init = tf.global_variables_initializer()# sess.run(init)# print(sess.run(data2))sess = tf.Ses

  • 深度学习小白——TensorFlow 一 简介2019-07-09 10:03:37

                                                                                                    我选择tensorFlow作为我学习的第一个神经网络框架,恰巧最近Tensorflow

  • tensorflow学习三,我的笔记,placeholder和feed_dict2019-07-07 17:38:06

    tf.placeholder 有点像是函数,定义完后,再通过feed_dict喂入数据,不需要初始化。 其中,shape和name属于可选参数,可以不定义。 import tensorflow as tf a=tf.placeholder(tf.float32,name="a") b=tf.placeholder(tf.float32,name="b") c=tf.multiply(a,b,name="c") init= tf.glob

  • tensorflow2019-06-30 20:50:58

    import tensorflow as tf c1 = tf.constant(9.5,dtype=tf.float32)#常量 c2 = tf.constant(10,dtype=tf.int32)#常量 a = tf.Variable(5.8)#变量 b = tf.Variable(2.9) x = tf.Variable(5.8)#变量 y = tf.Variable(2.9) sum = tf.Variable(0, name="sum") result = tf.Vari

  • 转:安装了anaconda不需要安装CUDA和cuDNN2019-06-29 20:54:07

    我电脑i7 1060,之前一直在找匹配的cuda和cudnn,安装出现各种问题,直到高人提醒,anaconda自带cuda和cudnn。 我打开开始菜单里的anaconda里的navigator,发现cuda和cudnn状态是installed,cuda版本是9.0,运行测试程序,证实可以在gpu上运行! 我建了几个环境,除了系统自带的base环境,还有自

  • 3天入门python深度学习第一天2019-06-24 17:49:41

    应用场景 用Tensorflow实现加法运算演示数据流图(需要开启会话) import tensorflow as tf def tensorflow_demo(): # Tensorflow实现加法 a=tf.constant(2) b=tf.constant(3) c=a+b print("Tensorflow加法运算的结果:\n",c) #开启会话

  • Tensorflow学习四之placeholder2019-06-23 14:51:54

    import tensorflow as tf input1 = tf.placeholder(tf.float32) input2 = tf.placeholder(tf.float32) output = tf.multiply(input1, input2) with tf.Session() as sess: print(sess.run(output,feed_dict={input1:[7],input2:[2]}))#使用placeholer必须使用feed_dict

  • tensorflow中gradients的使用以及TypeError: Fetch argument None has invalid type <class 'NoneType�2019-06-16 13:02:56

    在反向传播过程中,神经网络需要对每一个loss对应的学习参数求偏导,算出的这个值也就是梯度,用来乘以学习率更新学习参数使用的,它是通过tensorflow中gradients函数使用的。 我们根据官方文档对函数原型进行解析 官方文档中函数原型以及参数如下: tf.gradients( ys, xs, grad_y

  • tf.Session() vs tf.InteractiveSession()2019-06-13 13:55:29

    Mainly taken from official documentation: The only difference with a regular Session is that an InteractiveSession installs itself as the default session on construction. The methods Tensor.eval() and Operation.run() will use that session to run ops. Thi

  • 在TensorFlow中如何将Tensor张量转换为numpy数组?2019-06-13 13:55:04

    在Tensorflow中,使用Python,如何将张量(Tensor)转换为numpy数组呢?   最佳解决办法 由Session.run或eval返回的任何张量都是NumPy数组。 >>> print(type(tf.Session().run(tf.constant([1,2,3])))) <class 'numpy.ndarray'> 要么: >>> sess = tf.InteractiveSession() >&g

  • 在TensorFlow中怎么打印Tensor对象的值2019-06-13 13:54:08

    在TensorFlow中,如何打印Tensor对象的值?对于下面这个TensorFlow矩阵乘法的例子: matrix1 = tf.constant([[3., 3.]]) matrix2 = tf.constant([[2.],[2.]]) product = tf.matmul(matrix1, matrix2) 当我打印product时,显示为一个TensorObject。 <tensorflow.python.framework.o

  • tensorflow: tensor,operation和Session2019-06-13 13:52:20

    一、基本知识 TensorFlow的基本知识是学习的基础,要有一个大致的了解。这个学习的时候遇到很多问题,所以准备一边学习一边整理。这些内容主要来自TensorFlow的中文社区,再加上自己的一些整理。 首先要了解TensorFlow的基本概念。tensor可以理解为一种数据,TensorFlow就相当于一个

  • TENSORFLOW:GRAPH 和 SESSION续2019-06-13 13:50:48

    用tf.Session.run去运行opertions tf.Session.run方法是tensorflow里去执行一个opertion或者对tensor求值的主要方式。你可以把一个或者多个opertaion或者tensor传递给session.run去执行。TensorFlow会执行这些operation和所有这个operation依赖的计算去得到结果。 session.run

  • TensorFlow学习笔记0-安装TensorFlow环境2019-06-12 11:42:24

    TensorFlow学习笔记0-安装TensorFlow环境 作者: YunYuan 写在前面 系统: Windows Enterprise 10 x64 CPU:Intel(R) Core(TM) i7-8700 CPU @ 3.20GHz GPU: NVIDIA GeForce GTX 1050 Ti 所以本笔记记录Win10 64位系统下,TensorFlow的GPU版开发环境的搭建。 TensorFlow-GPU环境安装

  • tensorflow学习之tf.assign2019-06-11 13:52:55

    tf.assign(ref, value, validate_shape=None, use_locking=None, name=None), 函数功能是将value赋值给ref ref必须是tf.Variable创建的tensor,如果ref=tf.constant()就会报错,而且默认情况下ref的shape和value的shape是相同的   import tensorflow as tfstate = tf.Variable(0,name

  • Hello World.2019-06-11 10:03:44

    """ HelloWorld example using TensorFlow library. """ from __future__ import print_function import tensorflow as tf hello = tf.constant("Hello, TensorFlow!") sess = tf.Session() print(sess.run(hello)) # b'Stri

  • 笔记 - tensorflow:sess.run机制2019-06-10 14:49:31

    实验结果 import tensorflow as tf def read_data(): print("read data ...") return tf.constant(value=[1.0, 2.0, 3.0], dtype=tf.float32) X = read_data() X_train = tf.placeholder(dtype=tf.float32) with tf.Session() as sess: for epoch in ran

  • Tensorflow2019-06-09 12:40:52

    tf的特征就是,所有东西都是操作,在run之前,都是保存了操作,实际run之后才出现值。 这也符合变量的性质把   tf.cinstant 创建标量矩阵 tf有一套矩阵运算操作,,   #Session: 用来进行执行操作 sess = tf.Session() res = sess.run(某个操作) sess.close()     #Varaible: tf里面所有变

  • tensorflow模型保存和加载2019-06-06 17:56:40

    之前用过的保存tensorflow模型和加载模型的方法,用一个简单的例子总结一下。1、首先计算图定义代码如下: import tensorflow as tf a = tf.placeholder(dtype=tf.float64,shape=[1,2],name="input_data") b = tf.Variable(initial_value=1.0,dtype=tf.float64,name="b") b = t

  • TensorFlow——MNIST手写数据集2019-06-01 23:39:37

    MNIST数据集介绍 MNIST数据集中包含了各种各样的手写数字图片,数据集的官网是:http://yann.lecun.com/exdb/mnist/index.html,我们可以从这里下载数据集。使用如下的代码对数据集进行加载: from tensorflow.examples.tutorials.mnist import input_datamnist = input_data.read_data_s

  • 学习率的选取-滑动平均2019-06-01 21:51:55

    在神经网络模型中,将 MOVING_AVERAGE_DECAY 设置为 0.99,参数 w1 设置为 0,w1 的滑动平均值设置为 0。 ①开始时,轮数 global_step 设置为 0,参数 w1 更新为 1,则 w1 的滑动平均值为: w1 滑动平均值=min(0.99,1/10)*0+(1– min(0.99,1/10)*1 = 0.9 ②当轮数 global_step 设置为 100 时,参

  • 随机梯度下降法实例2019-06-01 21:01:00

    学习率 learning_rate:表示了每次参数更新的幅度大小。学习率过大,会导致待优化的参数在最 小值附近波动,不收敛;学习率过小,会导致待优化的参数收敛缓慢。 在训练过程中,参数的更新向着损失函数梯度下降的方向。 参数的更新公式为:

  • Tensorflow框架(人工智能实践笔记)2019-05-20 16:48:11

    基于TensorFlow的NN: 用张量表示数据,用计算图搭建神经网络,用会话执行计算图,优化线上的权重(参数),得到模型。 张量(Tensor):多维数组(列表) 阶: 张量的维数 n阶 张量 名字及例子 0 标量,s=123 1 向量,v=[1,2,3] 2 矩阵,m=[[1,2,3],[4,5,6],[7,8,9]] n 张量 ,t=[[[…n个 张

专注分享技术,共同学习,共同进步。侵权联系[81616952@qq.com]

Copyright (C)ICode9.com, All Rights Reserved.

ICode9版权所有