当前位置:网站首页>Sentimentin tensorflow_ analysis_ cell
Sentimentin tensorflow_ analysis_ cell
2022-06-26 05:04:00 【Rain and dew touch the real king】
import os
os.environ['TF_CPP_MIN_LOG_LEVEL']='2'
import tensorflow as tf
import numpy as np
from tensorflow import keras
from tensorflow.keras import layers
tf.random.set_seed(22)
np.random.seed(22)
assert tf.__version__.startswith('2.')
batchsz =128
#the most frequest words
total_words=10000
max_review_len=80
embeding_len= 100
(x_train,y_train),(x_test,y_test) = keras.datasets.imdb.load_data(num_words=total_words)
#x_train:[b,80]
#x_test:[b,80]
x_train = keras.preprocessing.sequence.pad_sequences(x_train,maxlen=max_review_len)
x_test=keras.preprocessing.sequence.pad_sequences(x_test,maxlen=max_review_len)
db_train = tf.data.Dataset.from_tensor_slices((x_train,y_train))
db_train=db_train.shuffle(1000).batch(batchsz,drop_remainder=True)
db_test = tf.data.Dataset.from_tensor_slices((x_train,y_train))
db_test=db_test.batch(batchsz,drop_remainder=True)
print('x_train shapeL:',x_train.shape,tf.reduce_max(y_train),tf.reduce_min(y_train))
print('x_test shape',x_test.shape)
class MyRNN(keras.Model):
def __init__(self,units):
super(MyRNN,self).__init__()
# [b, 64]
self.state0 = [tf.zeros([batchsz, units])]
self.state1 = [tf.zeros([batchsz, units])]
#transform text to embedding representation
#[b,80]=>[b,80,100]
self.embedding = layers.Embedding(total_words,embeding_len,
input_length=max_review_len)
#[b,80,100],h_dim:64
#RNN:cell1,cell2,cell3
#SimpleRNN
self.rnn_cell0 = layers.SimpleRNNCell(units, dropout=0.5)
self.rnn_cell1 = layers.SimpleRNNCell(units, dropout=0.5)
#fc,[b,80,100]=>[b,64]=>[b,1]
self.outlayer= layers.Dense(1)
def call(self,inputs,training=None):
"""
net(x) net(x,training=True):train mode
net(x,training=False):test
:param inputs: [b,80]
:param training:
:return:
"""
#[b,80]
x = inputs
#embedding: [b,80]=>[b,80,100]
x = self.embedding(x)
#rnn cell compute
#[b,80,100]=>[b,64]
state0 = self.state0
state1=self.state1
for word in tf.unstack(x , axis=1):#word:[b,100]
#h1 = x*wxh+h0*whh
#out0:[b,64]
out0 , state0 = self.rnn_cell0(word,state0,training)
#out1:[b,64]
out1, state1=self.rnn_cell1(out0,state1)
#out:[b,64]=>[b,1]
x = self.outlayer(out1)
#p(y is pos|x)
prob = tf.sigmoid(x)
return prob
def main():
units = 64
epochs = 4
model = MyRNN(units)
model.compile(optimizer = keras.optimizers.Adam(0.001),
loss = tf.losses.BinaryCrossentropy(),
metrics=['accuracy'],experimental_run_tf_function=False)
model.fit(db_train, epochs=epochs, validation_data=db_test)
model.evaluate(db_test)
if __name__ == '__main__':
main()
边栏推荐
- Using Matplotlib to add an external image at the canvas level
- 2. < tag dynamic programming and conventional problems > lt.343 integer partition
- [quartz] read configuration from database to realize dynamic timing task
- C# 40. byte[]与16进制string互转
- C# 39. string类型和byte[]类型相互转换(实测)
- Dbeaver installation and configuration of offline driver
- Happy New Year!
- How can the intelligent transformation path of manufacturing enterprises be broken due to talent shortage and high cost?
- ROS notes (07) - Implementation of client and server
- Multipass中文文档-使用Packer打包Multipass镜像
猜你喜欢

Dbeaver installation and configuration of offline driver

Yolov5 super parameter setting and data enhancement analysis

Multipass中文文档-设置驱动

Genius makers: lone Rangers, technology giants and AI | ten years of the rise of in-depth learning

Record a circular reference problem

Schematic diagram of UWB ultra high precision positioning system

2. < tag dynamic programming and conventional problems > lt.343 integer partition

【Latex】错误类型总结(持更)

文件上传与安全狗

A method of quickly transplanting library function code to register code by single chip microcomputer
随机推荐
C# 40. byte[]与16进制string互转
Some parameter settings and feature graph visualization of yolov5-6.0
Status of processes and communication between processes
Resample
Record a circular reference problem
ROS notes (07) - Implementation of client and server
Floyd
ROS 笔记(07)— 客户端 Client 和服务端 Server 的实现
微信小程序保存圖片的方法
Use to_ Numeric to numeric type
2022.2.10
202.2.9
Multipass Chinese document - use packer to package multipass image
Wechat applet exits the applet (navigator and api--wx.exitminiprogram)
Codeforces Round #802 (Div. 2)(A-D)
Condition query
Muke.com actual combat course
Interpretation of yolov5 training results
Difference between return and yield
Solution to back-off restarting failed container