💻 개인공부 💻/머신러닝, 딥러닝
[ Tensorflow 예제 ] Multi-variable linear Regression을 Tensorflow에서 구현
공대생 배기웅
2020. 12. 17. 19:57
반응형
변수가 여러개 있는 Linear Regression
import tensorflow.compat.v1 as tf
tf.disable_v2_behavior()
# import문
x1_data = [73.,94.,89.,96.,73.]
x2_data = [80.,88.,91.,98.,66.]
x3_data = [75.,93.,90.,100.,70.]
y_data = [152.,185.,180.,196.,142.]
x1 = tf.placeholder(tf.float32)
x2 = tf.placeholder(tf.float32)
x3 = tf.placeholder(tf.float32)
y = tf.placeholder(tf.float32)
w1 = tf.Variable(tf.random_normal([1]), name= 'weight1')
w2 = tf.Variable(tf.random_normal([1]), name= 'weight2')
w3 = tf.Variable(tf.random_normal([1]), name= 'weight3')
b = tf.Variable(tf.random_normal([1]), name= 'bias')
hypothesis = x1*w1 + x2*w2 + x3*w3 + b
cost = tf.reduce_mean(tf.square(hypothesis - y))
optimizer = tf.train.GradientDescentOptimizer(learning_rate=1e-5)
train = optimizer.minimize(cost)
sess = tf.Session()
sess.run(tf.global_variables_initializer())
for step in range(2001):
cost_val, hy_val,_ = sess.run([cost, hypothesis, train],
feed_dict = {x1:x1_data, x2:x2_data, x3:x3_data, y:y_data})
if step % 10 ==0:
print(step,"Cost: ",cost_val, "\nPrediction: ",hy_val )
실행결과
feed_dict 옵션에 초기에 넣었던 데이터를 넣으니, 얼추 비슷하게 나오는 듯 하다. 2000번 실행한 결과, cost가 0이 아니므로 더 실행을 해야 y_data값고 일치할 것이다.
Matrix를 이용한 다중선형회귀
import tensorflow.compat.v1 as tf
tf.disable_v2_behavior()
# tensorflow import
x_data = [[73.,80.,75.],[93.,88.,93.],[89.,91.,90.],[96.,98.,100.],[73.,66.,70.]]
y_data = [[152.],[185.],[180.],[196.],[142.]]
# 행렬 형태로 선언
# x_data는 [3,5], y_data는 [5,1] 행렬
x = tf.placeholder(tf.float32, shape=[None, 3])
y = tf.placeholder(tf.float32, shape=[None, 1])
# 행렬의 개수는 더 증가할 수 있으므로 None으로 설정
w = tf.Variable(tf.random_normal([3,1]), name = 'weight')
b = tf.Variable(tf.random_normal([1]), name = 'bias')
hypothesis = tf.matmul(x,w) + b
# 파이썬 행렬 곱 함수인 matmul, w*x를 의미함
cost = tf.reduce_mean(tf.square(hypothesis - y))
# cost함수 정의
optimizer = tf.train.GradientDescentOptimizer(learning_rate = 1e-5)
# 경사하강법 학습률은 10^-5
train = optimizer.minimize(cost)
# 비용을 최소화
sess = tf.Session()
sess.run(tf.global_variables_initializer())
# 변수 초기화
for step in range(2001): # 2001번 실행
cost_val, hy_val, _ = sess.run([cost,hypothesis,train], feed_dict={x:x_data, y:y_data})
# 선형회귀모델에 x_data, y_data를 넣은 값을 cost_val, hy_val로 정의
if step%10==0:
print(step, "Cost: ",cost_val, "\nPrediction: \n", hy_val)
# 10번 주기로 step, cost값, 예측값을 출력
실행결과
확실하게 cost값이 줄어든 것을 알 수 있다. 또한 예측값이 y_data와 많이 가까워졌다.
728x90
반응형