美文网首页
tensorflow sonnet 模块 hello world

tensorflow sonnet 模块 hello world

作者: DaydayHoliday | 来源:发表于2019-02-22 18:04 被阅读0次

    \lambda

    '''
    Created on 2019年2月22日
    
    @author: xiezhipu
    '''
    import sonnet as snt
    import numpy as np
    import tensorflow as tf
    
    config = tf.ConfigProto()
     
    # 配置GPU内存分配方式,按需增长,很关键
    config.gpu_options.allow_growth = True
     
    # 配置可使用的显存比例
    config.gpu_options.per_process_gpu_memory_fraction = 0.1
    
    X=np.random.rand(500,2)*200
    
    Y=np.matmul(X,np.array([[0.5],[0.3]]))+np.random.rand(500,1)*5
    
    x=tf.placeholder(tf.float32, [None,2])
    
    yTrue=tf.placeholder(tf.float32,[None,1])
    
    linear_regression_module = snt.Linear(output_size=1)
    
    train_predictions = linear_regression_module(x)
    
    lossfun=tf.reduce_mean(tf.abs(tf.subtract(train_predictions/yTrue,1)))
    
    train_step=tf.train.AdamOptimizer(learning_rate=0.15).minimize(lossfun)
    
    
    with tf.Session(config = config) as sess:
        init = tf.global_variables_initializer()
        sess.run(init)
        for i in range(int(1e3)):
            _,loss = sess.run([train_step,lossfun],feed_dict={x:X,yTrue:Y})
            print(loss)
    

    相关文章

      网友评论

          本文标题:tensorflow sonnet 模块 hello world

          本文链接:https://www.haomeiwen.com/subject/rkgeyqtx.html