一、这里列出了tensorflow的一些基本函数,比较全面:https://blog.csdn.net/M_Z_G_Y/article/details/80523834

二、这里是tensortflow的详细教程:http://c.biancheng.net/tensorflow/

三、下面程序是我学习常量、变量、placeholder和基本运算时形成的小函数

import tensorflow as tf
import numpy as np
print(tf.__version__)#打印Tensorflow版本
print(tf.__path__)#打印Tensorflow安装路径 #3第一个tensorflow程序
def test3():
message = tf.constant('Welcome to the exciting world of Deep Neural Networks!')
with tf.Session() as sess:
print(sess.run(message).decode()) #4程序结构
def test4():
v_1=tf.constant([1,3,4,5])
v_2=tf.constant([2,3,4,5])
v_add=tf.add(v_1,v_2)
with tf.Session() as sess:
print(sess.run(v_add))
#5_1常量
def test5_1():
con1 = tf.constant([4,3,2])
zeros1= tf.zeros([2,3],tf.int32)
zeros2=tf.zeros_like(con1)
ones1=tf.ones([2,3],tf.int32)
ones2=tf.ones_like(con1)
nine1=tf.fill([2, 3], 9.0)
diag= tf.diag([1.0, 2.0, 3.0])
line1 = tf.linspace(2.0,5.0,5)
range1= tf.range(10)
random1=tf.random_normal([2,3],mean=2,stddev=4,seed=12)#正态分布随机数组
random2=tf.truncated_normal([2,3],stddev=3,seed=12)#结尾正态随机分布数组
add1=tf.add(con1,zeros1)
with tf.Session() as sess:
print('con1:\n',sess.run(con1))
print('zeros1:\n',sess.run(zeros1))
print('zeros2:\n',sess.run(zeros2))
print('ones1:\n',sess.run(ones1))
print('ones2:\n',sess.run(ones2))
print('line1:\n',sess.run(line1))
print('range1:\n',sess.run(range1))
print('random1:\n',sess.run(random1))
print('random2:\n',sess.run(random2))
print('add1:\n',sess.run(add1)) #5_2变量
def test5_2():
matrix1=tf.Variable(tf.random_uniform([2,2],0,10,seed=0),name='weights')
matrix2=tf.Variable(tf.random_uniform([2,2],0,10,seed=1),name='weights')
add=tf.add(matrix1,matrix2)#加法
subtract=tf.subtract(matrix1,matrix2)#减法
product1= tf.matmul(matrix1,matrix2)#矩阵相乘
product2=tf.scalar_mul(2,matrix1)#标量*矩阵
product3=matrix1*matrix2#对应元素相乘,等同于tf.multiply()
div=tf.div(matrix1,matrix2)#对应元素相除
mod=tf.mod(matrix1,matrix2)#对应元素取模
init = tf.global_variables_initializer()
with tf.Session() as sess:
sess.run(init)
print('matrix1:\n',sess.run(matrix1))
print('matrix2:\n',sess.run(matrix2))
print('add:\n',sess.run(add))
print('subtract:\n',sess.run(subtract))
print('product1:\n',sess.run(product1))
print('product2:\n',sess.run(product2))
print('product3:\n',sess.run(product3))
print('div:\n',sess.run(div))
print('mod:\n',sess.run(mod)) #5_3Placeholder
def test5_3():
x=tf.placeholder(tf.float32,[None,5])
y=x*2
data=tf.random_uniform([4,5],0,10)
with tf.Session() as sess:
x_data=sess.run(data)
print(sess.run(y,feed_dict={x:x_data})) #几个矩阵运算
def test6():
a=tf.ones([2,3,4])
b=tf.reshape(np.arange(24), [2,3,4])
b_slice=tf.strided_slice(b, [0,0,1], [2,2,3])#张量切片
c=tf.constant(np.arange(24))
c_reshape=tf.reshape(c,[2,3,4])#张量调整形状
c_transpose=tf.transpose(c_reshape, [1,2,0])#张量转置
with tf.Session() as sess:
print(sess.run(b))
print(sess.run(b_slice))
print(sess.run(c))
print(sess.run(c_reshape))
print(sess.run(c_transpose))
#卷积
def test7():
x_in=tf.reshape(np.arange(50), [1,2,5,5])
x_transpose=tf.transpose(x_in,[0,3,2,1])
x=tf.cast(x_transpose,tf.float32)#转换数据类型
w_con=tf.ones([2,2,2,1])
w=tf.cast(w_con,tf.float32)
result=tf.nn.conv2d(x, w, strides = [1, 1, 1, 1], padding = 'SAME')#卷积计算
with tf.Session() as sess:
print('x_in:\n',sess.run(x_in))
print('x:\n',sess.run(x))
print('w:\n',sess.run(w))
print('result:\n',sess.run(result)) test6()

