import cv2
import matplotlib.pyplot as plt
import numpy as np
import os #파이썬을 이용해 시스템 정보를 확인하고 제어하는 라이브러리
from sklearn.model_selection import train_test_split
from sklearn.metrics import classification_report
파일 읽기
img = cv2.imread('./egg/40.png')
img.shape
egg_file_names= os.listdir('./egg')
egg_file_names
폴더의 파일을 읽어온 후 사이즈 조절과 정규화
egg_images = []
for fname in egg_file_names :
raw_img = cv2.imread("./egg/"+fname)
raw_img_rgb = cv2.cvtColor(raw_img,cv2.COLOR_BGR2RGB) # BGR -> RGB
resize_img = cv2.resize(raw_img_rgb, dsize=(224,224), interpolation=cv2.INTER_AREA)
normalized_img = (np.array(resize_img,dtype=np.float32)/127.0)-1
egg_images.append(np.array(normalized_img))
egg_images = np.array(egg_images)
egg_images.shape
이미지 확인하기
plt.imshow(egg_images[5])
plt.show()
다른 폴더도 하기
flower_images = []
for fname in flower_file_names :
raw_img = cv2.imread("./flower/"+fname)
raw_img_rgb = cv2.cvtColor(raw_img,cv2.COLOR_BGR2RGB) # BGR -> RGB
resize_img = cv2.resize(raw_img_rgb, dsize=(224,224), interpolation=cv2.INTER_AREA)
#이미지 정규화 -1~1
normalized_img = (np.array(resize_img,dtype=np.float32)/127.0)-1
flower_images.append(np.array(normalized_img))
flower_images = np.array(flower_images)
flower_images.shape
확인하기
plt.imshow(flower_images[0])
plt.show()
두 파일을 하나의 리스트로 만들기(여러개일 경우 [ ] 안에 더 추가를 한다.)
X = np.concatenate([egg_images,flower_images])
X.shape
각 폴더에 저장된 갯수만큼 곱해야된다.(여러개일 경우 [ ] 안에 더 추가를 한다.)
#계란 0, 허브 1
y = np.array([0] * 60 + [1] * 393)
y.shape
from tensorflow.keras.models import Sequential #신경망을 붙이는 뼈대
from tensorflow.keras.layers import InputLayer, Dense # 입력층, 중간/출력층
animal_model = Sequential()# 뼈대 생성
animal_model.add(InputLayer(input_shape=(224*224*3)))
animal_model.add(Dense(units=128,activation='sigmoid'))
animal_model.add(Dense(units=128,activation='sigmoid'))
animal_model.add(Dense(units=64,activation='sigmoid'))
animal_model.add(Dense(units=32,activation='sigmoid'))
animal_model.add(Dense(units=2,activation='softmax'))
animal_model.compile(loss="sparse_categorical_crossentropy",
optimizer='Adam',
metrics=['accuracy'])
X_train,X_test,y_train,y_test = train_test_split(X,y,test_size=0.2, random_state=425)
X_train.shape
animal_model.fit(X_train.reshape(362,224*224*3),y_train, epochs=100)
reshape안의 크기는 shape에서 확인된 수를 넣는다.
X_test.shape
pre = animal_model.predict(X_test.reshape(91,224*224*3))
print(classification_report(y_test,pre.argmax(1)))