重磅干貨,第一時(shí)間送達(dá) K-Means聚類是最常用的無(wú)監(jiān)督機(jī)器學(xué)習(xí)算法之一。顧名思義,它可用于創(chuàng)建數(shù)據(jù)集群,從本質(zhì)上將它們隔離,。 現(xiàn)在,我們將做一個(gè)簡(jiǎn)單的示例,,將文件夾中的圖像進(jìn)行分離,,該文件夾既有貓也有狗的圖像。并且將創(chuàng)建兩個(gè)單獨(dú)的文件夾(群集),,我們將介紹如何自動(dòng)確定K的最佳值,。 貓和狗的圖像數(shù)據(jù)集 import numpy as np import tensorflow as tf import matplotlib.pyplot as plt from sklearn.cluster import KMeans from sklearn.metrics import silhouette_score import cv2 import os, glob, shutil input_dir = 'pets' glob_dir = input_dir + '/*.jpg' images = [cv2.resize(cv2.imread(file), (224, 224)) for file in glob.glob(glob_dir)] paths = [file for file in glob.glob(glob_dir)] images = np.array(np.float32(images).reshape(len(images), -1)/255) 現(xiàn)在,我們將在MobileNetV2(傳輸學(xué)習(xí))的幫助下進(jìn)行特征提取。當(dāng)然我們可以使用ResNet50,,InceptionV3等,,但是MobileNetV2速度很快,而且資源也不是很多,。 model = tf.keras.applications.MobileNetV2(include_top=False, weights=’imagenet’, input_shape=(224, 224, 3)) predictions = model.predict(images.reshape(-1, 224, 224, 3)) pred_images = predictions.reshape(images.shape[0], -1) 現(xiàn)在,,我們已經(jīng)實(shí)現(xiàn)了提取功能,現(xiàn)在可以使用KMeans進(jìn)行聚類了,。 k = 2 kmodel = KMeans(n_clusters = k, n_jobs=-1, random_state=728) kmodel.fit(pred_images) kpredictions = kmodel.predict(pred_images) shutil.rmtree(‘output’) for i in range(k): os.makedirs(“output\cluster” + str(i)) for i in range(len(paths)): shutil.copy2(paths[i], “output\cluster”+str(kpredictions[i])) 輸出結(jié)果如下: 小狗: 貓: 另外我們?nèi)绾未_定數(shù)據(jù)集的K值,?我們可以使用輪廓法或肘部法確定它,。我們將在這里使用輪廓法,,當(dāng)然這兩種方法都可獲得最可靠的結(jié)果,所以能直接確定K,。 當(dāng)我們將馬的圖像添加到原始數(shù)據(jù)集中時(shí),,我們來(lái)確定K的值。 sil = [] kl = [] kmax = 10 for k in range(2, kmax+1): kmeans2 = KMeans(n_clusters = k).fit(pred_images) labels = kmeans2.labels_ sil.append(silhouette_score(pred_images, labels, metric = ‘euclidean’)) kl.append(k) plt.plot(kl, sil) plt.ylabel(‘Silhoutte Score’) plt.ylabel(‘K’) plt.show() 如我們所見,,K的最佳值為3,我們還成功創(chuàng)建了第三個(gè)集群: 如我們所見,,K-Means聚類是用于圖像分離的出色算法,。在某些時(shí)候,我們使用的方法可能無(wú)法提供準(zhǔn)確的結(jié)果,,我們可以嘗試使用其他卷積神經(jīng)網(wǎng)絡(luò)對(duì)其進(jìn)行修復(fù),,或者嘗試將圖像從BGR轉(zhuǎn)換為RGB,然后進(jìn)行處理,。 |
|
來(lái)自: 小白學(xué)視覺 > 《待分類》