TensorFlow
-
TensorFlow 기초 30 - cnn을 통한 댕댕이와 냥이 분류 모델TensorFlow 2022. 12. 8. 13:15
# cnn을 통한 댕댕이와 냥이 분류 모델 import tensorflow as tf from keras.models import Sequential from keras.layers import Dense, Conv2D, Flatten, Dropout, MaxPooling2D from keras.preprocessing.image import ImageDataGenerator import os import numpy as np import matplotlib.pyplot as plt data_url = 'https://storage.googleapis.com/mledu-datasets/cats_and_dogs_filtered.zip' path_to_zip = tf.keras.utils.get_file('..
-
TensorFlow 기초 29 - CNN을 활용해 이미지 특징을 뽑아 Dense로 학습(컬러 사)TensorFlow 2022. 12. 8. 11:01
# CIFAR-10 dataset consists of 60000 32x32 color images in 10 classes, with 6000 images per class. # There are 50000 training images and 10000 test images. # airplane, automobile, bird, cat, deer, dog, frog, horse, ship, truck import numpy as np import matplotlib.pyplot as plt from keras.layers import Dense, Input, Flatten from keras.models import Sequential, Model from keras.optimizers import A..
-
TensorFlow 기초 28 - 이미지 보강 - 이미지가 부족한 경우 기존 이미지를 변형시켜 이미지 수를 늘림TensorFlow 2022. 12. 7. 16:37
# 이미지 보강 - 이미지가 부족한 경우 기존 이미지를 변형시켜 이미지 수를 늘림 import tensorflow as tf from keras.datasets import fashion_mnist from keras.utils import to_categorical from keras.callbacks import ModelCheckpoint, EarlyStopping import matplotlib.pyplot as plt import numpy as np (x_train, y_train), (x_test, y_test) = fashion_mnist.load_data() x_train = x_train.reshape(-1, 28, 28, 1).astype('float32') / 255 x_test =..
-
TensorFlow 기초 27 - Fashion MNIST로 CNN 처리 - sub classing model 사용TensorFlow 2022. 12. 7. 13:00
# Fashion MNIST로 CNN 처리 - sub classing model 사용 import tensorflow as tf from keras import datasets, layers, models (x_train, y_train), (x_test, y_test) = datasets.fashion_mnist.load_data() print(x_train.shape, y_train.shape, x_test.shape, y_test.shape) # (60000, 28, 28) (60000,) (10000, 28, 28) (10000,) x_train = x_train / 255.0 x_test = x_test / 255.0 # CNN은 채널을 사용하기 때문에 3차원 데이터를 4차원으로 변경 x_tra..
-
TensorFlow 기초 26 - Fashion MNIST로 처리 - Functional api 사용TensorFlow 2022. 12. 7. 12:26
# Fashion MNIST로 처리 - Functional api 사용 # Label Description # 0: T-shirt/top # 1: Trouser # 2: Pullover # 3: Dress # 4: Coat # 5: Sandal # 6: Shirt # 7: Sneaker # 8: Bag # 9: Ankle boot import tensorflow as tf from keras import datasets, layers, models (x_train, y_train), (x_test, y_test) = datasets.fashion_mnist.load_data() print(x_train.shape, y_train.shape, x_test.shape, y_test.shape) # (6000..
-
TensorFlow 기초 25 - MNIST로 CNN 처리TensorFlow 2022. 12. 7. 12:03
# MNIST로 CNN 처리 # 1) Conv(이미지 특징 추출) + Pooling(Conv 결과를 샘플링 - Conv 결과인 Feature map의 크기를 다시 줄임) # 2) 원래의 이미지 크기를 줄여 최종적으로 FCLayer를 진행(Conv + Pooling 결과 다차원 배열 자료를 1차원으로 만들어 한 줄로 세우기) # 3) Dense 층으로 넘겨 분류 작업 수행 import tensorflow as tf from keras import datasets, layers, models (x_train, y_train), (x_test, y_test) = datasets.mnist.load_data() print(x_train.shape, y_train.shape, x_test.shape, y_test..
-
TensorFlow 기초 24-1 - 내가 그린 손글씨 이미지 분류 결과 확인(24 이어서)TensorFlow 2022. 12. 6. 17:35
# 내가 그린 손글씨 이미지 분류 결과 확인 import numpy as np import matplotlib.pyplot as plt from PIL import Image # 이미지 확대/축소 가능 import tensorflow as tf im = Image.open('number.png') img = np.array(im.resize((28, 28), Image.ANTIALIAS).convert('L')) # 그레이스케일 print(img.shape) # (28, 28) # plt.imshow(img, cmap='Greys') # plt.show() data = img.reshape([1, 784]) # print(data) data = data / 255.0 # 정규화(∵ 모델 학습 시 정규화)..
-
TensorFlow 기초 24 - MNIST datset (손글씨 이미지 데이터)으로 숫자 이미지 분류 모델 작성(다항분류)TensorFlow 2022. 12. 6. 16:18
# MNIST datset (손글씨 이미지 데이터)으로 숫자 이미지 분류 모델 작성 # MNIST는 숫자 0부터 9까지의 이미지로 구성된 손글씨 데이터셋입니다. # 총 60,000개의 훈련 데이터와 레이블, 총 10,000개의 테스트 데이터와 레이블로 구성되어 있습니다. # 레이블은 0부터 9까지 총 10개입니다. import tensorflow as tf import numpy as np import sys (x_train, y_train), (x_test, y_test) = tf.keras.datasets.mnist.load_data() # keras.dataset에서 튜플로 반환하므로 ()로 묶었다. print(x_train.shape, y_train.shape, x_test.shape, y_tes..