对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中使用cookielib和urllib2配合PyQuery抓取网页信息
Apr 25 Python
Python多线程和队列操作实例
Jun 21 Python
详解Django中的权限和组以及消息
Jul 23 Python
【Python】Python的urllib模块、urllib2模块批量进行网页下载文件
Nov 19 Python
python方向键控制上下左右代码
Jan 20 Python
python使用mysql的两种使用方式
Mar 07 Python
python3.5安装python3-tk详解
Apr 26 Python
Python的numpy库下的几个小函数的用法(小结)
Jul 12 Python
Django文件存储 自己定制存储系统解析
Aug 02 Python
根据tensor的名字获取变量的值方式
Jan 04 Python
python opencv 实现对图像边缘扩充
Jan 19 Python
教你使用Python pypinyin库实现汉字转拼音
May 27 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利用cookies实现购物车的方法
2014/12/10 PHP
php与Mysql的一些简单的操作
2015/02/26 PHP
PHP实现懒加载的方法
2015/03/07 PHP
PHP大神的十大优良习惯
2016/09/14 PHP
PHP串行化与反串行化实例分析
2016/12/27 PHP
PHP基于DateTime类解决Unix时间戳与日期互转问题【针对1970年前及2038年后时间戳】
2018/06/13 PHP
javascript模版引擎-tmpl的bug修复与性能优化分析
2011/10/23 Javascript
javascript中IE浏览器不支持NEW DATE()带参数的解决方法
2012/03/01 Javascript
CodeMirror2 IE7/IE8 下面未知运行时错误的解决方法
2012/03/29 Javascript
Chosen 基于jquery的选择框插件使用方法
2012/05/30 Javascript
JavaScript中setInterval的用法总结
2013/11/20 Javascript
JavaScript获得url所有参数键值表的方法
2015/03/21 Javascript
AngularJS 依赖注入详解及示例代码
2016/08/17 Javascript
JS 实现 ajax 异步浏览器兼容问题
2017/01/21 Javascript
js实现下拉菜单效果
2017/03/01 Javascript
require.js 加载过程与使用方法介绍
2018/10/30 Javascript
微信小程序实现左滑删除效果
2020/11/18 Javascript
[04:51]TI10典藏宝瓶Ⅱ外观视频展示
2020/08/15 DOTA
[01:36:17]DOTA2-DPC中国联赛 正赛 Ehome vs iG BO3 第一场 1月31日
2021/03/11 DOTA
Python open()文件处理使用介绍
2014/11/30 Python
Python批量创建迅雷任务及创建多个文件
2016/02/13 Python
Python使用combinations实现排列组合的方法
2018/11/13 Python
Django实现一对多表模型的跨表查询方法
2018/12/18 Python
python将字符串转换成json的方法小结
2019/07/09 Python
python计算导数并绘图的实例
2020/02/29 Python
10个示例带你掌握python中的元组
2020/11/23 Python
浅谈html5 video 移动端填坑记
2018/01/15 HTML / CSS
伦敦剧院及景点门票:Encore Tickets
2018/07/01 全球购物
中专自我鉴定范文
2013/10/16 职场文书
工商企业管理应届生求职信
2013/11/03 职场文书
毕业生的求职信范文分享
2013/12/04 职场文书
乡镇总工会学雷锋活动总结
2014/03/01 职场文书
三八妇女节活动总结
2014/05/04 职场文书
白鹤梁导游词
2015/02/06 职场文书
幼儿园大班教师评语
2019/06/21 职场文书
nginx从安装到配置详细说明(安装,安全配置,防盗链,动静分离,配置 HTTPS,性能优化)
2022/02/12 Servers