Это ошибка
ValueError: Dimensions must be equal, but are 6 and 9 for '{{node Equal}} = Equal[T=DT_FLOAT, incompatible_shape_error=true](IteratorGetNext:1, Cast_1)' with input shapes: [?,6], [?,9]
Я пытаюсь дать простой сети Keras группу из 9х3 numpy массивов целых чисел с предполагаемым выводом Softmax по 6 категориям, с целью одной горячей категоризации по 6 категориям. Я использую padding для создания последовательных 9,3 массивов (от которых я бы хотел избавиться, но это создает множество других ошибок). Теперь model.fit принимает ввод и цель, но сталкивается с этой ошибкой во время выполнения. Я считаю, что он пытается соотнести каждую строку входного массива 9 на 3 с каждым внутренним элементом целевого массива. Это не та связь, которую я хочу сделать. Я хочу взять весь массив 9 на 3 и соотнести его с одной из 6 категорий. Очевидно, я делаю что-то не так, но я не знаю, что это такое. Я искал кого-то с подобной проблемой, но я не мог найти тот с частью {{node Equal}}
. У большинства других людей, у которых был тот же ValueError, была другая часть, из-за которой он казался несвязанным, в том числе несколько ошибок в Kera.
Вот простой код для воссоздания ошибки.
import tensorflow as tf
import numpy as np
from tensorflow import keras
model = keras.Sequential()
model.add(keras.layers.Dense(16, input_shape=(9, 3), activation='relu'))
model.add(keras.layers.Dense(32, activation='relu'))
model.add(keras.layers.Dense(32, activation='relu'))
model.add(keras.layers.Dense(16, activation='relu'))
model.add(keras.layers.Dense(6, activation='softmax'))
model.compile(loss='binary_crossentropy', optimizer='rmsprop', metrics=['accuracy'])
example_array = np.array([
np.array([[ 5, 0, 1],
[ 2, 0, 1],
[ 4, 0, 1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1]]),
np.array([[ 4, 3, 0],
[ 4, 2, 2],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1],
[-1, -1, -1]]),
np.array([[ 3, 0, 2],
[ 1, 1, 1],
[ 3, 2, 0],
[ 3, 0, 3],
[ 1, 0, 2],
[ 4, 1, 1],
[ 1, 1, 1],
[ 3, 1, 1],
[-1, -1, -1]])])
example_target = np.array([[1, 0, 0, 0, 0, 0,],
[0, 0, 0, 0, 1, 0,],
[0, 0, 0, 0, 0, 1,]])
model.fit(example_array, example_target, epochs=1)
Хотя это, кажется, создает ошибку, которая немного отличается от бита (Cast_2, Cast_3), отличного от исходного (IteratorGetNext: 1, Cast_1)
ValueError: Dimensions must be equal, but are 6 and 9 for '{{node Equal}} = Equal[T=DT_FLOAT, incompatible_shape_error=true](Cast_2, Cast_3)' with input shapes: [?,6], [?,9].
Этого не должно произойти, учитывая, что я взял этот пример из примера запуска моего основного кода, но вот мой основной код, если вы хотите sh взаимодействовать с ним.
Network.py
import gym
import random
import numpy as np
import tensorflow as tf
from tensorflow import keras
from statistics import median, mean
from collections import Counter
import Mastermind
INITIAL_GAMES = 1000
#The number of avaliable colours
COLOURS = 6
GUESS_LENGTH = 4
#The number of guesses avaliable to the player
GUESSES = 10
env = Mastermind.MastermindEnv(GUESS_LENGTH, COLOURS, GUESSES)
colours = env.colours
def initial_games():
# [OBS, MOVES]
training_data = []
# all scores:
scores = []
# just the scores that met our threshold:
accepted_scores = []
# iterate through however many games we want:
for _ in range(INITIAL_GAMES):
env.reset()
score = 0
# guesses and results specifically from this environment:
game_memory = []
# Each is given the number of guesses
# long plus one to garuentee no interrupts
for t in range(GUESSES+1):
# choose random guess
guess = ""
for _ in range(GUESS_LENGTH):
guess += random.choice(colours)
#Check guess
observation, reward, done, info = env.step(guess)
score += reward
if done:
#Memory is saved after game's completion
game_memory = observation
break
# If our score is positive it means that the answer was
# correctly guessed at which point we want to save the score
# and the game memory
if 10 > score > 0:
accepted_scores.append(score)
training_data.append(game_memory)
# reset env to play again
env.reset()
# save overall scores
scores.append(score)
# just in case you wanted to reference later
training_data_save = np.array(training_data)
np.save('saved.npy',training_data_save)
#some statistics stuff
print('Average accepted score:',mean(accepted_scores))
print('total games won:', len(accepted_scores))
print(Counter(accepted_scores))
return training_data
model = keras.Sequential()
model.add(keras.layers.Dense(16, input_shape=(9, 3), activation='relu'))
model.add(keras.layers.Dense(32, activation='relu'))
model.add(keras.layers.Dense(32, activation='relu'))
model.add(keras.layers.Dense(16, activation='relu'))
model.add(keras.layers.Dense(COLOURS, activation='softmax'))
model.compile(loss='binary_crossentropy', optimizer='rmsprop', metrics=['accuracy'])
def initial_train_model():
training_data = initial_games()
for index in range(GUESS_LENGTH):
training = []
targets = []
for observation in training_data:
obs = []
for i in range(len(observation)):
if i == len(observation)-1:
targets.append(ord(observation[i][0][index])-97)
else:
obs.append([ord(observation[i][0][index])-97,
ord(observation[i][1])-48,
ord(observation[i][2])-48])
i += 1
j = 10-len(observation)
while j > 0:
obs.append([-1, -1, -1])
j -= 1
training.append(np.array(obs))
print(training)
training = np.array(training)
print(keras.utils.to_categorical(targets, num_classes=COLOURS))
one_hot_targets = np.array(keras.utils.to_categorical(targets, num_classes=COLOURS))
#print(one_hot_targets)
model.fit(training, one_hot_targets, epochs=1)
initial_train_model()
и
Mastermind.py
import gym
from gym.utils import seeding
import numpy as np
import random
class MastermindEnv(gym.Env):
"""
Description:
A code guessing board game where a series of letters must be guessed
which gives small pieces of information to the player.
Observation:
Type: List of Lists
Guess Blacks Whites
String int int
Actions:
Type: Discrete(colours^guess_length)
String guess
A string of length guess_length where each character can be any colour.
Reward:
Reward is 10 on game completion with 1 additional
for each remaining guess.
Starting State:
An empty board with a target created
Episode Termination:
Remaining guesses reduced to 0
guess == target
Solved Requirements:
100% winrate over 20 games
"""
"""
metadata = {
'render.modes': ['human', 'rgb_array'],
'video.frames_per_second' : 50
}
"""
def __init__(self, guess_length=4, colours=6, guesses=10):
self.guess_length = guess_length
self.total_guesses = guesses
self.guesses = guesses
self.colours = []
for _ in range(colours):
self.colours.append(chr(_ + 97))
self.seed()
self.state = []
def seed(self, seed=None):
self.np_random, seed = seeding.np_random(seed)
return [seed]
def step(self, guess):
done = False
correct = False
self.guesses -= 1
if guess == self.target:
done = True
correct = True
blacks = 0
whites = 0
accounted = []
for i in range(len(guess)):
if guess[i] == self.target[i]:
blacks += 1
accounted.append(i)
continue
for j in range(len(self.target)):
if i != j and j not in accounted:
if guess[i] == self.target[j]:
whites += 1
accounted.append(j)
break
self.state.append([guess, blacks, whites])
if self.guesses == 0:
done = True
if not done:
reward = 0.0
else:
if correct:
reward = float(self.guesses+1)
else:
reward = 0.0
return np.array(self.state), reward, done, {}
def reset(self):
self.state = []
self.guesses = self.total_guesses
# Creating a target
target = ""
for _ in range(self.guess_length):
target += random.choice(self.colours)
#print(target)
self.target = target
return np.array(self.state)
def render(self, mode='human'):
print(self.state[-1])
def close(self):
self.state = []
self.guesses = self.total_guesses
Главным образом, я хочу, чтобы каждый (9, 3) массив был коррелирован с одной строкой целевых массивов, если это возможно.
Спасибо.