Created
June 30, 2018 20:36
-
-
Save smurching/5366baec96cd6263eae5f183c15a9884 to your computer and use it in GitHub Desktop.
Example using Horovod with tf.estimator, adapted from https://github.com/uber/horovod/blob/9bdd70d/examples/tensorflow_mnist_estimator.py
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
# Copyright 2018 Uber Technologies, Inc. All Rights Reserved. | |
# Copyright 2016 The TensorFlow Authors. All Rights Reserved. | |
# | |
# Licensed under the Apache License, Version 2.0 (the "License"); | |
# you may not use this file except in compliance with the License. | |
# You may obtain a copy of the License at | |
# | |
# http://www.apache.org/licenses/LICENSE-2.0 | |
# | |
# Unless required by applicable law or agreed to in writing, software | |
# distributed under the License is distributed on an "AS IS" BASIS, | |
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. | |
# See the License for the specific language governing permissions and | |
# limitations under the License. | |
"""Convolutional Neural Network Estimator for MNIST, built with tf.layers.""" | |
from __future__ import absolute_import | |
from __future__ import division | |
from __future__ import print_function | |
import numpy as np | |
import tensorflow as tf | |
import horovod.tensorflow as hvd | |
learn = tf.contrib.learn | |
tf.logging.set_verbosity(tf.logging.INFO) | |
def cnn_model_fn(features, labels, mode): | |
"""Model function for CNN.""" | |
# Input Layer | |
# Reshape X to 4-D tensor: [batch_size, width, height, channels] | |
# MNIST images are 28x28 pixels, and have one color channel | |
input_layer = tf.reshape(features["x"], [-1, 28, 28, 1]) | |
# Convolutional Layer #1 | |
# Computes 32 features using a 5x5 filter with ReLU activation. | |
# Padding is added to preserve width and height. | |
# Input Tensor Shape: [batch_size, 28, 28, 1] | |
# Output Tensor Shape: [batch_size, 28, 28, 32] | |
conv1 = tf.layers.conv2d( | |
inputs=input_layer, | |
filters=32, | |
kernel_size=[5, 5], | |
padding="same", | |
activation=tf.nn.relu) | |
# Pooling Layer #1 | |
# First max pooling layer with a 2x2 filter and stride of 2 | |
# Input Tensor Shape: [batch_size, 28, 28, 32] | |
# Output Tensor Shape: [batch_size, 14, 14, 32] | |
pool1 = tf.layers.max_pooling2d(inputs=conv1, pool_size=[2, 2], strides=2) | |
# Convolutional Layer #2 | |
# Computes 64 features using a 5x5 filter. | |
# Padding is added to preserve width and height. | |
# Input Tensor Shape: [batch_size, 14, 14, 32] | |
# Output Tensor Shape: [batch_size, 14, 14, 64] | |
conv2 = tf.layers.conv2d( | |
inputs=pool1, | |
filters=64, | |
kernel_size=[5, 5], | |
padding="same", | |
activation=tf.nn.relu) | |
# Pooling Layer #2 | |
# Second max pooling layer with a 2x2 filter and stride of 2 | |
# Input Tensor Shape: [batch_size, 14, 14, 64] | |
# Output Tensor Shape: [batch_size, 7, 7, 64] | |
pool2 = tf.layers.max_pooling2d(inputs=conv2, pool_size=[2, 2], strides=2) | |
# Flatten tensor into a batch of vectors | |
# Input Tensor Shape: [batch_size, 7, 7, 64] | |
# Output Tensor Shape: [batch_size, 7 * 7 * 64] | |
pool2_flat = tf.reshape(pool2, [-1, 7 * 7 * 64]) | |
# Dense Layer | |
# Densely connected layer with 1024 neurons | |
# Input Tensor Shape: [batch_size, 7 * 7 * 64] | |
# Output Tensor Shape: [batch_size, 1024] | |
dense = tf.layers.dense(inputs=pool2_flat, units=1024, activation=tf.nn.relu) | |
# Add dropout operation; 0.6 probability that element will be kept | |
dropout = tf.layers.dropout( | |
inputs=dense, rate=0.4, training=mode == tf.estimator.ModeKeys.TRAIN) | |
# Logits layer | |
# Input Tensor Shape: [batch_size, 1024] | |
# Output Tensor Shape: [batch_size, 10] | |
logits = tf.layers.dense(inputs=dropout, units=10) | |
predictions = { | |
# Generate predictions (for PREDICT and EVAL mode) | |
"classes": tf.argmax(input=logits, axis=1), | |
# Add `softmax_tensor` to the graph. It is used for PREDICT and by the | |
# `logging_hook`. | |
"probabilities": tf.nn.softmax(logits, name="softmax_tensor") | |
} | |
if mode == tf.estimator.ModeKeys.PREDICT: | |
return tf.estimator.EstimatorSpec(mode=mode, predictions=predictions) | |
# Calculate Loss (for both TRAIN and EVAL modes) | |
onehot_labels = tf.one_hot(indices=tf.cast(labels, tf.int32), depth=10) | |
loss = tf.losses.softmax_cross_entropy( | |
onehot_labels=onehot_labels, logits=logits) | |
# Configure the Training Op (for TRAIN mode) | |
if mode == tf.estimator.ModeKeys.TRAIN: | |
# Horovod: scale learning rate by the number of workers. | |
optimizer = tf.train.MomentumOptimizer( | |
learning_rate=0.001 * hvd.size(), momentum=0.9) | |
# Horovod: add Horovod Distributed Optimizer. | |
optimizer = hvd.DistributedOptimizer(optimizer) | |
train_op = optimizer.minimize( | |
loss=loss, | |
global_step=tf.train.get_global_step()) | |
return tf.estimator.EstimatorSpec(mode=mode, loss=loss, train_op=train_op) | |
# Add evaluation metrics (for EVAL mode) | |
eval_metric_ops = { | |
"accuracy": tf.metrics.accuracy( | |
labels=labels, predictions=predictions["classes"])} | |
return tf.estimator.EstimatorSpec( | |
mode=mode, loss=loss, eval_metric_ops=eval_metric_ops) | |
def main(unused_argv): | |
# Horovod: initialize Horovod. | |
hvd.init() | |
# Load training and eval data | |
mnist = learn.datasets.mnist.read_data_sets('MNIST-data-%d' % hvd.rank()) | |
train_data = mnist.train.images # Returns np.array | |
train_labels = np.asarray(mnist.train.labels, dtype=np.int32) | |
eval_data = mnist.test.images # Returns np.array | |
eval_labels = np.asarray(mnist.test.labels, dtype=np.int32) | |
# Horovod: pin GPU to be used to process local rank (one GPU per process) | |
config = tf.ConfigProto() | |
config.gpu_options.allow_growth = True | |
config.gpu_options.visible_device_list = str(hvd.local_rank()) | |
# Horovod: save checkpoints only on worker 0 to prevent other workers from | |
# corrupting them. | |
model_dir = './mnist_convnet_model' if hvd.rank() == 0 else None | |
# Create the Estimator | |
mnist_classifier = tf.estimator.Estimator( | |
model_fn=cnn_model_fn, model_dir=model_dir, | |
config=tf.estimator.RunConfig(session_config=config)) | |
# Set up logging for predictions | |
# Log the values in the "Softmax" tensor with label "probabilities" | |
tensors_to_log = {"probabilities": "softmax_tensor"} | |
logging_hook = tf.train.LoggingTensorHook( | |
tensors=tensors_to_log, every_n_iter=500) | |
# Horovod: BroadcastGlobalVariablesHook broadcasts initial variable states from | |
# rank 0 to all other processes. This is necessary to ensure consistent | |
# initialization of all workers when training is started with random weights or | |
# restored from a checkpoint. | |
bcast_hook = hvd.BroadcastGlobalVariablesHook(0) | |
# Train the model | |
train_input_fn = tf.estimator.inputs.numpy_input_fn( | |
x={"x": train_data}, | |
y=train_labels, | |
batch_size=100, | |
num_epochs=None, | |
shuffle=True) | |
# Horovod: adjust number of steps based on number of GPUs. | |
mnist_classifier.train( | |
input_fn=train_input_fn, | |
max_steps=300 // hvd.size(), | |
hooks=[logging_hook, bcast_hook]) | |
# Evaluate the model and print results | |
eval_input_fn = tf.estimator.inputs.numpy_input_fn( | |
x={"x": eval_data}, | |
y=eval_labels, | |
num_epochs=1, | |
shuffle=False) | |
eval_results = mnist_classifier.evaluate(input_fn=eval_input_fn) | |
print(eval_results) | |
if __name__ == "__main__": | |
tf.app.run() |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment