由浅入深之Tensorflow(1)----linear_regression实现

  Tensorflow是目前非常流行的deeplearning框架,学习Tensorflow最好的方法是github上的tf项目https://github.com/tensorflow/tensorflow

或者阅读极客学院主导翻译的中文教程http://wiki.jikexueyuan.com/project/tensorflow-zh/how_tos/reading_data.html 。

  此处对tensorflow的基本语法不予赘述,直接贴上源码:

import numpy as np
import tensorflow as tf
#准备数据
trainX = np.linspace(-1, 1, 101)
trainY = 2 * trainX + np.random.randn(*trainX.shape) * 0.33
#定义模型def model(X, w):
    return tf.mul(X, w)
#初始化数据流图
X = tf.placeholder(‘float‘)
Y = tf.placeholder(‘float‘)

w = tf.Variable(0.0, name = ‘weights‘)

y_ = model(X, w)

#评估模型
cost = tf.square(Y - y_)
train_op = tf.train.GradientDescentOptimizer(0.01).minimize(cost)

sess = tf.InteractiveSession()
init = tf.initialize_all_variables()
#训练
sess.run(init)
for i in range(100):
    for (x, y) in zip(trainX, trainY):
        sess.run(train_op, feed_dict = {X: x, Y: y})
print sess.run(w)

sess.close()
时间: 2024-10-14 00:50:55

由浅入深之Tensorflow(1)----linear_regression实现的相关文章

由浅入深之Tensorflow(2)----logic_regression实现

import tensorflow as tf import numpy as np from tensorflow.examples.tutorials.mnist import input_data def initWeights(shape): return tf.Variable(tf.random_normal(shape, stddev = 0.1)) def initBiases(shape): return tf.Variable(tf.random_normal(shape,

由浅入深之Tensorflow(4)----Saver&restore

x = tf.placeholder(tf.float32) y = tf.placeholder(tf.float32) w = tf.Variable(tf.zeros([1, 1], dtype=tf.float32)) b = tf.Variable(tf.ones([1, 1], dtype=tf.float32)) y_hat = tf.add(b, tf.matmul(x, w)) ...more setup for optimization and what not... sav

机器学习进阶笔记之一 | TensorFlow安装与入门

原文链接:https://zhuanlan.zhihu.com/p/22410917 TensorFlow 是 Google 基于 DistBelief 进行研发的第二代人工智能学习系统,被广泛用于语音识别或图像识别等多项机器深度学习领域.其命名来源于本身的运行原理.Tensor(张量)意味着 N 维数组,Flow(流)意味着基于数据流图的计算,TensorFlow 代表着张量从图象的一端流动到另一端计算过程,是将复杂的数据结构传输至人工智能神经网中进行分析和处理的过程. -- 由 UCloud

资源 | 数十种TensorFlow实现案例汇集:代码+笔记

选自 Github 机器之心编译 参与:吴攀.李亚洲 这是使用 TensorFlow 实现流行的机器学习算法的教程汇集.本汇集的目标是让读者可以轻松通过案例深入 TensorFlow. 这些案例适合那些想要清晰简明的 TensorFlow 实现案例的初学者.本教程还包含了笔记和带有注解的代码. 项目地址:https://github.com/aymericdamien/TensorFlow-Examples 教程索引 0 - 先决条件 机器学习入门: 笔记:https://github.com/

干货 | TensorFlow的55个经典案例

转自1024深度学习 导语:本文是TensorFlow实现流行机器学习算法的教程汇集,目标是让读者可以轻松通过清晰简明的案例深入了解 TensorFlow.这些案例适合那些想要实现一些 TensorFlow 案例的初学者.本教程包含还包含笔记和带有注解的代码. 第一步:给TF新手的教程指南 1:tf初学者需要明白的入门准备 机器学习入门笔记: https://github.com/aymericdamien/TensorFlow-Examples/blob/master/notebooks/0_

Tensorflow实例集

这是使用 TensorFlow 实现流行的机器学习算法的教程汇集.本汇集的目标是让读者可以轻松通过案例深入 TensorFlow. 这些案例适合那些想要清晰简明的 TensorFlow 实现案例的初学者.本教程还包含了笔记和带有注解的代码. 项目地址: https://github.com/aymericdamien/TensorFlow-Examples 教程索引 0 - 先决条件 机器学习入门: 笔记: https://github.com/aymericdamien/TensorFlow-

数十种TensorFlow实现案例汇集:代码+笔记

这是使用 TensorFlow 实现流行的机器学习算法的教程汇集.本汇集的目标是让读者可以轻松通过案例深入 TensorFlow. 这些案例适合那些想要清晰简明的 TensorFlow 实现案例的初学者.本教程还包含了笔记和带有注解的代码. 项目地址:https://github.com/aymericdamien/TensorFlow-Examples 教程索引 0 - 先决条件 机器学习入门: 笔记:https://github.com/aymericdamien/TensorFlow-Ex

记一次使用Tensorflow搭建神经网络模型经历

隐去背景, 作者最近第一次用Tensorflow实现训练了几个模型, 其中遇到了一些错误, 把它记录下来 前言 以下提到的所有代码, 都可以在github上面找到. 仓库地址 https://github.com/spxcds/neural_network_code/ 这个仓库里提到的几段代码, 分别实现在从最简单的lr, 到全连接神经网络, 再到卷积神经网络. 从最简单的自己实现交叉熵损失函数, 计算L2正则化, 到后来直接调用库函数, 由简到难, 由浅入深, 截止目前为止, 只实现了MLR,

python,tensorflow线性回归Django网页显示Gif动态图

1.工程组成 2.urls.py """Django_machine_learning_linear_regression URL Configuration The `urlpatterns` list routes URLs to views. For more information please see: https://docs.djangoproject.com/en/2.1/topics/http/urls/ Examples: Function views 1