CNN(functional)_GradientTape

CNN Functional 모델 학습

출처 : https://github.com/deeplearningzerotoall/TensorFlow (모두의 딥러닝)

In [0]:
# 런타임 -> 런타임 유형변경 -> 하드웨어 가속도 TPU변경
%tensorflow_version 2.x
#런타임 -> 런타임 다시시작
TensorFlow 2.x selected.
In [0]:
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function

1. Importing Libraries

In [0]:
import tensorflow.compat.v1 as tf # 텐서플로우 1.X 버전 사용 가능
from tensorflow import keras
from tensorflow.keras.utils import to_categorical # one-hot 인코딩
import numpy as np
import matplotlib.pyplot as plt
import os

print(tf.__version__)     # 텐서플로우 버전확인 (colab의 기본버전은 1.15.0) --> 2.0 변경 "%tensorflow_version 2.x"
print(keras.__version__)  # 케라스 버전확인
2.1.0-rc1
2.2.4-tf

2. Enable Eager Mode

In [0]:
# 그래프 기반 모드에서 즉시 실행 (Eager Execution) 모드로 변경하여 사용
tf.enable_eager_execution()

3. Hyper Parameters

In [0]:
learning_rate = 0.001
training_epochs = 15
batch_size = 100

tf.set_random_seed(777)

4. Creating a Checkpoint Directory

In [0]:
cur_dir = os.getcwd()            # 현재 스크립트의 실행 경로
ckpt_dir_name = 'checkpoints'    # 체크포인트 이름 설정
model_dir_name = 'minst_cnn_seq' # 모델 이름 설정

checkpoint_dir = os.path.join(cur_dir, ckpt_dir_name, model_dir_name) # 경로와 이름 설정
os.makedirs(checkpoint_dir, exist_ok=True) # 폴더 생성

checkpoint_prefix = os.path.join(checkpoint_dir, model_dir_name) # 저장되는 이름 설정

5. MNIST/Fashion MNIST Data

In [0]:
## MNIST Dataset #########################################################
mnist = keras.datasets.mnist
class_names = ['0', '1', '2', '3', '4', '5', '6', '7', '8', '9']
##########################################################################

## Fashion MNIST Dataset #################################################
#mnist = keras.datasets.fashion_mnist
#class_names = ['T-shirt/top', 'Trouser', 'Pullover', 'Dress', 'Coat', 'Sandal', 'Shirt', 'Sneaker', 'Bag', 'Ankle boot']
##########################################################################

6. Datasets

In [0]:
# MNIST image load (trian, test)
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()    

# 0~255 중 하나로 표현되는 입력 이미지들의 값을 1 이하가 되도록 정규화    
train_images = train_images.astype(np.float32) / 255.
test_images = test_images.astype(np.float32) / 255.

# np.expand_dims 차원을 변경
train_images = np.expand_dims(train_images, axis=-1)
test_images = np.expand_dims(test_images, axis=-1)

# label을 ont-hot encoding    
train_labels = to_categorical(train_labels, 10)
test_labels = to_categorical(test_labels, 10)    

# dataset 인스턴스 만들기
train_dataset = tf.data.Dataset.from_tensor_slices((train_images, train_labels)).shuffle(
                buffer_size=100000).batch(batch_size)
test_dataset = tf.data.Dataset.from_tensor_slices((test_images, test_labels)).batch(batch_size)
# from_tensor_slices : 이미지를 이미지와 라벨로 나누기
# batch : 해당 배치 사이즈 만큼 나누기
# shuffle : 고정된 buffer_size만큼 epoch 마다 이미지를 섞어서 오버피팅이 줄도록 도와줌

7. Model Function

In [0]:
# Functional 모델 층 구성하기
def create_model():
    inputs = keras.Input(shape=(28, 28, 1))
    conv1 = keras.layers.Conv2D(filters=32, kernel_size=[3, 3], padding='SAME', activation=tf.nn.relu)(inputs)
    pool1 = keras.layers.MaxPool2D(padding='SAME')(conv1)
    conv2 = keras.layers.Conv2D(filters=64, kernel_size=[3, 3], padding='SAME', activation=tf.nn.relu)(pool1)
    pool2 = keras.layers.MaxPool2D(padding='SAME')(conv2)
    conv3 = keras.layers.Conv2D(filters=128, kernel_size=[3, 3], padding='SAME', activation=tf.nn.relu)(pool2)
    pool3 = keras.layers.MaxPool2D(padding='SAME')(conv3)
    pool3_flat = keras.layers.Flatten()(pool3)
    dense4 = keras.layers.Dense(units=256, activation=tf.nn.relu)(pool3_flat)
    drop4 = keras.layers.Dropout(rate=0.4)(dense4)
    logits = keras.layers.Dense(units=10)(drop4)
    return keras.Model(inputs=inputs, outputs=logits)
