Skip to content

Commit

Permalink
2020 lab
Browse files Browse the repository at this point in the history
  • Loading branch information
ericwu2620 committed Jul 17, 2020
1 parent 623d6c4 commit 93a98b8
Show file tree
Hide file tree
Showing 1,422 changed files with 634 additions and 63 deletions.
128 changes: 128 additions & 0 deletions 2019/Doc.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,128 @@
import cv2
import numpy as np

## Load image
img = cv2.imread('Lenna.jpg') ## BGR
## Grayscale
img = cv2.imread('Lenna.jpg',0)

## Show image
cv2.imshow('image',img)
cv2.waitKey(0)
cv2.destroyAllWindows()

## Save image
cv2.imwrite('test.jpg',img)

## Show image with matplotlib
import matplotlib.pyplot as plt
plt.imshow(img[:,:,::-1]) ## To RGB
plt.show()

plt.imshow(img,cmap='gray')
plt.show()

#-----------------Lab1-----------------------
## Resize
cv2.resize()
## Color space
cv2.cvtColor()
## smoothing
cv2.blur(),cv2.GaussianBlur(),cv2.medianBlur()
## PCA Compute
mean,eigenvectors = cv2.PCACompute(matrix,mean=None)

## min, max
np.min(), np.max()
## dot
np.dot()
## flatten
np.flatten()
## stack list of array
np.stack(np_list)

## KNN
from sklearn.neighbors import KNeighborsClassifier
# 宣告
KNN = KNeighborsClassifier(args)
# Feed Training Data
KNN.fit(X_train,Y_train)
# Predict Class
KNN.predict(X_test)
# 直接告訴你acc
KNN.score(X_test,Y_test)

## Useful function
def psnr(target, ref):
target_data = np.array(target, dtype=np.float64)
ref_data = np.array(ref,dtype=np.float64)

diff = ref_data - target_data
diff = diff.flatten()
rmse = math.sqrt(np.mean(diff ** 2.))
return 20 * math.log10(255 / (rmse+1e-7))
def noisy(noise_typ,image):
if noise_typ == "gauss":
# TODO
noisy = image + gauss
return noisy

elif noise_typ == "s&p":
row,col = image.shape
s_vs_p = 0.5
amount = 0.01
out = np.copy(image)
# Salt mode
num_salt = np.ceil(amount * image.size * s_vs_p)
coords = # TODO #Use np.random.randint to generate the noise coordinate
out[coords] = 255

# Pepper mode
num_pepper = np.ceil(amount* image.size * (1. - s_vs_p))
coords = # TODO
out[coords] = 0
return out
def mse(raw,recon):
return ((raw-recon) **2).mean()
#-----------------Lab2-----------------------
## Opencv
# ColorMap
cv2.applyColorMap()
# Padding
cv2.copyMakeBorder() #use cv2.BORDER_REFLECT
# SURF
cv2.xfeatures2d.SURF_create()
cv2.drawKeyPoints()

## Numpy scipy
# Save & load
np.save(),np.load()
# concatenate
np.concatenate()
# mean
np.mean()
# reciprocal
np.reciprocal()
# load .mat file
import scipy.io as sio
sio.loadmat()
# Euclidean distance
from scipy.spatial import distance
distance.euclidean()

## Sklearn
# Kmeans
from sklearn.cluster import KMeans
Kmeans = KMeans(args)
Kmeans.fit_predict(X)

## Matplotlib
import matplotlib.pyplot as plt
plt.figure()
plt.bar(x,y)
plt.title()
plt.xlabel()
plt.ylabel()
plt.savefig()


