- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我想实现一个在二十一点中计算牌的软件,使用一些图像识别来自动化该过程。但我不知道从哪里开始。我认为问题可以分为以下几步:
1- 从游戏中的浏览器获取图像(基本上是 Adobe Flash 游戏)
2- 处理图像,并进行一些图像识别,以识别所有卡片。
3- 使用 Hi-Lo 策略更新计数器
4-在屏幕上显示结果
我如何使用Python来做到这一点?有哪些图书馆可以帮助我?这对我来说是一个全新的领域。我会根据您的建议尝试实现该问题。
编辑1:
Selenium Webdriver工作正常,到目前为止,我已经使用了这段和平的代码来获取主页的屏幕截图,但我无法进入游戏,因为我没有钱玩哈哈:
from selenium import webdriver
browser = webdriver.Chrome()
browser.get('https://www.888casino.it/giochi-da-casino/')
browser.save_screenshot('screenie.png')
browser.quit()
但基本上我需要用 Hook 浏览器的东西替换 browser.get()
,而不是打开新页面的东西。然后我需要实现一个 for 循环,在玩游戏时每秒截取屏幕截图,然后我可以开始处理这些图像。
编辑2:
我会尝试TensorFlow API用于图像处理,但我没有找到任何用于识别卡片的训练模型。所以我必须创建一个全新的模型,我发现了这个tutorial这有助于我训练自己的物体识别模型。如果您知道现有的训练模型,请链接该模型。
编辑3:
使用 Tensorflow,我能够创建自己的对象识别模型,现在我需要在 python 脚本中使用该模型。现在我已经使用了这个示例脚本,它打开一个图像并在卡片周围绘制矩形。
import os
import cv2
import numpy as np
import tensorflow as tf
import sys
# This is needed since the notebook is stored in the object_detection folder.
sys.path.append("..")
# Import utilites
from utils import label_map_util
from utils import visualization_utils as vis_util
# Name of the directory containing the object detection module we're using
MODEL_NAME = 'inference_graph'
IMAGE_NAME = 'test1.jpg'
# Grab path to current working directory
CWD_PATH = os.getcwd()
# Path to frozen detection graph .pb file, which contains the model that is used
# for object detection.
PATH_TO_CKPT = os.path.join(CWD_PATH,MODEL_NAME,'frozen_inference_graph.pb')
# Path to label map file
PATH_TO_LABELS = os.path.join(CWD_PATH,'training','labelmap.pbtxt')
# Path to image
PATH_TO_IMAGE = os.path.join(CWD_PATH,IMAGE_NAME)
# Number of classes the object detector can identify
NUM_CLASSES = 13
# Load the label map.
# Label maps map indices to category names, so that when our convolution
# network predicts `5`, we know that this corresponds to `king`.
# Here we use internal utility functions, but anything that returns a
# dictionary mapping integers to appropriate string labels would be fine
label_map = label_map_util.load_labelmap(PATH_TO_LABELS)
categories = label_map_util.convert_label_map_to_categories(label_map, max_num_classes=NUM_CLASSES, use_display_name=True)
category_index = label_map_util.create_category_index(categories)
# Load the Tensorflow model into memory.
detection_graph = tf.Graph()
with detection_graph.as_default():
od_graph_def = tf.GraphDef()
with tf.gfile.GFile(PATH_TO_CKPT, 'rb') as fid:
serialized_graph = fid.read()
od_graph_def.ParseFromString(serialized_graph)
tf.import_graph_def(od_graph_def, name='')
sess = tf.Session(graph=detection_graph)
# Define input and output tensors (i.e. data) for the object detection classifier
# Input tensor is the image
image_tensor = detection_graph.get_tensor_by_name('image_tensor:0')
# Output tensors are the detection boxes, scores, and classes
# Each box represents a part of the image where a particular object was detected
detection_boxes = detection_graph.get_tensor_by_name('detection_boxes:0')
# Each score represents level of confidence for each of the objects.
# The score is shown on the result image, together with the class label.
detection_scores = detection_graph.get_tensor_by_name('detection_scores:0')
detection_classes = detection_graph.get_tensor_by_name('detection_classes:0')
# Number of objects detected
num_detections = detection_graph.get_tensor_by_name('num_detections:0')
# Load image using OpenCV and
# expand image dimensions to have shape: [1, None, None, 3]
# i.e. a single-column array, where each item in the column has the pixel RGB value
image = cv2.imread(PATH_TO_IMAGE)
image_expanded = np.expand_dims(image, axis=0)
# Perform the actual detection by running the model with the image as input
(boxes, scores, classes, num) = sess.run(
[detection_boxes, detection_scores, detection_classes, num_detections],
feed_dict={image_tensor: image_expanded})
# Draw the results of the detection (aka 'visulaize the results')
vis_util.visualize_boxes_and_labels_on_image_array(
image,
np.squeeze(boxes),
np.squeeze(classes).astype(np.int32),
np.squeeze(scores),
category_index,
use_normalized_coordinates=True,
line_thickness=8,
min_score_thresh=0.80)
# All the results have been drawn on image. Now display the image.
cv2.imshow('Object detector', image)
# Press any key to close the image
cv2.waitKey(0)
# Clean up
cv2.destroyAllWindows()
现在我需要创建自己的脚本来识别卡片,并为每张卡片更新必须在屏幕上显示的计数器。这是最棘手的部分,因为我不知道从哪里开始。我在这一步中遇到了几个问题,首先脚本必须能够区分离开牌组的牌和新牌,这样每次截屏时就不会弄乱计数器。其次,计数器应更新为 -1(高牌)(十 - A)、+1(低牌)(二-六)、0(中性牌)(7-8-9),并且必须在屏幕上可见。
编辑4:我已经构建了该软件的第一个版本,但存在一些问题,计数器无法正确更新。这是代码:
import pyscreenshot as ImageGrab
from win32api import GetSystemMetrics
import os
import cv2
import numpy as np
import tensorflow as tf
import sys
import warnings
import h5py
def UpdateCounter(labels, c):
for i in labels:
if labels['ace'] > 0:
c = c - 1
if labels['king'] > 0:
c = c - 1
if labels['queen'] > 0:
c = c - 1
if labels['jack'] > 0:
c = c - 1
if labels['ten'] > 0:
c = c - 1
if labels['six'] > 0:
c = c + 1
if labels['five'] > 0:
c = c + 1
if labels['four'] > 0:
c = c + 1
if labels['three'] > 0:
c = c + 1
if labels['two'] > 0:
c = c + 1
return c
if __name__ == '__main__':
sys.path.append("..")
from utils import label_map_util
from utils import visualization_utils as vis_util
MODEL_NAME = 'inference_graph'
IMAGE_NAME = 'test1.jpg'
CWD_PATH = os.getcwd()
PATH_TO_CKPT = os.path.join(CWD_PATH,MODEL_NAME,'frozen_inference_graph.pb')
PATH_TO_LABELS = os.path.join(CWD_PATH,'training','labelmap.pbtxt')
PATH_TO_IMAGE = os.path.join(CWD_PATH,IMAGE_NAME)
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3'
NUM_CLASSES = 13
label_map = label_map_util.load_labelmap(PATH_TO_LABELS)
categories = label_map_util.convert_label_map_to_categories(label_map, max_num_classes=NUM_CLASSES, use_display_name=True)
category_index = label_map_util.create_category_index(categories)
detection_graph = tf.Graph()
with detection_graph.as_default():
od_graph_def = tf.GraphDef()
with tf.gfile.GFile(PATH_TO_CKPT, 'rb') as fid:
serialized_graph = fid.read()
od_graph_def.ParseFromString(serialized_graph)
tf.import_graph_def(od_graph_def, name='')
sess = tf.Session(graph=detection_graph)
image_tensor = detection_graph.get_tensor_by_name('image_tensor:0')
detection_boxes = detection_graph.get_tensor_by_name('detection_boxes:0')
detection_scores = detection_graph.get_tensor_by_name('detection_scores:0')
detection_classes = detection_graph.get_tensor_by_name('detection_classes:0')
num_detections = detection_graph.get_tensor_by_name('num_detections:0')
c = 0
while True:
labels = {"ace" : 0, "king": 0, "queen": 0, "jack": 0, "ten": 0, "nine": 0, "eight": 0,"seven": 0, "six": 0, "five": 0, "four":0, "three": 0, "two": 0}
with warnings.catch_warnings():
warnings.filterwarnings("ignore",category=FutureWarning)
screenshot=ImageGrab.grab(bbox=(42,42, GetSystemMetrics(0),GetSystemMetrics(1)))
screenshot.save(IMAGE_NAME)
image = cv2.imread(PATH_TO_IMAGE)
image_expanded = np.expand_dims(image, axis=0)
(boxes, scores, classes, num) = sess.run(
[detection_boxes, detection_scores, detection_classes, num_detections],
feed_dict={image_tensor: image_expanded})
data = [category_index.get(value) for index,value in enumerate(classes[0]) if scores[0,index] > 0.9]
for ch in data:
if ch['name'] == "ace":
labels["ace"] += 1
elif ch['name'] == "king":
labels["king"] += 1
elif ch['name'] == "queen":
labels["queen"] += 1
elif ch['name'] == "jack":
labels["jack"] += 1
elif ch['name'] == "ten":
labels["ten"] += 1
elif ch['name'] == "nine":
labels["nine"] += 1
elif ch['name'] == "eight":
labels["eight"] += 1
elif ch['name'] == "seven":
labels["seven"] += 1
elif ch['name'] == "six":
labels["six"] += 1
elif ch['name'] == "five":
labels["five"] += 1
elif ch['name'] == "four":
labels["four"] += 1
elif ch['name'] == "three":
labels["three"] += 1
elif ch['name'] == "two":
labels["two"] += 1
print(UpdateCounter(labels, c))
请问我该如何解决这个问题?仅当新卡被识别时我才需要显示计数器,并且我还需要修复程序获得的错误匹配。
最佳答案
我相信您可以通过使用您提到的 Selenium 来实现这一目标。
这将类似于:
from selenium import webdriver
import time
browser = webdriver.Chrome()
browser.get('https://www.888casino.it/giochi-da-casino/')
while True:
browser.save_screenshot('screenie.png')
#do the image processing...
time.sleep(1)
browser.quit()
对于图像处理本身,您将遇到识别图像上所需的元素(在您的情况下是卡片)的问题,以进一步单独处理每个元素。因此,您在这方面有一个两步任务。
有一个 tensorflow 对象检测 API 可能适合您:https://github.com/opencv/opencv/wiki/TensorFlow-Object-Detection-API
祝你好运!
关于python - 使用Python在浏览器上进行图像识别,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/52443426/
我使用的是linux的windows子系统,安装了ubuntu,bash运行流畅。 我正在尝试使用make,似乎bash 无法识别gcc。尝试将其添加到 PATH,但没有任何改变。奇怪的是 - cmd
ImageMagick 已正确安装。 WAMP 的“PHP 扩展”菜单也显示带有勾选的 php_imagick。除了 Apache 和系统环境变量外,phpinfo() 没有显示任何 imagick
我是这么想的,因为上限是 2^n,并且考虑到它们都是有限机,n 状态 NFA 和具有 2^n 或更少状态的 DFA 的交集将是有效。 我错了吗? 最佳答案 你是对的。 2^n 是一个上限,因此生成的
我有一个大型数据集,其中包含每日值,指示一年中的特定一天是否特别热(用 1 或 0 表示)。我的目标是识别 3 个或更多特别炎热的日子的序列,并创建一个包含每个日子的长度以及开始和结束日期的新数据集。
我有一个向量列表,每个向量看起来像这样 c("Japan", "USA", "country", "Japan", "source", "country", "UK", "source", "coun
是否有任何工具或方法可以识别静态定义数组中的缓冲区溢出(即 char[1234] 而不是 malloc(1234))? 昨天我花了大部分时间来追踪崩溃和奇怪的行为,最终证明是由以下行引起的: // e
我一直在尝试通过导入制表符分隔的文件来手动创建 Snakemake 通配符,如下所示: dataset sample species frr PRJNA493818_GSE120639_SRP1628
我一直在尝试通过导入制表符分隔的文件来手动创建 Snakemake 通配符,如下所示: dataset sample species frr PRJNA493818_GSE120639_SRP1628
我想录下某人的声音,然后根据我获得的关于他/她声音的信息,如果那个人再次说话,我就能认出来!问题是我没有关于哪些统计数据(如频率)导致人声差异的信息,如果有人可以帮助我如何识别某人的声音? 在研究过程
我希望我的程序能够识别用户何时按下“enter”并继续循环播放。但是我不知道如何使程序识别“输入”。尝试了两种方法: string enter; string ent = "\n"; dice d1;
我创建了这个带有一个参数(文件名)的 Bash 小脚本,该脚本应该根据文件的扩展名做出响应: #!/bin/bash fileFormat=${1} if [[ ${fileFormat} =~ [F
我正在寻找一种在 for 循环内迭代时识别 subview 对象的方法,我基本上通过执行 cell.contentView.subviews 从 UITableView 的 contentView 获
我正在尝试在 Swift 中使用 CallKit 来识别调用者。 我正在寻找一种通过发出 URL 请求来识别调用者的方法。 例如:+1-234-45-241 给我打电话,我希望它向 mydomain.
我将(相当古老的)插件称为“thickbox”,如下所述: 创建厚盒时,它包含基于查询的内容列表。 使用 JavaScript 或 jQuery,我希望能够访问 type 的值(在上面的示例中 t
我想编写一些可以接受某种输入并将其识别为方波、三角波或某种波形的代码。我还需要一些产生所述波的方法。 我确实有使用 C/C++ 的经验,但是,我不确定我将如何模拟所有这些。最终,我想将其转换为微 Co
我创建了一个 for 循环,用于在每个部分显示 8 个项目,但我试图在循环中识别某些项目。例如,我想识别前两项,然后是第五项和第六项,但我的识别技术似乎是正确的。 for (int i = 0; i
如何识别 UIStoryboard? 该类具有创建和实例化的方法,但我没有看到带有类似name 的@property。例如 获取 Storyboard对象 + storyboardWithName:b
如何确定所运行的SQLServer2005的版本 要确定所运行的SQLServer2005的版本,请使用SQLServerManagementStudio连接到SQLServer2005,然后运行
这个问题在这里已经有了答案: How to check whether an object is a date? (26 个答案) 关闭2 年前。 我正在使用一个 npm 模块,它在错误时抛出一个空
我正在制作一个使用 ActivityRecognition API 在后台跟踪用户 Activity 的应用,如果用户在指定时间段(例如 1 小时)内停留在同一个地方,系统就会推送通知告诉用户去散步.
我是一名优秀的程序员,十分优秀!