使用tensorflow的线性回归的例子(十二)

Deming Regression

这里展示如何用TensorFlow求解线性戴明回归。

=+y=Ax+b

我们用iris数据集,特别是:

y = Sepal Length 且 x = Petal Width。

戴明回归Deming regression也称为total least squares, 其中我们最小化从预测线到实际点(x,y)的最短的距离。最小二乘线性回归最小化与预测线的垂直距离,戴明回归最小化与预测线的总的距离,这种回归线最小化y值和x值的误差。 我们从加载必要的库开始。

#List3-40

import matplotlib.pyplot as plt

import numpy as np

import tensorflow as tf

from sklearn import datasets

from tensorflow.python.framework import ops

ops.reset_default_graph()

#tf.set_random_seed(42)

np.random.seed(42)

Load the data

iris.data = [(Sepal Length, Sepal Width, Petal Length, Petal Width)]

iris = datasets.load_iris()

x_vals = np.array([x[3] for x in iris.data]) # Petal Width

y_vals = np.array([y[0] for y in iris.data]) # Sepal Length

定义模型,损失函数,变量的梯度。

对于戴明损失,我们想要计算:

它告诉我们点(x,y)到预测线的最短距离, ⋅+A⋅x+b.

def model(x,w,b):

Declare model operations

model_output = tf.add(tf.matmul(x, w), b)

return model_output

def loss1(x,y,w,b):

Declare Deming loss function

deming_numerator = tf.abs(tf.subtract(tf.add(tf.matmul(x, w), b), y))

deming_denominator = tf.sqrt(tf.add(tf.square(w),1))

loss = tf.reduce_mean(tf.truediv(deming_numerator, deming_denominator))

return loss

def grad1(x,y,w,b):

with tf.GradientTape() as tape:

loss_1 = loss1(x,y,w,b)

return tape.gradient(loss_1,[w,b])

Declare batch size

batch_size = 125

learning_rate = 0.25 # Will not converge with learning rate at 0.4

iterations = 50

Create variables for linear regression

w1 = tf.Variable(tf.random.normal(shape=[1,1]),tf.float32)

b1 = tf.Variable(tf.random.normal(shape=[1,1]),tf.float32)

optimizer = tf.optimizers.Adam(learning_rate)

Training loop

loss_vec = []

for i in range(5000):

rand_index = np.random.choice(len(x_vals), size=batch_size)

rand_x = np.transpose([x_vals[rand_index]])

rand_y = np.transpose([y_vals[rand_index]])

x=tf.cast(rand_x,tf.float32)

y=tf.cast(rand_y,tf.float32)

grads1=grad1(x,y,w1,b1)

optimizer.apply_gradients(zip(grads1,[w1,b1]))

#sess.run(train_step, feed_dict={x_data: rand_x, y_target: rand_y})

temp_loss1 = loss1(x, y,w1,b1).numpy()

#sess.run(loss, feed_dict={x_data: rand_x, y_target: rand_y})

loss_vec.append(temp_loss1)

if (i+1)%25==0:

print('Step #' + str(i+1) + ' A = ' + str(w1.numpy()) + ' b = ' + str(b1.numpy()))

print('Loss = ' + str(temp_loss1))

Get the optimal coefficients

slope\] = w1.numpy() \[y_intercept\] = b1.numpy() # Get best fit line best_fit1 = \[

for i in x_vals:

best_fit1.append(slope*i+y_intercept)

Plot the result

plt.plot(x_vals, y_vals, 'o', label='Data Points')

plt.plot(x_vals, best_fit1, 'r-', label='Best fit line', linewidth=3)

plt.legend(loc='upper left')

plt.title('Sepal Length vs Petal Width')

plt.xlabel('Petal Width')

plt.ylabel('Sepal Length')

plt.show()

Plot loss over time

plt.plot(loss_vec, 'k-')

plt.title('L1 Loss per Generation')

plt.xlabel('Generation')

plt.ylabel('L1 Loss')

plt.show()

相关推荐
盼小辉丶2 小时前
视频生成技术Deepfake
人工智能·深度学习·计算机视觉·keras·生成模型
CV-杨帆2 小时前
复现 Qwen3Guard 实时安全,逐词响应
人工智能·语言模型
人工智能技术派2 小时前
LTU-AS:一种具备音频感知、识别、理解的大模型架构
人工智能·语言模型·语音识别
youcans_3 小时前
【AGI使用教程】Meta 开源视觉基础模型 DINOv3(1)下载与使用
人工智能·计算机视觉·agi·基础模型·dino
DevYK3 小时前
企业级Agent开发教程(三)基于LangGraph开发低代码 AI Agent 轻量级开发框架
人工智能·agent
189228048613 小时前
NX482NX486美光固态闪存NX507NX508
大数据·网络·数据库·人工智能·性能优化
有才不一定有德3 小时前
从工具到语境:Anthropic 双文启示下的 AI 代理工程实践心得
人工智能
A尘埃3 小时前
PyTorch, TensorFlow, FastAPI, LangChain, Hugging Face深度学习框架
pytorch·深度学习·tensorflow
余衫马4 小时前
llama.cpp:本地大模型推理的高性能 C++ 框架
c++·人工智能·llm·llama·大模型部署
deephub5 小时前
Google开源Tunix:JAX生态的LLM微调方案来了
人工智能·深度学习·google·微调·大语言模型·jax