Binary file added 2019/Lab_1/Face_dataset/10_1.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_10.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_2.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_3.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_4.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_5.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_6.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_7.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_8.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/10_9.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_1.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_10.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_2.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_3.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_4.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_5.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_6.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_7.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_8.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/11_9.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_1.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_10.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_2.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_3.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_4.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added 2019/Lab_1/Face_dataset/12_5.png
Binary file added 2019/Lab_1/Face_dataset/12_6.png
Binary file added 2019/Lab_1/Face_dataset/12_7.png
Binary file added 2019/Lab_1/Face_dataset/12_8.png
Binary file added 2019/Lab_1/Face_dataset/12_9.png
Binary file added 2019/Lab_1/Face_dataset/13_1.png
Binary file added 2019/Lab_1/Face_dataset/13_10.png
Binary file added 2019/Lab_1/Face_dataset/13_2.png
Binary file added 2019/Lab_1/Face_dataset/13_3.png
Binary file added 2019/Lab_1/Face_dataset/13_4.png
Binary file added 2019/Lab_1/Face_dataset/13_5.png
Binary file added 2019/Lab_1/Face_dataset/13_6.png
Binary file added 2019/Lab_1/Face_dataset/13_7.png
Binary file added 2019/Lab_1/Face_dataset/13_8.png
Binary file added 2019/Lab_1/Face_dataset/13_9.png
Binary file added 2019/Lab_1/Face_dataset/14_1.png
Binary file added 2019/Lab_1/Face_dataset/14_10.png
Binary file added 2019/Lab_1/Face_dataset/14_2.png
Binary file added 2019/Lab_1/Face_dataset/14_3.png
Binary file added 2019/Lab_1/Face_dataset/14_4.png
Binary file added 2019/Lab_1/Face_dataset/14_5.png
Binary file added 2019/Lab_1/Face_dataset/14_6.png
Binary file added 2019/Lab_1/Face_dataset/14_7.png
Binary file added 2019/Lab_1/Face_dataset/14_8.png
Binary file added 2019/Lab_1/Face_dataset/14_9.png
Binary file added 2019/Lab_1/Face_dataset/15_1.png
Binary file added 2019/Lab_1/Face_dataset/15_10.png
Binary file added 2019/Lab_1/Face_dataset/15_2.png
Binary file added 2019/Lab_1/Face_dataset/15_3.png
Binary file added 2019/Lab_1/Face_dataset/15_4.png
Binary file added 2019/Lab_1/Face_dataset/15_5.png
Binary file added 2019/Lab_1/Face_dataset/15_6.png
Binary file added 2019/Lab_1/Face_dataset/15_7.png
Binary file added 2019/Lab_1/Face_dataset/15_8.png
Binary file added 2019/Lab_1/Face_dataset/15_9.png
Binary file added 2019/Lab_1/Face_dataset/16_1.png
Binary file added 2019/Lab_1/Face_dataset/16_10.png
Binary file added 2019/Lab_1/Face_dataset/16_2.png
Binary file added 2019/Lab_1/Face_dataset/16_3.png
Binary file added 2019/Lab_1/Face_dataset/16_4.png
Binary file added 2019/Lab_1/Face_dataset/16_5.png
Binary file added 2019/Lab_1/Face_dataset/16_6.png
Binary file added 2019/Lab_1/Face_dataset/16_7.png
Binary file added 2019/Lab_1/Face_dataset/16_8.png
Binary file added 2019/Lab_1/Face_dataset/16_9.png
Binary file added 2019/Lab_1/Face_dataset/17_1.png
Binary file added 2019/Lab_1/Face_dataset/17_10.png
Binary file added 2019/Lab_1/Face_dataset/17_2.png
Binary file added 2019/Lab_1/Face_dataset/17_3.png
Binary file added 2019/Lab_1/Face_dataset/17_4.png
Binary file added 2019/Lab_1/Face_dataset/17_5.png
Binary file added 2019/Lab_1/Face_dataset/17_6.png
Binary file added 2019/Lab_1/Face_dataset/17_7.png
Binary file added 2019/Lab_1/Face_dataset/17_8.png
Binary file added 2019/Lab_1/Face_dataset/17_9.png
Binary file added 2019/Lab_1/Face_dataset/18_1.png
Binary file added 2019/Lab_1/Face_dataset/18_10.png
Binary file added 2019/Lab_1/Face_dataset/18_2.png
Binary file added 2019/Lab_1/Face_dataset/18_3.png
Binary file added 2019/Lab_1/Face_dataset/18_4.png
Binary file added 2019/Lab_1/Face_dataset/18_5.png
Binary file added 2019/Lab_1/Face_dataset/18_6.png
Binary file added 2019/Lab_1/Face_dataset/18_7.png
Binary file added 2019/Lab_1/Face_dataset/18_8.png
Binary file added 2019/Lab_1/Face_dataset/18_9.png
Binary file added 2019/Lab_1/Face_dataset/19_1.png
Binary file added 2019/Lab_1/Face_dataset/19_10.png
Binary file added 2019/Lab_1/Face_dataset/19_2.png
Binary file added 2019/Lab_1/Face_dataset/19_3.png
Binary file added 2019/Lab_1/Face_dataset/19_4.png
Binary file added 2019/Lab_1/Face_dataset/19_5.png
Binary file added 2019/Lab_1/Face_dataset/19_6.png
Binary file added 2019/Lab_1/Face_dataset/19_7.png
Binary file added 2019/Lab_1/Face_dataset/19_8.png
Binary file added 2019/Lab_1/Face_dataset/19_9.png
Binary file added 2019/Lab_1/Face_dataset/1_1.png
Binary file added 2019/Lab_1/Face_dataset/1_10.png
Binary file added 2019/Lab_1/Face_dataset/1_2.png
Binary file added 2019/Lab_1/Face_dataset/1_3.png
Binary file added 2019/Lab_1/Face_dataset/1_4.png
Binary file added 2019/Lab_1/Face_dataset/1_5.png
Binary file added 2019/Lab_1/Face_dataset/1_6.png
Binary file added 2019/Lab_1/Face_dataset/1_7.png
Binary file added 2019/Lab_1/Face_dataset/1_8.png
Binary file added 2019/Lab_1/Face_dataset/1_9.png
Binary file added 2019/Lab_1/Face_dataset/20_1.png
Binary file added 2019/Lab_1/Face_dataset/20_10.png
Binary file added 2019/Lab_1/Face_dataset/20_2.png
Binary file added 2019/Lab_1/Face_dataset/20_3.png
Binary file added 2019/Lab_1/Face_dataset/20_4.png
Binary file added 2019/Lab_1/Face_dataset/20_5.png
Binary file added 2019/Lab_1/Face_dataset/20_6.png
Binary file added 2019/Lab_1/Face_dataset/20_7.png
Binary file added 2019/Lab_1/Face_dataset/20_8.png
Binary file added 2019/Lab_1/Face_dataset/20_9.png
Binary file added 2019/Lab_1/Face_dataset/21_1.png
Binary file added 2019/Lab_1/Face_dataset/21_10.png
Binary file added 2019/Lab_1/Face_dataset/21_2.png
Binary file added 2019/Lab_1/Face_dataset/21_3.png
Binary file added 2019/Lab_1/Face_dataset/21_4.png
Binary file added 2019/Lab_1/Face_dataset/21_5.png
Binary file added 2019/Lab_1/Face_dataset/21_6.png
Binary file added 2019/Lab_1/Face_dataset/21_7.png
Binary file added 2019/Lab_1/Face_dataset/21_8.png
Binary file added 2019/Lab_1/Face_dataset/21_9.png
Binary file added 2019/Lab_1/Face_dataset/22_1.png
Binary file added 2019/Lab_1/Face_dataset/22_10.png
Binary file added 2019/Lab_1/Face_dataset/22_2.png
Binary file added 2019/Lab_1/Face_dataset/22_3.png
Binary file added 2019/Lab_1/Face_dataset/22_4.png
Binary file added 2019/Lab_1/Face_dataset/22_5.png
Binary file added 2019/Lab_1/Face_dataset/22_6.png
Binary file added 2019/Lab_1/Face_dataset/22_7.png
Binary file added 2019/Lab_1/Face_dataset/22_8.png
Binary file added 2019/Lab_1/Face_dataset/22_9.png
Binary file added 2019/Lab_1/Face_dataset/23_1.png
Binary file added 2019/Lab_1/Face_dataset/23_10.png
Binary file added 2019/Lab_1/Face_dataset/23_2.png
Binary file added 2019/Lab_1/Face_dataset/23_3.png
Binary file added 2019/Lab_1/Face_dataset/23_4.png
Binary file added 2019/Lab_1/Face_dataset/23_5.png
Binary file added 2019/Lab_1/Face_dataset/23_6.png
Binary file added 2019/Lab_1/Face_dataset/23_7.png
Binary file added 2019/Lab_1/Face_dataset/23_8.png
Binary file added 2019/Lab_1/Face_dataset/23_9.png
Binary file added 2019/Lab_1/Face_dataset/24_1.png
Binary file added 2019/Lab_1/Face_dataset/24_10.png
Binary file added 2019/Lab_1/Face_dataset/24_2.png
Binary file added 2019/Lab_1/Face_dataset/24_3.png
Binary file added 2019/Lab_1/Face_dataset/24_4.png
Binary file added 2019/Lab_1/Face_dataset/24_5.png
Binary file added 2019/Lab_1/Face_dataset/24_6.png
Binary file added 2019/Lab_1/Face_dataset/24_7.png
Binary file added 2019/Lab_1/Face_dataset/24_8.png
Binary file added 2019/Lab_1/Face_dataset/24_9.png
Binary file added 2019/Lab_1/Face_dataset/25_1.png
Binary file added 2019/Lab_1/Face_dataset/25_10.png
Binary file added 2019/Lab_1/Face_dataset/25_2.png
Binary file added 2019/Lab_1/Face_dataset/25_3.png
Binary file added 2019/Lab_1/Face_dataset/25_4.png
Binary file added 2019/Lab_1/Face_dataset/25_5.png
Binary file added 2019/Lab_1/Face_dataset/25_6.png
Binary file added 2019/Lab_1/Face_dataset/25_7.png
Binary file added 2019/Lab_1/Face_dataset/25_8.png
Binary file added 2019/Lab_1/Face_dataset/25_9.png
Binary file added 2019/Lab_1/Face_dataset/26_1.png
Binary file added 2019/Lab_1/Face_dataset/26_10.png
Binary file added 2019/Lab_1/Face_dataset/26_2.png
Binary file added 2019/Lab_1/Face_dataset/26_3.png
Binary file added 2019/Lab_1/Face_dataset/26_4.png
Binary file added 2019/Lab_1/Face_dataset/26_5.png
Binary file added 2019/Lab_1/Face_dataset/26_6.png
Binary file added 2019/Lab_1/Face_dataset/26_7.png
Binary file added 2019/Lab_1/Face_dataset/26_8.png
Binary file added 2019/Lab_1/Face_dataset/26_9.png
Binary file added 2019/Lab_1/Face_dataset/27_1.png
Binary file added 2019/Lab_1/Face_dataset/27_10.png
Binary file added 2019/Lab_1/Face_dataset/27_2.png
Binary file added 2019/Lab_1/Face_dataset/27_3.png
Binary file added 2019/Lab_1/Face_dataset/27_4.png
Binary file added 2019/Lab_1/Face_dataset/27_5.png
Binary file added 2019/Lab_1/Face_dataset/27_6.png
Binary file added 2019/Lab_1/Face_dataset/27_7.png
Binary file added 2019/Lab_1/Face_dataset/27_8.png
Binary file added 2019/Lab_1/Face_dataset/27_9.png
Binary file added 2019/Lab_1/Face_dataset/28_1.png
Binary file added 2019/Lab_1/Face_dataset/28_10.png
Binary file added 2019/Lab_1/Face_dataset/28_2.png
Binary file added 2019/Lab_1/Face_dataset/28_3.png
Binary file added 2019/Lab_1/Face_dataset/28_4.png
Binary file added 2019/Lab_1/Face_dataset/28_5.png
Binary file added 2019/Lab_1/Face_dataset/28_6.png
Binary file added 2019/Lab_1/Face_dataset/28_7.png
Binary file added 2019/Lab_1/Face_dataset/28_8.png
Binary file added 2019/Lab_1/Face_dataset/28_9.png
Binary file added 2019/Lab_1/Face_dataset/29_1.png
Binary file added 2019/Lab_1/Face_dataset/29_10.png
Binary file added 2019/Lab_1/Face_dataset/29_2.png
Binary file added 2019/Lab_1/Face_dataset/29_3.png
Binary file added 2019/Lab_1/Face_dataset/29_4.png
Binary file added 2019/Lab_1/Face_dataset/29_5.png
Binary file added 2019/Lab_1/Face_dataset/29_6.png
Binary file added 2019/Lab_1/Face_dataset/29_7.png
Binary file added 2019/Lab_1/Face_dataset/29_8.png
Binary file added 2019/Lab_1/Face_dataset/29_9.png
Binary file added 2019/Lab_1/Face_dataset/2_1.png
Binary file added 2019/Lab_1/Face_dataset/2_10.png
Binary file added 2019/Lab_1/Face_dataset/2_2.png
Binary file added 2019/Lab_1/Face_dataset/2_3.png
Binary file added 2019/Lab_1/Face_dataset/2_4.png
Binary file added 2019/Lab_1/Face_dataset/2_5.png
Binary file added 2019/Lab_1/Face_dataset/2_6.png
Binary file added 2019/Lab_1/Face_dataset/2_7.png
Binary file added 2019/Lab_1/Face_dataset/2_8.png
Binary file added 2019/Lab_1/Face_dataset/2_9.png
Binary file added 2019/Lab_1/Face_dataset/30_1.png
Binary file added 2019/Lab_1/Face_dataset/30_10.png
Binary file added 2019/Lab_1/Face_dataset/30_2.png
Binary file added 2019/Lab_1/Face_dataset/30_3.png
Binary file added 2019/Lab_1/Face_dataset/30_4.png
Binary file added 2019/Lab_1/Face_dataset/30_5.png
Binary file added 2019/Lab_1/Face_dataset/30_6.png
Binary file added 2019/Lab_1/Face_dataset/30_7.png
Binary file added 2019/Lab_1/Face_dataset/30_8.png
Binary file added 2019/Lab_1/Face_dataset/30_9.png
Binary file added 2019/Lab_1/Face_dataset/31_1.png
Binary file added 2019/Lab_1/Face_dataset/31_10.png
Binary file added 2019/Lab_1/Face_dataset/31_2.png
Binary file added 2019/Lab_1/Face_dataset/31_3.png
Binary file added 2019/Lab_1/Face_dataset/31_4.png
Binary file added 2019/Lab_1/Face_dataset/31_5.png
Binary file added 2019/Lab_1/Face_dataset/31_6.png
Binary file added 2019/Lab_1/Face_dataset/31_7.png
Binary file added 2019/Lab_1/Face_dataset/31_8.png
Binary file added 2019/Lab_1/Face_dataset/31_9.png
Binary file added 2019/Lab_1/Face_dataset/32_1.png
Binary file added 2019/Lab_1/Face_dataset/32_10.png
Binary file added 2019/Lab_1/Face_dataset/32_2.png
Binary file added 2019/Lab_1/Face_dataset/32_3.png
Binary file added 2019/Lab_1/Face_dataset/32_4.png
Binary file added 2019/Lab_1/Face_dataset/32_5.png
Binary file added 2019/Lab_1/Face_dataset/32_6.png
Binary file added 2019/Lab_1/Face_dataset/32_7.png
Binary file added 2019/Lab_1/Face_dataset/32_8.png
Binary file added 2019/Lab_1/Face_dataset/32_9.png
Binary file added 2019/Lab_1/Face_dataset/33_1.png
Binary file added 2019/Lab_1/Face_dataset/33_10.png
Binary file added 2019/Lab_1/Face_dataset/33_2.png
Binary file added 2019/Lab_1/Face_dataset/33_3.png
Binary file added 2019/Lab_1/Face_dataset/33_4.png
Binary file added 2019/Lab_1/Face_dataset/33_5.png
Binary file added 2019/Lab_1/Face_dataset/33_6.png
Binary file added 2019/Lab_1/Face_dataset/33_7.png
Binary file added 2019/Lab_1/Face_dataset/33_8.png
Binary file added 2019/Lab_1/Face_dataset/33_9.png
Binary file added 2019/Lab_1/Face_dataset/34_1.png
Binary file added 2019/Lab_1/Face_dataset/34_10.png
Binary file added 2019/Lab_1/Face_dataset/34_2.png
Binary file added 2019/Lab_1/Face_dataset/34_3.png
Binary file added 2019/Lab_1/Face_dataset/34_4.png
Binary file added 2019/Lab_1/Face_dataset/34_5.png
Binary file added 2019/Lab_1/Face_dataset/34_6.png
Binary file added 2019/Lab_1/Face_dataset/34_7.png
Binary file added 2019/Lab_1/Face_dataset/34_8.png
Binary file added 2019/Lab_1/Face_dataset/34_9.png
Binary file added 2019/Lab_1/Face_dataset/35_1.png
Binary file added 2019/Lab_1/Face_dataset/35_10.png
Binary file added 2019/Lab_1/Face_dataset/35_2.png
Binary file added 2019/Lab_1/Face_dataset/35_3.png
Binary file added 2019/Lab_1/Face_dataset/35_4.png
Binary file added 2019/Lab_1/Face_dataset/35_5.png
Binary file added 2019/Lab_1/Face_dataset/35_6.png
Binary file added 2019/Lab_1/Face_dataset/35_7.png
Binary file added 2019/Lab_1/Face_dataset/35_8.png
Binary file added 2019/Lab_1/Face_dataset/35_9.png
Binary file added 2019/Lab_1/Face_dataset/36_1.png
Binary file added 2019/Lab_1/Face_dataset/36_10.png
Binary file added 2019/Lab_1/Face_dataset/36_2.png
Binary file added 2019/Lab_1/Face_dataset/36_3.png
Binary file added 2019/Lab_1/Face_dataset/36_4.png
Binary file added 2019/Lab_1/Face_dataset/36_5.png
Binary file added 2019/Lab_1/Face_dataset/36_6.png
Binary file added 2019/Lab_1/Face_dataset/36_7.png
Binary file added 2019/Lab_1/Face_dataset/36_8.png
Binary file added 2019/Lab_1/Face_dataset/36_9.png
Binary file added 2019/Lab_1/Face_dataset/37_1.png
Binary file added 2019/Lab_1/Face_dataset/37_10.png
Binary file added 2019/Lab_1/Face_dataset/37_2.png
Binary file added 2019/Lab_1/Face_dataset/37_3.png
Binary file added 2019/Lab_1/Face_dataset/37_4.png
Binary file added 2019/Lab_1/Face_dataset/37_5.png
Binary file added 2019/Lab_1/Face_dataset/37_6.png
Binary file added 2019/Lab_1/Face_dataset/37_7.png
Binary file added 2019/Lab_1/Face_dataset/37_8.png
Loading

0 comments on commit 93a98b8

Please sign in to comment.