1. ANN (Artificial Neural Network)
data:image/s3,"s3://crabby-images/3bb87/3bb87bac9f7a84671ef10421c26b749ceda77053" alt=""
2. Perceptron
data:image/s3,"s3://crabby-images/db597/db5973ebe13e629503f79aa03fe3bc14e440652d" alt=""
Logistic Regression으로 GATE 연산 학습
AND , OR , XOR
tensorflow 1.15
import numpy as np
import tensorflow as tf
from sklearn.metrics import classification_report
x_data = np.array([[0, 0],
[0, 1],
[1, 0],
[1, 1]], dtype=np.float64)
t_data = np.array([0, 0, 0, 1], dtype=np.float64)
t_data = np.array([0, 1, 1, 1], dtype=np.float64)
t_data = np.array([0, 1, 1, 0], dtype=np.float64)
X = tf.placeholder(shape=[None,2], dtype=tf.float32)
T = tf.placeholder(shape=[None,1], dtype=tf.float32)
W = tf.Variable(tf.random.normal([2,1]))
b = tf.Variable(tf.random.normal([1]))
logit = tf.matmul(X,W) + b
H = tf.sigmoid(logit)
loss = tf.reduce_mean(tf.nn.sigmoid_cross_entropy_with_logits(logits=logit,
labels=T))
train = tf.train.GradientDescentOptimizer(learning_rate=1e-2).minimize(loss)
sess = tf.Session()
sess.run(tf.global_variables_initializer())
for step in range(30000):
_, loss_val = sess.run([train, loss],
feed_dict={X:x_data,
T:t_data.reshape(-1,1)} )
if step % 3000 == 0:
print('loss value : {}'.format(loss_val))
AND
data:image/s3,"s3://crabby-images/93c03/93c03536c40e5bd0dabd17d03e79972618baaa52" alt=""
OR
data:image/s3,"s3://crabby-images/ad168/ad168c92a8df83869cf3514cf8c75e9ab9ba4576" alt=""
XOR
data:image/s3,"s3://crabby-images/061e9/061e9a5e56aab9401d51e5f7fce98a10c867f6b3" alt=""
모델평가
tf.cast() : 새로운 자료형으로 변환
predict = tf.cast(H >= 0.5, dtype=tf.float32)
predict_val = sess.run(predict, feed_dict={X:x_data})
print(predict_val)
print(classification_report(t_data, predict_val.ravel()))
AND
data:image/s3,"s3://crabby-images/7851c/7851c5be9f489219c4b8c1d59845b3199d01b552" alt=""
OR
data:image/s3,"s3://crabby-images/c5fb8/c5fb8b85744c32280e6e5b93e44e36c07e10ef25" alt=""
XOR
data:image/s3,"s3://crabby-images/16d80/16d805b8f339c60bb83080a1d5797d62524a8181" alt=""
data:image/s3,"s3://crabby-images/3c353/3c353ed66dbb799d19d613d63a275ae725868069" alt=""
MLP
data:image/s3,"s3://crabby-images/fc075/fc0756a75473724f11ef0a57d884bc9d57c15941" alt=""
3. Deep Learning
data:image/s3,"s3://crabby-images/f8f69/f8f69845c1e325d676796bff869af8b88dd275cf" alt=""
data:image/s3,"s3://crabby-images/da5a5/da5a595ea28b812e38f0a49c7e83c39737e561e3" alt=""
4. DNN
data:image/s3,"s3://crabby-images/3cdc7/3cdc72e6c936f7fbbfac5b143ae9db39ab8dc60b" alt=""
DNN으로 GATE 연산 학습 1
XOR
tensorflow 1.15
import numpy as np
import tensorflow as tf
from sklearn.metrics import classification_report
x_data = np.array([[0, 0],
[0, 1],
[1, 0],
[1, 1]], dtype=np.float64)
t_data = np.array([0, 1, 1, 0], dtype=np.float64)
X = tf.placeholder(shape=[None,2], dtype=tf.float32)
T = tf.placeholder(shape=[None,1], dtype=tf.float32)
W2 = tf.Variable(tf.random.normal([2,10]))
b2 = tf.Variable(tf.random.normal([10]))
layer2 = tf.sigmoid(tf.matmul(X,W2) + b2)
W3 = tf.Variable(tf.random.normal([10,6]))
b3 = tf.Variable(tf.random.normal([6]))
layer3 = tf.sigmoid(tf.matmul(layer2,W3) + b3)
W4 = tf.Variable(tf.random.normal([6,1]))
b4 = tf.Variable(tf.random.normal([1]))
logit = tf.matmul(layer3,W4) + b4
H = tf.sigmoid(logit)
loss = tf.reduce_mean(tf.nn.sigmoid_cross_entropy_with_logits(logits=logit,
labels=T))
train = tf.train.GradientDescentOptimizer(learning_rate=1e-2).minimize(loss)
sess = tf.Session()
sess.run(tf.global_variables_initializer())
for step in range(30000):
_, loss_val = sess.run([train, loss],
feed_dict={X:x_data,
T:t_data.reshape(-1,1)})
if step % 3000 == 0:
print('loss value : {}'.format(loss_val))
data:image/s3,"s3://crabby-images/dc23d/dc23d265e3745978263aa71f6417c9600b8271c7" alt=""
모델평가
predict = tf.cast(H >= 0.5, dtype=tf.float32)
predict_val = sess.run(predict, feed_dict={X:x_data})
print(predict_val)
print(classification_report(t_data, predict_val.ravel()))
data:image/s3,"s3://crabby-images/85eb4/85eb42a73c94577ecf2784fe015e138f3d5ad195" alt=""
DNN으로 GATE 연산 학습 2
XOR
tensorflow 2.X
import numpy as np
import tensorflow as tf
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Flatten, Dense
from tensorflow.keras.optimizers import SGD
from sklearn.metrics import classification_report
x_data = np.array([[0, 0],
[0, 1],
[1, 0],
[1, 1]], dtype=np.float64)
t_data = np.array([0, 1, 1, 0], dtype=np.float64)
model = Sequential()
model.add(Flatten(input_shape=(2,)))
model.add(Dense(units=128,
activation='sigmoid'))
model.add(Dense(units=32,
activation='sigmoid'))
model.add(Dense(units=16,
activation='sigmoid'))
model.add(Dense(units=1,
activation='sigmoid'))
model.compile(optimizer=SGD(learning_rate=1e-2),
loss='binary_crossentropy')
model.fit(x_data,
t_data.reshape(-1,1),
epochs=30000,
verbose=0)
모델학습
predict_val = model.predict(x_data)
predict_val = tf.cast(predict_val > 0.5, dtype=tf.float32).numpy().ravel()
print(classification_report(t_data, predict_val))
data:image/s3,"s3://crabby-images/84d9c/84d9c179fa908296c5fba29207096c00a11e16fa" alt=""
왜 문제가 있는지는 나중에 다시 얘기할 것이다.
data:image/s3,"s3://crabby-images/c70a6/c70a6d36e91744d8b9acefa13c0ea6edae7a2c1b" alt=""
data:image/s3,"s3://crabby-images/6b501/6b501558a6dc1de9b96a9ed61eff3c03627305da" alt=""