zoukankan      html  css  js  c++  java
  • tensorflow1.0 构建神经网络做非线性归回

    """
    Please note, this code is only for python 3+. If you are using python 2+, please modify the code accordingly.
    """
    #tensorboard --logdir="./"
    import tensorflow as tf
    import numpy as np
    import matplotlib.pyplot as plt
    
    def add_layer(inputs, in_size, out_size, activation_function=None):
        # add one more layer and return the output of this layer
        with tf.name_scope("layer"):
            with tf.name_scope("weights"):
                Weights = tf.Variable(tf.random_normal([in_size, out_size]),name="W")
            with tf.name_scope("biases"):
                biases = tf.Variable(tf.zeros([1, out_size]) + 0.1)
            with tf.name_scope("Wx_plus_b"):
                Wx_plus_b = tf.matmul(inputs, Weights) + biases
        if activation_function is None:
            outputs = Wx_plus_b
        else:
            outputs = activation_function(Wx_plus_b)
        return outputs
    
    # Make up some real data
    x_data = np.linspace(-1 ,1 ,300)[:, np.newaxis]
    noise = np.random.normal(0, 0.05, x_data.shape)
    y_data = np.square(x_data) - 0.5 + noise
    
    # define placeholder for inputs to network
    with tf.name_scope("inputs"):
        xs = tf.placeholder(tf.float32, [None, 1],name="x_input")
        ys = tf.placeholder(tf.float32, [None, 1],name="y_input")
    # add hidden layer
    l1 = add_layer(xs, 1, 10, activation_function=tf.nn.tanh)
    # add output layer
    prediction = add_layer(l1, 10, 1, activation_function=None)
    
    # the error between prediciton and real data
    with tf.name_scope("loss"):
        loss = tf.reduce_mean(tf.reduce_sum(tf.square(ys - prediction),
                                            reduction_indices=[1]))
    with tf.name_scope("train"):
        train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
    
    # important step
    init = tf.initialize_all_variables()
    sess = tf.Session()
    writer = tf.summary.FileWriter("./",sess.graph)
    sess.run(init)
    
    fig = plt.figure()
    ax = fig.add_subplot(1,1,1)
    ax.scatter(x_data,y_data)
    plt.ion()
    plt.show()
    for i in range(1000):
        # training
        sess.run(train_step, feed_dict={xs: x_data, ys: y_data})
        if i % 50 == 0:
            # to see the step improvement
            print(sess.run(loss, feed_dict={xs: x_data, ys: y_data}))
            try:
                ax.lines.remove(lines[0])
            except Exception:
                prediction_value = sess.run(prediction,feed_dict={xs: x_data, ys: y_data})
                lines = ax.plot(x_data,prediction_value,"r-",lw = 5)
                plt.pause(0.1)
    

      

    多思考也是一种努力,做出正确的分析和选择,因为我们的时间和精力都有限,所以把时间花在更有价值的地方。
  • 相关阅读:
    山东省第一届acm程序设计竞赛题解
    今日头条(3-30)第四题(离线)
    codeforces #204(div2)
    网易雷火笔试-打印机(区间dp)
    360笔试(3-18)编程题
    codeforces #202(div2) C
    RedisTemplate实现分布式锁
    redis的缓存穿透,缓存并发,缓存失效
    松哥整理了 15 道 Spring Boot 高频面试题,看完当面霸(转)
    我读过的最好的epoll讲解(nginx原理)--转自”知乎“
  • 原文地址:https://www.cnblogs.com/LiuXinyu12378/p/12495371.html
Copyright © 2011-2022 走看看