- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
作为我的机器学习学习项目,我尝试使用 SVM(支持向量机)对多米诺骨牌的不同图像进行分类。我这个项目很大程度上基于这个项目 https://scikit-learn.org/stable/auto_examples/applications/plot_face_recognition.html#sphx-glr-auto-examples-applications-plot-face-recognition-py我重新创建并理解了它,并获得了大约 70% 的精度/F1(如果我没记错的话)。我在我的项目中使用了大部分相同的代码。
在我的项目中,我有 28 个不同的文件夹,每个文件夹中有 100 个不同的 100x100px 多米诺骨牌图像(即 2800 个图像)。多米诺骨牌是用不同的背景、不同的变焦和不同的旋转来拍摄的。这些图像可以在这里找到:https://www.kaggle.com/wallcloud/photographs-of-28-different-domino-tiles
我已经测试过:
尽管如此,我的分数仍然无法超过 10%,这与 Scikit-Learn 项目在面部上取得的成绩相差甚远。
根据我从经验丰富的机器学习工程师那里收到的反馈,数据应该足以对多米诺骨牌进行分类。我怀疑 SVM:s 是否真的适合作为图像分类器,但随着 Scikit-Learn 项目使用它,我认为它也应该有效。我确信 CNN 可以很好地解决这个问题,但这不是我的问题。
当我输出多米诺骨牌的“特征脸”时,它们显示为“运动模糊”,这似乎与旋转的多米诺骨牌有关。这可能是一个潜在的原因(Scikit-Learn 的面部图像未旋转)。然而,我希望模型能更好地捕捉多米诺骨牌上的点,但这种假设可能是错误的。
我现在的问题是:
问:考虑到数据的数量和类型以及使用 SVM 作为分类器,我的 10% 分数是否符合预期?还是我错过了一些关键的东西?
import time
import matplotlib.pyplot as plt
from sklearn import svm, metrics
from sklearn.model_selection import train_test_split
from sklearn.model_selection import GridSearchCV
#from sklearn.preprocessing import StandardScaler
from sklearn import preprocessing
from sklearn.decomposition import PCA
import numpy as np
import os # Working with files and folders
from PIL import Image # Image processing
from PIL import ImageFilter
###
### Data can be downloaded from https://www.dropbox.com/sh/s5f38k4l2on5mba/AACNQgXuw1edwEb6oO1w3CfOa?dl=0
###
start = time.time()
rootdir = os.getcwd()
image_file = 'images.npy'
key_file = 'keys.npy'
def predict_me(image_file_name, scaler, pca):
pm = Image.open(image_file_name)
pm = pm.resize([66,66])
a = np.array(pm.convert('L')).reshape(1,-1)
#a = np.array(pm.resize([66,66]).convert('L')).reshape(1,-1)) # array 66x66
a = scaler.transform(a)
a = pca.transform(a)
return classifier.predict(a)
def crop_image(im, sq_size):
new_width = sq_size
new_height = sq_size
width, height = im.size # Get dimensions
left = (width - new_width)/2
top = (height - new_height)/2
right = (width + new_width)/2
bottom = (height + new_height)/2
imc = im.crop((left, top, right, bottom))
return imc
#def filter_image(im):
# All filter makes it worse
#imf = im.filter(ImageFilter.EMBOSS)
#return imf
def provide_altered_images(im):
im_list = [im]
im_list.append(im.rotate(90))
im_list.append(im.rotate(180))
im_list.append(im.rotate(270))
return im_list
if (os.path.exists(image_file) and os.path.exists(key_file)):
print("Loading existing numpy's")
pixel_arr = np.load(image_file)
key = np.load(key_file)
else:
print("Creating new numpy's")
key_array = []
pixel_arr = np.empty((0,66*66), "uint8")
for subdir, dirs, files in os.walk('data'):
dir_name = subdir.split("/")[-1]
if "x" in dir_name:
for file in files:
if ".DS_Store" not in file:
im = Image.open(os.path.join(subdir, file))
if im.size == (100,100):
use_im = crop_image(im,66) # Most images are shot from too far away. This removes portions of it.
#use_im = filter_image(use_im) # Filters image, but does no good at all
im_list = provide_altered_images(use_im) # Create extra data with 3 rotated images of every image
for alt_im in im_list:
key_array.append(dir_name) # Each image here is still the same as directory name
numpied_image = np.array(alt_im.convert('L')).reshape(1,-1) # Converts to grayscale
#Image.fromarray(np.reshape(numpied_image,(-1,100)), 'L').show()
pixel_arr = np.append(pixel_arr, numpied_image, axis=0)
im.close()
key = np.array(key_array)
np.save(image_file, pixel_arr)
np.save(key_file, key)
# Create a classifier: a support vector classifier
classifier = svm.SVC(gamma=0.001, C=10, kernel='rbf', class_weight='balanced') # gamma and C from tests
#le = preprocessing.LabelEncoder()
#le.fit(key)
#transformed_key = le.transform(key)
transformed_key = key
X_train, X_test, y_train, y_test = train_test_split(pixel_arr, transformed_key, test_size=0.1,random_state=7)
#scaler = preprocessing.StandardScaler()
pca = PCA(n_components=500, svd_solver='randomized', whiten=True)
# Fit on training set only.
#scaler.fit(X_train)
pca.fit(X_train)
# Apply transform to both the training set and the test set.
#X_train = scaler.transform(X_train)
#X_test = scaler.transform(X_test)
X_train_pca = pca.transform(X_train)
X_test_pca = pca.transform(X_test)
print ("Fit classifier")
classifier = classifier.fit(X_train_pca, y_train)
print ("Score = " + str(classifier.score(X_test_pca, y_test)))
# Now predict the value of the domino on the test data:
expected = y_test
print ("Predicting")
predicted = classifier.predict(X_test_pca)
print("Classification report for classifier %s:\n%s\n"
% (classifier, metrics.classification_report(expected, predicted)))
#print("Confusion matrix:\n%s" % metrics.confusion_matrix(expected, predicted, labels =list(set(key))))
end = time.time()
print(end - start)
Score = 0.09830205540661305
Predicting
Classification report for classifier SVC(C=10, cache_size=200, class_weight='balanced', coef0=0.0, decision_function_shape='ovr', degree=3, gamma=0.001, kernel='rbf', max_iter=-1, probability=False, random_state=None, shrinking=True, tol=0.001, verbose=False):
precision recall f1-score support
b'0x0' 0.22 0.44 0.30 27
b'1x0' 0.24 0.23 0.24 43
b'1x1' 0.15 0.12 0.13 49
b'2x0' 0.13 0.15 0.14 34
b'2x1' 0.16 0.16 0.16 44
b'2x2' 0.02 0.03 0.03 36
b'3x0' 0.05 0.06 0.05 36
b'3x1' 0.05 0.05 0.05 42
b'3x2' 0.08 0.09 0.08 46
b'3x3' 0.15 0.16 0.15 50
b'4x0' 0.15 0.15 0.15 40
b'4x1' 0.07 0.05 0.06 42
b'4x2' 0.02 0.02 0.02 41
b'4x3' 0.09 0.08 0.09 49
b'4x4' 0.11 0.10 0.11 39
b'5x0' 0.18 0.12 0.14 42
b'5x1' 0.00 0.00 0.00 38
b'5x2' 0.02 0.02 0.02 43
b'5x3' 0.07 0.08 0.07 36
b'5x4' 0.07 0.04 0.05 51
b'5x5' 0.11 0.14 0.12 42
b'6x0' 0.03 0.03 0.03 37
b'6x1' 0.07 0.10 0.08 31
b'6x2' 0.03 0.03 0.03 33
b'6x3' 0.09 0.07 0.08 45
b'6x4' 0.02 0.03 0.03 30
b'6x5' 0.16 0.19 0.17 37
b'6x6' 0.10 0.08 0.09 36
micro avg 0.10 0.10 0.10 1119
macro avg 0.09 0.10 0.10 1119
weighted avg 0.10 0.10 0.10 1119
115.74487614631653
最佳答案
我认为原因之一是你不应该直接将原始图像作为 SVM 分类器的输入,即使你应用了 PCA。您应该计算描述图像的形状、对比度和颜色的特征并将其放入分类器中,还是使用CNN。 CNN 是用来对图像进行分类的,并且其结构会自动计算图像的特征。
关于python - 使用 SVM 作为图像分类器时,精度/F 分数预计为 10% 吗?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/55918681/
我正在尝试使用 Pandas 和 scikit-learn 在 Python 中执行分类。我的数据集包含文本变量、数值变量和分类变量的混合。 假设我的数据集如下所示: Project Cost
我想要一种图形化且有吸引力的方式来表示二进制数据的列总和,而不是表格格式。我似乎无法让它发挥作用,尽管有人会认为这将是一次上篮。 数据看起来像这样(我尝试创建一个可重现的示例,但无法让代码填充 0 和
我有一个简单的类别模型: class Category(models.Model): name = models.CharField(max_length=200) slug = mo
我正在开发一个知识系统,当用户进入一道菜时,该系统可以返回酒。我的想法是根据用户的输入为每个葡萄酒类别添加分数,然后显示最适合的葡萄酒类别的前 3 个。例如,如果有人输入鱼,那么知识库中的所有红葡萄酒
我目前正在研究流失问题的预测模型。 每当我尝试运行以下模型时,都会收到此错误:至少一个类级别不是有效的 R 变量名称。这将在生成类概率时导致错误,因为变量名称将转换为 X0、X1。请使用可用作有效 R
如何对栅格重新分类(子集)r1 (与 r2 具有相同的尺寸和范围)基于 r2 中的以下条件在给定的示例中。 条件: 如果网格单元格值为 r2是 >0.5 ,保留>0.5中对应的值以及紧邻0.5个值的相
我想知道在 java 中进行以下分类的最佳方法是什么。例如,我们有一个简单的应用程序,其分类如下: 空气 -----电机类型 -----------平面对象 -----非电机型 -----------
这是一个非常基本的示例。但我正在做一些数据分析,并且不断发现自己编写非常类似的 SQL 计数查询来生成概率表。 我的表被定义为值 0 表示事件未发生,而值 1 表示事件确实发生。 > sqldf(
假设我有一组护照图像。我正在开展一个项目,我必须识别每本护照上的姓名,并最终将该对象转换为文本。 对于标签(或分类(我认为是初学者))的第一部分,每本护照上都有姓名,我该怎么做? 我可以使用哪些技术/
我有这张图片: 我想做的是在花和树之间对这张图片进行分类,这样我就可以找到图片中被树木覆盖的区域,以及被那些花覆盖的区域。 我在想这可能是某种 FFT 问题,但我不确定它是如何工作的。单个花的 FFT
我的数据集有 32 个分类变量和一个数值连续变量(sales_volume) 首先,我使用单热编码 (pd.get_dummies) 将分类变量转换为二进制,现在我有 1294 列,因为每一列都有多个
我正在尝试学习一些神经网络来获得乐趣。我决定尝试从 kaggle 的数据集中对一些神奇宝贝传奇卡进行分类。我阅读了文档并遵循了机器学习掌握指南,同时阅读了媒体以尝试理解该过程。 我的问题/疑问:我尝试
我目前正在进行推文情绪分析,并且有几个关于步骤的正确顺序的问题。请假设数据已经过相应的预处理和准备。所以这就是我将如何进行: 使用 train_test_split(80:20 比例)停止测试数据集。
一些上下文:Working with text classification and big sparse matrices in R 我一直在研究 text2vec 的文本多类分类问题。包装和 ca
数据 我有以下(简化的)数据集,我们称之为 df从现在开始: species rank value 1
我一直在尝试创建一个 RNN。我总共有一个包含 1661 个单独“条目”的数据集,每个条目中有 158 个时间序列坐标。 以下是一个条目的一小部分: 0.00000000e+00 1.9260968
我有一个关于机器学习的分类和回归问题。第一个问题,以下数据集 http://it.tinypic.com/view.php?pic=oh3gj7&s=8#.VIjhRDGG_lF 我们可以说,数据集是
我用1~200个数据作为训练数据,201~220个作为测试数据格式如下:3 个类(类 1、类 2、类 3)和 20 个特征 2 1:100 2:96 3:88 4:94 5:96 6:94 7:72
我有 2 个基于多个数字特征(例如 v1….v20)的输出类别(好和差)。 如果 v1、v2、v3 和 v4 为“高”,则该类别为“差”。如果 v1、v2、v3 和 v4 为“低”,则该类别为“好”
我遇到了使用朴素贝叶斯将文档分类为各种类别问题的问题。 实际上我想知道 P(C) 或我们最初掌握的类别的先验概率会随着时间的推移而不断变化。例如,对于类(class) - [音乐、体育、新闻] 初始概
我是一名优秀的程序员,十分优秀!