0
에 훈련 분류를 공급하는 방법 :나는 다음과 같이 데이터 집합 내 분류를 양성하는 데 사용되는 이미지를 읽어 Tensorflow
filename_strings = []
label_strings = []
for dirname, dirnames, filenames in os.walk('training'):
for filename in filenames:
filename_strings.append(dirname + '\\' + filename)
label_strings.append(dirname)
filenames = tf.constant(filename_strings)
labels = tf.constant(label_strings)
dataset = tf.contrib.data.Dataset.from_tensor_slices((filenames, labels))
dataset_train = dataset.map(_parse_function)
_parse_function :
# Reads an image from a file, decodes it into a dense tensor, and resizes it
# to a fixed shape.
def _parse_function(filename, label):
image_string = tf.read_file(filename)
image_decoded = tf.image.decode_png(image_string)
image_resized = tf.image.resize_images(image_decoded, [28, 28])
return image_decoded, label
를하지만 지금 내가 기차 단계 :
# Create the Estimator
mnist_classifier = tf.estimator.Estimator(
model_fn=cnn_model_fn, model_dir="/model")
# Set up logging for predictions
tensors_to_log = {"probabilities": "softmax_tensor"}
logging_hook = tf.train.LoggingTensorHook(
tensors=tensors_to_log, every_n_iter=50)
# Train the model
train_input_fn = tf.estimator.inputs.numpy_input_fn(
x= {"x": dataset_train },
y= dataset_train,
batch_size=100,
num_epochs=None,
shuffle=True)
mnist_classifier.train(
input_fn=train_input_fn,
steps=200,
hooks=[logging_hook])
나는이 튜토리얼
A Guide to TF Layers: Building a Convolutional Neural Network을 따라하려고
하지만 내 자신의 메신저와 먹이를 할 수 없습니다 연령 집합입니다.
열차 단계 피드에 직접 데이터 세트를 사용할 수 있습니까? 제 말은 각 이미지의 특징과 레이블이있는 텐서를 가지고 있다는 것입니다.
: 여기에 간단한 예제입니다 – Maxim