对tensorflow中tf.nn.conv1d和layers.conv1d的区别详解


Posted in Python onFebruary 11, 2020

在用tensorflow做一维的卷积神经网络的时候会遇到tf.nn.conv1d和layers.conv1d这两个函数,但是这两个函数有什么区别呢,通过计算得到一些规律。

1.关于tf.nn.conv1d的解释,以下是Tensor Flow中关于tf.nn.conv1d的API注解:

Computes a 1-D convolution given 3-D input and filter tensors.

Given an input tensor of shape [batch, in_width, in_channels] if data_format is "NHWC", or [batch, in_channels, in_width] if data_format is "NCHW", and a filter / kernel tensor of shape [filter_width, in_channels, out_channels], this op reshapes the arguments to pass them to conv2d to perform the equivalent convolution operation.

Internally, this op reshapes the input tensors and invokes `tf.nn.conv2d`. For example, if `data_format` does not start with "NC", a tensor of shape [batch, in_width, in_channels] is reshaped to [batch, 1, in_width, in_channels], and the filter is reshaped to [1, filter_width, in_channels, out_channels]. The result is then reshaped back to [batch, out_width, out_channels] whereoutwidthisafunctionofthestrideandpaddingasinconv2dwhereoutwidthisafunctionofthestrideandpaddingasinconv2d and returned to the caller.

Args: value: A 3D `Tensor`. Must be of type `float32` or `float64`. filters: A 3D `Tensor`. Must have the same type as `input`. stride: An `integer`. The number of entries by which the filter is moved right at each step. padding: 'SAME' or 'VALID' use_cudnn_on_gpu: An optional `bool`. Defaults to `True`. data_format: An optional `string` from `"NHWC", "NCHW"`. Defaults to `"NHWC"`, the data is stored in the order of [batch, in_width, in_channels]. The `"NCHW"` format stores data as [batch, in_channels, in_width]. name: A name for the operation (optional).

Returns:

A `Tensor`. Has the same type as input.

Raises:

ValueError: if `data_format` is invalid.

什么意思呢?就是说conv1d的参数含义:(以NHWC格式为例,即,通道维在最后)

1、value:在注释中,value的格式为:[batch, in_width, in_channels],batch为样本维,表示多少个样本,in_width为宽度维,表示样本的宽度,in_channels维通道维,表示样本有多少个通道。 事实上,也可以把格式看作如下:[batch, 行数, 列数],把每一个样本看作一个平铺开的二维数组。这样的话可以方便理解。

2、filters:在注释中,filters的格式为:[filter_width, in_channels, out_channels]。按照value的第二种看法,filter_width可以看作每次与value进行卷积的行数,in_channels表示value一共有多少列(与value中的in_channels相对应)。out_channels表示输出通道,可以理解为一共有多少个卷积核,即卷积核的数目。

3、stride:一个整数,表示步长,每次(向下)移动的距离(TensorFlow中解释是向右移动的距离,这里可以看作向下移动的距离)。

4、padding:同conv2d,value是否需要在下方填补0。

5、name:名称。可省略。

首先从参数列表可以看出value指的输入的数据,stride就是卷积的步长,这里我们最有疑问的就是filters这个参数,那么我们对filter进行简单的说明。从上面可以看到filters的格式为:[filter_width, in_channels, out_channels],这是一个数组的维度,对应的是卷积核的大小,输入的channel的格式,和卷积核的个数,下面我们用例子说明问题:

import tensorflow as tf
import numpy as np
 
 
if __name__ == '__main__':
  inputs = tf.constant(np.arange(1, 6, dtype=np.float32), shape=[1, 5, 1])
  w = np.array([1, 2], dtype=np.float32).reshape([2, 1, 1])
  # filter width, filter channels and out channels(number of kernels)
  cov1 = tf.nn.conv1d(inputs, w, stride=1, padding='VALID')
  with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    out = sess.run(cov1)
    print(out)

其输出为:

[[[ 5.],
    [ 8.],
    [11.],
    [14.]]]

我们分析一下,输入的数据为[[[1],[2],[3],[4],[5]]],有5个特征,分别对应的数值为1,2,3,4,5,那么经过卷积的结果为5,8,11,14,那么这个结果是怎么来的呢,我们根据卷积的计算,可以得到5 = 1*1 + 2*2, 8=2*1+ 3*2, 11 = 3*1+4*2, 14=4*1+5*2, 也就是W1=1, W2=2,正好和我们先面filters设置的数值相等,

w = np.array([1, 2], dtype=np.float32).reshape([2, 1, 1])

所以可以看到这个filtes设置的是是卷积核矩阵的,换句话说,卷积核矩阵我们是可以设置的。

2. 1.关于tf.layers.conv1d,函数的定义如下

tf.layers.conv1d(
 
inputs,
 
filters,
 
kernel_size,
 
strides=1,
 
padding='valid',
 
data_format='channels_last',
 
dilation_rate=1,
 
activation=None,
 
use_bias=True,
 
kernel_initializer=None,
 
bias_initializer=tf.zeros_initializer(),
 
kernel_regularizer=None,
 
bias_regularizer=None,
 
activity_regularizer=None,
 
kernel_constraint=None,
 
bias_constraint=None,
 
trainable=True,
 
name=None,
 
reuse=None
 
)

比较重要的几个参数是inputs, filters, kernel_size,下面分别说明

inputs : 输入tensor, 维度(None, a, b) 是一个三维的tensor

