tensorflow 基础学习十二:时间序列预测

  使用TFLearn自定义模型:TFLearn集成在了tf.contirb.learn里

  使用TFLearn解决iris分类问题:

from sklearn import model_selection
from sklearn import datasets
from sklearn import metrics
import tensorflow as tf
import numpy as np
from tensorflow.contrib.learn.python.learn.estimators.estimator import SKCompat

# 导入TFLearn
learn = tf.contrib.learn

# 自定义模型,对于给定的输入数据(features)和其对应的标签(target),返回在这些输入上的预测值、损失值。
def my_model(features,target):
    # 将预测的目标转换为one-hot编码的形式,因为共有三个类别,所以向量长度为3。经过转化后的类别向量分别为:
    #(1,0,0),(0,1,0),(0,0,1)
    target=tf.one_hot(target,3,1,0)
    
    # 计算预测值及损失函数。
    logits = tf.contrib.layers.fully_connected(features, 3, tf.nn.softmax)
    loss = tf.losses.softmax_cross_entropy(target, logits)
    
    # 创建模型的优化器,并得到优化步骤
    train_op=tf.contrib.layers.optimize_loss(
        loss,                                   # 损失函数
        tf.contrib.framework.get_global_step(), # 获取训练步数并在训练时更新
        optimizer='Adam',                    # 定义优化器
        learning_rate=0.1)                      # 定义学习率
    
    # 返回指定数据集上的预测结果,损失值以及优化步骤。
    return tf.arg_max(logits, 1), loss, train_op

# 加载iris数据集,并划分为训练集合和测试集合
iris = datasets.load_iris()
x_train, x_test, y_train, y_test = model_selection.train_test_split(
    iris.data, iris.target, test_size=0.2, random_state=0)

x_train, x_test = map(np.float32, [x_train, x_test])

# 对自定义模型进行封装
classifier = SKCompat(learn.Estimator(model_fn=my_model, model_dir="model_1"))

# 使用封装好的模型和训练数据执行100轮迭代
classifier.fit(x_train, y_train, steps=800)

# 使用训练好的模型进行预测
y_predicted = [i for i in classifier.predict(x_test)]

# 计算模型的准确率
score = metrics.accuracy_score(y_test, y_predicted)
print('Accuracy: %.2f%%' % (score * 100))

   预测正弦函数:

import numpy as np
import tensorflow as tf
from tensorflow.contrib.learn.python.learn.estimators.estimator import SKCompat
import matplotlib as mpl
mpl.use('Agg')
from matplotlib import pyplot as plt

learn=tf.contrib.learn

HIDDEN_SIZE = 30 # LSTM中隐藏节点的个数
NUM_LAYERS = 2  # LSTM的层数

TIMESTEPS = 10  # 循环神经网络的截断长度
TRAINING_STEPS = 10000 # 训练轮数
BATCH_SIZE = 32

TRAINING_EXAMPLES = 10000 # 训练数据个数
TESTING_EXAMPLES = 1000  # 测试数据个数
SAMPLE_GAP = 0.01 # 采样间隔

def generate_data(seq):
    X = []
    Y = []
    # 序列的第i项和后面的TIMESTEPS-1项合在一起作为输入;第i+TIMESTEPS项作为输出。即用sin函数前面的TIMESTEPS个点的信息,
    # 预测第i+TIMESTEPS个点的函数值。
    for i in range(len(seq) - TIMESTEPS - 1):
        X.append([seq[i:i + TIMESTEPS]])
        Y.append([seq[i + TIMESTEPS]])
    return np.array(X, dtype=np.float32), np.array(Y, dtype=np.float32)

def LstmCell():
    lstm_cell = tf.contrib.rnn.BasicLSTMCell(HIDDEN_SIZE,state_is_tuple=True)
    return lstm_cell

def lstm_model(X, y):
    # 使用多层的lstm结构
    cell = tf.contrib.rnn.MultiRNNCell([LstmCell() for _ in range(NUM_LAYERS)])
    
    # 使用tensorflow接口将多层的LSTM结构连接成RNN网络并计算其前向传播结果。
    output, _ = tf.nn.dynamic_rnn(cell, X, dtype=tf.float32)
    output = tf.reshape(output, [-1, HIDDEN_SIZE])
    
    # 通过无激活函数的全联接层计算线性回归,并将数据压缩成一维数组的结构。
    predictions = tf.contrib.layers.fully_connected(output, 1, None)
    
    # 将predictions和labels调整统一的shape
    labels = tf.reshape(y, [-1])
    predictions=tf.reshape(predictions, [-1])
    
    loss = tf.losses.mean_squared_error(predictions, labels)
    
    # 创建模型优化器并得到优化步骤
    train_op=tf.contrib.layers.optimize_loss(loss,tf.contrib.framework.get_global_step(),
                                            optimizer='Adagrad',learning_rate=0.1)
    
    return predictions,loss,train_op

# 封装之前定义的lstm。
regressor = SKCompat(learn.Estimator(model_fn=lstm_model,model_dir="model_2"))

# 用正弦函数生成训练和测试数据
test_start=TRAINING_EXAMPLES*SAMPLE_GAP
test_end=(TRAINING_EXAMPLES+TESTING_EXAMPLES)*SAMPLE_GAP
train_X,train_y=generate_data(np.sin(np.linspace(0,test_start,TRAINING_EXAMPLES,dtype=np.float32)))
test_X,test_y=generate_data(np.sin(np.linspace(test_start,test_end,TESTING_EXAMPLES,dtype=np.float32)))

# 调用fit函数训练模型
regressor.fit(train_X,train_y,batch_size=BATCH_SIZE,steps=TRAINING_STEPS)

# 预测
predicted=[[pred] for pred in regressor.predict(test_X)]
# 计算rmse作为评价指标
rmse=np.sqrt(((predicted-test_y)**2).mean(axis=0))
print('Mean Square Error is: {}'.format(rmse[0]))

# 对预测的sin函数曲线进行绘图
%matplotlib inline
plot_predicted, = plt.plot(predicted, label='predicted',color='red')
plot_test, = plt.plot(test_y-0.1, label='real_sin',color='green')
plt.legend([plot_predicted, plot_test],['predicted', 'real_sin'])
plt.show()

 

 

 

转载于:https://www.cnblogs.com/hypnus-ly/p/8420032.html

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值