gpt4 book ai didi

python - 预测鼠标书写的数字

转载 作者:行者123 更新时间:2023-12-02 16:11:35 26 4
gpt4 key购买 nike

我想预测用鼠标写的数字。
我使用TensorFlow创建了一个模型,并训练了整个数据集。

当我写一个数字并尝试预测时,它给我的答案准确性较低。

请提出一些克服此问题的方法。

源代码是:

import cv2
import numpy as np
import matplotlib.pyplot as plt
from PIL import Image
import tensorflow as tf

def plot_digit(data):
image = data.reshape(28, 28)
plt.imshow(image, interpolation='nearest')
plt.axis('off')

mnist = tf.keras.datasets.mnist

(x_train, y_train), (x_test, y_test) = mnist.load_data()
x_train, x_test = x_train / 255.0, x_test / 255.0

model = tf.keras.models.Sequential([
tf.keras.layers.Flatten(input_shape=(28, 28)),
tf.keras.layers.Dense(128, activation='relu'),
tf.keras.layers.Dropout(0.2),
tf.keras.layers.Dense(128, activation='relu'),
tf.keras.layers.Dense(10)
])

predictions = model(x_train[:1]).numpy()
tf.nn.softmax(predictions).numpy()

loss_fn = tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True)
loss_fn(y_train[:1], predictions).numpy()

model.compile(optimizer='adam',
loss=loss_fn,
metrics=['accuracy'])

model.fit(x_train, y_train, epochs=10)

model.evaluate(x_test, y_test, verbose=2)

drawing = False # true if mouse is pressed
pt1_x , pt1_y = None , None

# mouse callback function
def line_drawing(event,x,y,flags,param):
global pt1_x,pt1_y,drawing

if event==cv2.EVENT_LBUTTONDOWN:
drawing=True
pt1_x,pt1_y=x,y

elif event==cv2.EVENT_MOUSEMOVE:
if drawing==True:
cv2.line(img,(pt1_x,pt1_y),(x,y),color=(255,255,255),thickness=3)
pt1_x,pt1_y=x,y
elif event==cv2.EVENT_LBUTTONUP:
drawing=False
cv2.line(img,(pt1_x,pt1_y),(x,y),color=(255,255,255),thickness=3)


img = np.zeros((200,200), np.uint8)
cv2.namedWindow('test draw')
cv2.setMouseCallback('test draw',line_drawing)

while(1):
cv2.imshow('test draw',img)
if cv2.waitKey(1) & 0xFF == 27:
break
cv2.destroyAllWindows()

img = Image.fromarray(img)
foo = img.resize((28,28),Image.ANTIALIAS)
foo = np.array(foo)/255.0
plot_digit(foo)

np.argmax(model.predict(foo.reshape(1,28,28)))

当我写7时,它预测为6。
但是当我绘制绘制的图形时,它显示为7。

最佳答案

这可能是很多事情。一些想法:

1)也许是调整大小?在thickness=3上使用200,200时,将其大小调整为thickness=1后,它变得更像(28,28),后者不再代表MNIST数据集。尝试可视化一些MNIST数据和鼠标写入的数据,并查看它们是否真的相似(在(28,28)级别)。

2)也许模型过度适合手写数字?考虑在模型中使用卷积层,我认为在这种情况下可以缓解此问题。

3)也许是可视化?我看到您在可视化图像时同时使用了ANTIALIASnearest。尝试删除nearest。您还能看到您的期望吗?

如果您可以发布一些图像,则可以进行绘制。

关于python - 预测鼠标书写的数字,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/61983242/

26 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com