In [0]:
model = create_model() # 모델 함수를 model로 변경
model.summary() # 모델에 대한 요약 출력해줌
Model: "model"
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
input_1 (InputLayer)         [(None, 28, 28, 1)]       0         
_________________________________________________________________
conv2d (Conv2D)              (None, 28, 28, 32)        320       
_________________________________________________________________
max_pooling2d (MaxPooling2D) (None, 14, 14, 32)        0         
_________________________________________________________________
conv2d_1 (Conv2D)            (None, 14, 14, 64)        18496     
_________________________________________________________________
max_pooling2d_1 (MaxPooling2 (None, 7, 7, 64)          0         
_________________________________________________________________
conv2d_2 (Conv2D)            (None, 7, 7, 128)         73856     
_________________________________________________________________
max_pooling2d_2 (MaxPooling2 (None, 4, 4, 128)         0         
_________________________________________________________________
flatten (Flatten)            (None, 2048)              0         
_________________________________________________________________
dense (Dense)                (None, 256)               524544    
_________________________________________________________________
dropout (Dropout)            (None, 256)               0         
_________________________________________________________________
dense_1 (Dense)              (None, 10)                2570      
=================================================================
Total params: 619,786
Trainable params: 619,786
Non-trainable params: 0
_________________________________________________________________

8. Loss Function

In [0]:
def loss_fn(model, images, labels):
    logits = model(images, training=True)
    loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits_v2(
            logits=logits, labels=labels))    
    return loss   

9. Calculate Gradient

In [0]:
def grad(model, images, labels):
    with tf.GradientTape() as tape: # 자동 미분이 가능하고 실행된 모든 연산을 테이프에 기록함
        loss = loss_fn(model, images, labels)
    return tape.gradient(loss, model.variables)

10. Caculating Model's Accuracy

In [0]:
def evaluate(model, images, labels):
    logits = model(images, training=False)
    correct_prediction = tf.equal(tf.argmax(logits, 1), tf.argmax(labels, 1)) # 라벨값들을 비교
    accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32)) # 동일한 라벨값들에 대한 평균을 구함
    return accuracy

11. Optimizer

In [0]:
optimizer = tf.train.AdamOptimizer(learning_rate=learning_rate) # 하이퍼파라미터로 설정(0.001)

12. Creating a Checkpoint

In [0]:
checkpoint = tf.train.Checkpoint(cnn=model) # 데이터 그룹화하여 저장하고 추후 복원에 사용됨 

13. Training

In [0]:
# train my model
print('Learning started. It takes sometime.')
for epoch in range(training_epochs): # 하이퍼 파마리터로 설정 (training_epochs = 15) 

    # 값 초기화
    avg_loss = 0.
    avg_train_acc = 0.
    avg_test_acc = 0.
    train_step = 0
    test_step = 0
    
    # Training
    for images, labels in train_dataset:
        grads = grad(model, images, labels)                     # GradientTape에 계산된 데이터 저장             
        optimizer.apply_gradients(zip(grads, model.variables))  # optimizer 실행
        loss = loss_fn(model, images, labels)                   # 해당 epoch의 loss 계산
        acc = evaluate(model, images, labels)                   # 해당 epoch의 accuracy 계산
        avg_loss = avg_loss + loss                              # 총 loss 합산
        avg_train_acc = avg_train_acc + acc                     # 총 accuracy 계산
        train_step += 1                                         # 한 epoch 실행마다 step 갯수 1씩 늘어남
    avg_loss = avg_loss / train_step                            # loss 값 계산
    avg_train_acc = avg_train_acc / train_step                  # accuracy 값 계산
    
    # Test
    for images, labels in test_dataset:        
        acc = evaluate(model, images, labels)                  # 해당 epoch의 accuracy 계산
        avg_test_acc = avg_test_acc + acc                      # 총 accuracy 계산
        test_step += 1                                         # 한 epoch 실행마다 step 갯수 1씩 늘어남
    avg_test_acc = avg_test_acc / test_step                    # accuracy 값 계산

    # epoch 별 loss, accuracy값 출력하기
    print('Epoch:', '{}'.format(epoch + 1), 'loss =', '{:.8f}'.format(avg_loss), 
          'train accuracy = ', '{:.4f}'.format(avg_train_acc), 
          'test accuracy = ', '{:.4f}'.format(avg_test_acc))
    
    # 해당 모델의 값들 저장
    checkpoint.save(file_prefix=checkpoint_prefix)

print('Learning Finished!')
Learning started. It takes sometime.
Epoch: 1 loss = 0.18117337 train accuracy =  0.9556 test accuracy =  0.9855
Epoch: 2 loss = 0.04840804 train accuracy =  0.9892 test accuracy =  0.9897
Epoch: 3 loss = 0.03126438 train accuracy =  0.9933 test accuracy =  0.9896
Epoch: 4 loss = 0.02329855 train accuracy =  0.9954 test accuracy =  0.9911
Epoch: 5 loss = 0.01931384 train accuracy =  0.9962 test accuracy =  0.9910
Epoch: 6 loss = 0.01544751 train accuracy =  0.9973 test accuracy =  0.9930
Epoch: 7 loss = 0.01314946 train accuracy =  0.9979 test accuracy =  0.9925
Epoch: 8 loss = 0.01103821 train accuracy =  0.9984 test accuracy =  0.9932
Epoch: 9 loss = 0.00946009 train accuracy =  0.9986 test accuracy =  0.9929
Epoch: 10 loss = 0.00834494 train accuracy =  0.9987 test accuracy =  0.9934
Epoch: 11 loss = 0.00737364 train accuracy =  0.9991 test accuracy =  0.9929
Epoch: 12 loss = 0.00642006 train accuracy =  0.9993 test accuracy =  0.9936
Epoch: 13 loss = 0.00624036 train accuracy =  0.9991 test accuracy =  0.9927
Epoch: 14 loss = 0.00453461 train accuracy =  0.9996 test accuracy =  0.9930
Epoch: 15 loss = 0.00536788 train accuracy =  0.9995 test accuracy =  0.9942
Learning Finished!

+ Recent posts