None : 一般是填充样本的个数,batch_size

a : 句子中的词数或者字数

b : 字或者词的向量维度

filters : 过滤器的个数

kernel_size : 卷积核的大小,卷积核其实应该是一个二维的,这里只需要指定一维,是因为卷积核的第二维与输入的词向量维度是一致的,因为对于句子而言,卷积的移动方向只能是沿着词的方向,即只能在列维度移动。一个例子:

import tensorflow as tf
import numpy as np
 
 
if __name__ == '__main__':
  inputs = tf.constant(np.arange(1, 6, dtype=np.float32), shape=[1, 5, 1])
  cov2 = tf.layers.conv1d(inputs, filters=1, kernel_size=2, strides=1, padding='VALID')
  with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())
    out = sess.run(cov2)
    print(out)

输出结果:

[[[-1.9953331]
 [-3.5520997]
 [-5.108866 ]
 [-6.6656327]]]

也许你得到的结果和我得到的结果不同,因为在这个函数里面只是设置了卷积核的尺寸和步长,没有设置具体的卷积核矩阵,所以这个卷积核矩阵是随机生成的,就会出现可能运行上面的程序出现不同结果的情况。

以上这篇对tensorflow中tf.nn.conv1d和layers.conv1d的区别详解就是小编分享给大家的全部内容了,希望能给大家一个参考,也希望大家多多支持三水点靠木。

Python 相关文章推荐
python转换摩斯密码示例
Feb 16 Python
python数据结构之二叉树的统计与转换实例
Apr 29 Python
python字符串连接方式汇总
Aug 21 Python
在Python中处理时间之clock()方法的使用
May 22 Python
python生成器表达式和列表解析
Mar 10 Python
Python生成一个迭代器的实操方法
Jun 18 Python
Django组件content-type使用方法详解
Jul 19 Python
python中return不返回值的问题解析
Jul 22 Python
python读取excel数据绘制简单曲线图的完整步骤记录
Oct 30 Python
python制作微博图片爬取工具
Jan 16 Python
Python Selenium操作Cookie的实例方法
Feb 28 Python
PYTHON InceptionV3模型的复现详解
May 06 Python
python中文分词库jieba使用方法详解
Feb 11 #Python
Transpose 数组行列转置的限制方式
Feb 11 #Python
Tensorflow:转置函数 transpose的使用详解
Feb 11 #Python
tensorflow多维张量计算实例
Feb 11 #Python
python误差棒图errorbar()函数实例解析
Feb 11 #Python
解决Python3.8用pip安装turtle-0.0.2出现错误问题
Feb 11 #Python
python scatter函数用法实例详解
Feb 11 #Python
You might like
如何在PHP中使用Oracle数据库(6)
2006/10/09 PHP
数字转英文
2006/12/06 PHP
PHP 图像尺寸调整代码
2010/05/26 PHP
ThinkPHP 3.2 版本升级了哪些内容
2015/03/05 PHP
PHP中如何判断exec函数执行成功?
2016/08/04 PHP
phpinfo的知识点总结
2019/10/10 PHP
使弱类型的语言JavaScript变强势
2009/06/22 Javascript
让textarea自动调整大小的js代码
2011/04/12 Javascript
JavaScript中的apply()方法和call()方法使用介绍
2012/07/25 Javascript
jQuery判断checkbox(复选框)是否被选中以及全选、反选实现代码
2014/02/21 Javascript
深入理解javascript的执行顺序
2014/04/04 Javascript
node.js中的fs.rmdirSync方法使用说明
2014/12/16 Javascript
jquery代码实现多选、不同分享功能
2015/07/31 Javascript
基于JS实现发送短信验证码后的倒计时功能(无视页面刷新,页面关闭不进行倒计时功能)
2016/09/02 Javascript
利用fecha进行JS日期处理
2016/11/21 Javascript
AngularJS打开页面隐藏显示表达式用法示例
2016/12/25 Javascript
JS鼠标滚动分页效果示例
2017/07/05 Javascript
[js高手之路]单例模式实现模态框的示例
2017/09/01 Javascript
vue使用技巧及vue项目中遇到的问题
2018/06/04 Javascript
解决Angularjs异步操作后台请求用$q.all排列先后顺序问题
2019/11/29 Javascript
js 函数性能比较方法
2020/08/24 Javascript
videocapture库制作python视频高速传输程序
2013/12/23 Python
在Django的form中使用CSS进行设计的方法
2015/07/18 Python
Python程序退出方式小结
2017/12/09 Python
python实现年会抽奖程序
2019/01/22 Python
PIL图像处理模块paste方法简单使用详解
2019/07/17 Python
python GUI库图形界面开发之PyQt5信号与槽的高级使用技巧装饰器信号与槽详细使用方法与实例
2020/03/06 Python
python中安装django模块的方法
2020/03/12 Python
快速解决jupyter notebook启动需要密码的问题
2020/04/21 Python
python3.6.5基于kerberos认证的hive和hdfs连接调用方式
2020/06/06 Python
欧缇丽加拿大官方网站:Caudalie加拿大
2019/07/18 全球购物
益达广告词
2014/03/14 职场文书
鼓舞士气的口号
2014/06/16 职场文书
婚礼长辈答谢词
2015/09/29 职场文书
高中班主任寄语
2019/06/21 职场文书
JavaScript中10个Reduce常用场景技巧
2022/06/21 Javascript