Tensorflow机器学习入门——常量、变量、placeholder和基本运算的更多相关文章

  1. Tensorflow机器学习入门——读取数据

    TensorFlow 中可以通过三种方式读取数据: 一.通过feed_dict传递数据: input1 = tf.placeholder(tf.float32) input2 = tf.placeho ...

  2. Tensorflow机器学习入门——网络可视化TensorBoard

    一.在代码中标记要显示的各种量 tensorboard各函数的作用和用法请参考:https://www.cnblogs.com/lyc-seu/p/8647792.html import tensor ...

  3. Tensorflow机器学习入门——MINIST数据集识别

    参考网站:http://www.tensorfly.cn/tfdoc/tutorials/mnist_beginners.html #自动下载并加载数据 from tensorflow.example ...

  4. Tensorflow机器学习入门——MINIST数据集识别(卷积神经网络)

    #自动下载并加载数据 from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_s ...

  5. 入门&常量&变量

    位:二进制中,每个0或1就是一个位,叫做bit(比特) 字节:计算机最小是存储单元(byte或B) 8bit = 1B 常用cmd命令: 启动: Win+R,输入cmd回车切换盘符 盘符名称:进入文件 ...

  6. Tensorflow机器学习入门——ModuleNotFoundError: No module named 'tensorflow.keras'

    这个bug的解决办法: # from tensorflow.keras import datasets, layers, models from tensorflow.python.keras imp ...

  7. Tensorflow机器学习入门——cifar10数据集的读取、展示与保存

    基本信息 官网:http://www.cs.toronto.edu/~kriz/cifar.html 共60000张图片:50000张用于训练.10000张用于测试 图片大小为:32X32 数据集图片 ...

  8. Tensorflow机器学习入门——AttributeError: module 'scipy.misc' has no attribute 'toimage'

    这个bug的解决办法: import cv2 # scipy.misc.toimage(image_array).save('cifar10_data/raw/%d.jpg' % i) cv2.imw ...

  9. TensorFlow入门(常量变量及其基本运算)

    1.tensorflow常量变量的定义 测试代码如下: # encoding:utf-8 # OpenCV tensorflow # 类比 语法 api 原理 # 基础数据类型 运算符 流程 字典 数 ...

随机推荐

  1. JQ DOM元素 创建 添加 删除

    创建元素 // 创建元素节点 $('<p></p>'); // 创建属性节点 $('<p class="wow"></p>'); / ...

  2. JS高级---函数中的this的指向,函数的不同调用方式

    函数中的this的指向 普通函数中的this是谁?-----window 对象.方法中的this是谁?----当前的实例对象 定时器方法中的this是谁?----window 构造函数中的this是谁 ...

  3. spring(一):思维导图

  4. Html基本控件介绍

    1. <input>标签<input> 标签用于搜集用户信息. 1.1 type属性根据不同的 type 属性值,输入字段拥有很多种形式.可以是文本字段.复选框.掩码后的文本控 ...

  5. HTML的列表标签和表格标签

    网页的列表和表格 列表的分类 无序列表 有序列表 自定义列表 有序列表 <!--有序列表--><ol>    <li>辽宁</li>    <li ...

  6. xshell配置---文件上传命令rz和下载命令sz

    1.下载安装包 方法一:手动下载安装 1)下载安装包:lrzsz-0.12.20.tar.gz 官网下载地址:http://www.ohse.de/uwe/releases/lrzsz-0.12.20 ...

  7. 国内某Python大神自创完整版,系统性学习Python

    很多小伙伴纠结于这个一百天的时间,我觉得完全没有必要,也违背了我最初放这个大纲上来的初衷,我是觉得这个学习大纲还不错,自学按照这个来也能相对系统的学习知识,而不是零散细碎的知识最后无法整合,每个人的基 ...

  8. AlertDialog 、SimpleDialog、 showModalBottomSheet、showToast 自定义 Dialog

    // AlertDialog .SimpleDialog.showModalBottomSheet.showToast // 使用showToast安装插件 https://pub.dev/packa ...

  9. 其他 - 阻塞 & 同步 的基本认识

    1. 概述 有些概念, 老是弄不清楚 同步异步 阻塞非阻塞 2. 准备 场景 角色 client 发起请求 接受请求 server 接受请求 执行操作 返回响应 行为 大致是一个 C/S 模式的模型 ...

  10. 排序:ORDER BY

    1.按照字段值进行排序: 语法:order by 字段 升序|降序 (asc|desc) 默认情况下为“升序” asc.asc=ascending 升 desc=descending 降 2.允许多字 ...