我就废话不多说了,大家还是直接看代码吧!
import tensorflow as tf import numpy as np input = tf.constant(1,shape=(64,10,1),dtype=tf.float32,name='input')#shape=(batch,in_width,in_channels) w = tf.constant(3,shape=(3,1,32),dtype=tf.float32,name='w')#shape=(filter_width,in_channels,out_channels) conv1 = tf.nn.conv1d(input,w,2,'VALID') #2为步长 print(conv1.shape)#宽度计算(width-kernel_size+1)/strides ,(10-3+1)/2=4 (64,4,32) conv2 = tf.nn.conv1d(input,w,2,'SAME') #步长为2 print(conv2.shape)#宽度计算width/strides 10/2=5 (64,5,32) conv3 = tf.nn.conv1d(input,w,1,'SAME') #步长为1 print(conv3.shape) # (64,10,32) with tf.Session() as sess: print(sess.run(conv1)) print(sess.run(conv2)) print(sess.run(conv3))
以下是input_shape=(1,10,1), w = (3,1,1)时,conv1的shape
以下是input_shape=(1,10,1), w = (3,1,3)时,conv1的shape
补充知识:tensorflow中一维卷积conv1d处理语言序列举例
tf.nn.conv1d:
函数形式: tf.nn.conv1d(value, filters, stride, padding, use_cudnn_on_gpu=None, data_format=None, name=None):
程序举例:
import tensorflow as tf import numpy as np sess = tf.InteractiveSession() # --------------- tf.nn.conv1d ------------------- inputs=tf.ones((64,10,3)) # [batch, n_sqs, embedsize] w=tf.constant(1,tf.float32,(5,3,32)) # [w_high, embedsize, n_filers] conv1 = tf.nn.conv1d(inputs,w,stride=2 ,padding='SAME') # conv1=[batch, round(n_sqs/stride), n_filers],stride是步长。 tf.global_variables_initializer().run() out = sess.run(conv1) print(out)
注:一维卷积中padding='SAME'只在输入的末尾填充0
tf.layters.conv1d:
函数形式:tf.layters.conv1d(inputs, filters, kernel_size, strides=1, padding='valid', data_format='channels_last', dilation_rate=1, activation=None, use_bias=True,...)
程序举例:
import tensorflow as tf import numpy as np sess = tf.InteractiveSession() # --------------- tf.layters.conv1d ------------------- inputs=tf.ones((64,10,3)) # [batch, n_sqs, embedsize] num_filters=32 kernel_size =5 conv2 = tf.layers.conv1d(inputs, num_filters, kernel_size,strides=2, padding='valid',name='conv2') # shape = (batchsize, round(n_sqs/strides),num_filters) tf.global_variables_initializer().run() out = sess.run(conv2) print(out)
二维卷积实现一维卷积:
import tensorflow as tf sess = tf.InteractiveSession() def conv2d(x, W): return tf.nn.conv2d(x, W, strides=[1,1,1,1], padding='SAME') def max_pool_1x2(x): return tf.nn.avg_pool(x, ksize=[1,1,2,1], strides=[1,1,2,1], padding='SAME') ''' ksize = [x, pool_height, pool_width, x] strides = [x, pool_height, pool_width, x] ''' x = tf.Variable([[1,2,3,4]], dtype=tf.float32) x = tf.reshape(x, [1,1,4,1]) #这一步必不可少,否则会报错说维度不一致; ''' [batch, in_height, in_width, in_channels] = [1,1,4,1] ''' W_conv1 = tf.Variable([1,1,1],dtype=tf.float32) # 权重值 W_conv1 = tf.reshape(W_conv1, [1,3,1,1]) # 这一步同样必不可少 ''' [filter_height, filter_width, in_channels, out_channels] ''' h_conv1 = conv2d(x, W_conv1) # 结果:[4,8,12,11] h_pool1 = max_pool_1x2(h_conv1) tf.global_variables_initializer().run() print(sess.run(h_conv1)) # 结果array([6,11.5])x
两种池化操作:
# 1:stride max pooling convs = tf.expand_dims(conv, axis=-1) # shape=["htmlcode">kernel_sizes = [3,4,5] # 分别用窗口大小为3/4/5的卷积核 with tf.name_scope("mul_cnn"): pooled_outputs = [] for kernel_size in kernel_sizes: # CNN layer conv = tf.layers.conv1d(embedding_inputs, self.config.num_filters, kernel_size, name='conv-%s' % kernel_size) # global max pooling layer gmp = tf.reduce_max(conv, reduction_indices=[1], name='gmp') pooled_outputs.append(gmp) self.h_pool = tf.concat(pooled_outputs, 1) #池化后进行拼接以上这篇基于Tensorflow一维卷积用法详解就是小编分享给大家的全部内容了,希望能给大家一个参考,也希望大家多多支持。
Tensorflow,一维卷积
免责声明:本站文章均来自网站采集或用户投稿,网站不提供任何软件下载或自行开发的软件! 如有用户或公司发现本站内容信息存在侵权行为,请邮件告知! 858582#qq.com
RTX 5090要首发 性能要翻倍!三星展示GDDR7显存
三星在GTC上展示了专为下一代游戏GPU设计的GDDR7内存。
首次推出的GDDR7内存模块密度为16GB,每个模块容量为2GB。其速度预设为32 Gbps(PAM3),但也可以降至28 Gbps,以提高产量和初始阶段的整体性能和成本效益。
据三星表示,GDDR7内存的能效将提高20%,同时工作电压仅为1.1V,低于标准的1.2V。通过采用更新的封装材料和优化的电路设计,使得在高速运行时的发热量降低,GDDR7的热阻比GDDR6降低了70%。
更新日志
- 伍佰.2002-冬之火九重天演唱会特选录音专辑2CD【滚石】【WAV+CUE】
- 李宗盛1996《李宗盛的凡人歌2CD》滚石[WAV+CUE][1G]
- 刘德华 《天意》1:1直刻黑胶LPCD[WAV+CUE][1.1G]
- 刘德丽2024《赤的疑惑HQCD》头版限量编号MQA[低速原抓WAV+CUE]
- 英雄联盟万圣节有什么皮肤返场 2024万圣节皮肤返场一览
- lol万圣节赠礼活动什么时候开始 2024万圣节活动时间介绍
- 2024全球总决赛blg是全华班吗 全球总决赛blg选手所属国家介绍
- 《LOL》S14半决赛:T1战胜GEN晋级决赛!对决BLG
- 《完蛋美女前传》白白演员抱怨:都没人玩我的线
- 玩家热议OLED屏对画面提升巨大:比PS5 Pro值得买
- PatriciaPaay-TheLadyIsAChamp(ExpandedEdition)(2024)[24Bit-96kHz]FLAC
- 尚士达.2024-莫回头【智慧小狗】【DTS-WAV分轨】
- 区瑞强-黄金时代HQCDII头版限量wav
- 孙露《终于等到你》[WAV分轨][488M]
- 张信哲《歌时代》 潮水音乐 [WAV+CUE]