TV Script Generation

In this project, you'll generate your own Simpsons TV scripts using RNNs. You'll be using part of the Simpsons dataset of scripts from 27 seasons. The Neural Network you'll build will generate a new TV script for a scene at Moe's Tavern.

Get the Data

The data is already provided for you. You'll be using a subset of the original dataset. It consists of only the scenes in Moe's Tavern. This doesn't include other versions of the tavern, like "Moe's Cavern", "Flaming Moe's", "Uncle Moe's Family Feed-Bag", etc..

Feedback

Here is the feedback for this submission from the Udacity Reviewer: https://review.udacity.com/#!/reviews/468101/shared


In [1]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import helper

data_dir = './data/simpsons/moes_tavern_lines.txt'
text = helper.load_data(data_dir)
# Ignore notice, since we don't use it for analysing the data
text = text[81:]

Explore the Data

Play around with view_sentence_range to view different parts of the data.


In [2]:
view_sentence_range = (0, 10)

"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import numpy as np

print('Dataset Stats')
print('Roughly the number of unique words: {}'.format(len({word: None for word in text.split()})))
scenes = text.split('\n\n')
print('Number of scenes: {}'.format(len(scenes)))
sentence_count_scene = [scene.count('\n') for scene in scenes]
print('Average number of sentences in each scene: {}'.format(np.average(sentence_count_scene)))

sentences = [sentence for scene in scenes for sentence in scene.split('\n')]
print('Number of lines: {}'.format(len(sentences)))
word_count_sentence = [len(sentence.split()) for sentence in sentences]
print('Average number of words in each line: {}'.format(np.average(word_count_sentence)))

print()
print('The sentences {} to {}:'.format(*view_sentence_range))
print('\n'.join(text.split('\n')[view_sentence_range[0]:view_sentence_range[1]]))


Dataset Stats
Roughly the number of unique words: 11492
Number of scenes: 262
Average number of sentences in each scene: 15.251908396946565
Number of lines: 4258
Average number of words in each line: 11.50164396430249

The sentences 0 to 10:

Moe_Szyslak: (INTO PHONE) Moe's Tavern. Where the elite meet to drink.
Bart_Simpson: Eh, yeah, hello, is Mike there? Last name, Rotch.
Moe_Szyslak: (INTO PHONE) Hold on, I'll check. (TO BARFLIES) Mike Rotch. Mike Rotch. Hey, has anybody seen Mike Rotch, lately?
Moe_Szyslak: (INTO PHONE) Listen you little puke. One of these days I'm gonna catch you, and I'm gonna carve my name on your back with an ice pick.
Moe_Szyslak: What's the matter Homer? You're not your normal effervescent self.
Homer_Simpson: I got my problems, Moe. Give me another one.
Moe_Szyslak: Homer, hey, you should not drink to forget your problems.
Barney_Gumble: Yeah, you should only drink to enhance your social skills.

Implement Preprocessing Functions

The first thing to do to any dataset is preprocessing. Implement the following preprocessing functions below:

  • Lookup Table
  • Tokenize Punctuation

Lookup Table

To create a word embedding, you first need to transform the words to ids. In this function, create two dictionaries:

  • Dictionary to go from the words to an id, we'll call vocab_to_int
  • Dictionary to go from the id to word, we'll call int_to_vocab

Return these dictionaries in the following tuple (vocab_to_int, int_to_vocab)


In [15]:
import numpy as np
import problem_unittests as tests

def create_lookup_tables(text):
    """
    Create lookup tables for vocabulary
    :param text: The text of tv scripts split into words
    :return: A tuple of dicts (vocab_to_int, int_to_vocab)
    """
    vocab = set(text)
    vocab_to_int = {c: i for i, c in enumerate(vocab)}
    int_to_vocab = dict(enumerate(vocab))
    chars = np.array([vocab_to_int[c] for c in text], dtype=np.int32)
#     print(int_to_vocab)
    return vocab_to_int, int_to_vocab

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_create_lookup_tables(create_lookup_tables)


Tests Passed

Tokenize Punctuation

We'll be splitting the script into a word array using spaces as delimiters. However, punctuations like periods and exclamation marks make it hard for the neural network to distinguish between the word "bye" and "bye!".

Implement the function token_lookup to return a dict that will be used to tokenize symbols like "!" into "||Exclamation_Mark||". Create a dictionary for the following symbols where the symbol is the key and value is the token:

  • Period ( . )
  • Comma ( , )
  • Quotation Mark ( " )
  • Semicolon ( ; )
  • Exclamation mark ( ! )
  • Question mark ( ? )
  • Left Parentheses ( ( )
  • Right Parentheses ( ) )
  • Dash ( -- )
  • Return ( \n )

This dictionary will be used to token the symbols and add the delimiter (space) around it. This separates the symbols as it's own word, making it easier for the neural network to predict on the next word. Make sure you don't use a token that could be confused as a word. Instead of using the token "dash", try using something like "||dash||".


In [16]:
def token_lookup():
    """
    Generate a dict to turn punctuation into a token.
    :return: Tokenize dictionary where the key is the punctuation and the value is the token
    """    
    return {
        '!': '||Exclamation||',
        ',': '||Comma||',
        '.': '||Period||',
        ';': '||Semicolon||', 
        '(': '||L-Parenthesis||',
        ')': '||R-Parenthesis||',
        '"': '||Quotation||',
        '?': '||Question||', 
        '\n':'||NewLine||', 
        '--':'||Dash||'
           }

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_tokenize(token_lookup)


Tests Passed

Preprocess all the data and save it

Running the code cell below will preprocess all the data and save it to file.


In [17]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
# Preprocess Training, Validation, and Testing Data
helper.preprocess_and_save_data(data_dir, token_lookup, create_lookup_tables)

Check Point

This is your first checkpoint. If you ever decide to come back to this notebook or have to restart the notebook, you can start from here. The preprocessed data has been saved to disk.


In [18]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import helper
import numpy as np
import problem_unittests as tests

int_text, vocab_to_int, int_to_vocab, token_dict = helper.load_preprocess()

Build the Neural Network

You'll build the components necessary to build a RNN by implementing the following functions below:

  • get_inputs
  • get_init_cell
  • get_embed
  • build_rnn
  • build_nn
  • get_batches

Check the Version of TensorFlow and Access to GPU


In [19]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
from distutils.version import LooseVersion
import warnings
import tensorflow as tf

# Check TensorFlow Version
assert LooseVersion(tf.__version__) >= LooseVersion('1.0'), 'Please use TensorFlow version 1.0 or newer'
print('TensorFlow Version: {}'.format(tf.__version__))

# Check for a GPU
if not tf.test.gpu_device_name():
    warnings.warn('No GPU found. Please use a GPU to train your neural network.')
else:
    print('Default GPU Device: {}'.format(tf.test.gpu_device_name()))


TensorFlow Version: 1.0.1
Default GPU Device: /gpu:0

Input

Implement the get_inputs() function to create TF Placeholders for the Neural Network. It should create the following placeholders:

  • Input text placeholder named "input" using the TF Placeholder name parameter.
  • Targets placeholder
  • Learning Rate placeholder

Return the placeholders in the following tuple (Input, Targets, LearningRate)


In [25]:
def get_inputs():
    """
    Create TF Placeholders for input, targets, and learning rate.
    :return: Tuple (input, targets, learning rate)
    """
    inputs = tf.placeholder(tf.int32, shape=[None, None], name='input')
    targets = tf.placeholder(tf.int32, shape=[None, None], name='targets')
    learning_rate = tf.placeholder(tf.float32, shape = None, name='learning_rate')
    return inputs, targets, learning_rate


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_get_inputs(get_inputs)


Tests Passed

Build RNN Cell and Initialize

Stack one or more BasicLSTMCells in a MultiRNNCell.

  • The Rnn size should be set using rnn_size
  • Initalize Cell State using the MultiRNNCell's zero_state() function
    • Apply the name "initial_state" to the initial state using tf.identity()

Return the cell and initial state in the following tuple (Cell, InitialState)


In [99]:
def get_init_cell(batch_size, rnn_size, num_layers = 2):
    """
    Create an RNN Cell and initialize it.
    :param batch_size: Size of batches
    :param rnn_size: Size of RNNs
    :param num_layers: Number of Layers, added by me at reviewer's suggestion
    :return: Tuple (cell, initialize state)
    """
    rnn = tf.contrib.rnn.BasicLSTMCell(rnn_size)
    cell = tf.contrib.rnn.MultiRNNCell([rnn] * num_layers)
    initial_state = cell.zero_state(batch_size, tf.float32)
    initial_state = tf.identity(initial_state, name = 'initial_state')
    return cell, initial_state


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_get_init_cell(get_init_cell)


Tests Passed

Word Embedding

Apply embedding to input_data using TensorFlow. Return the embedded sequence.


In [95]:
# Question 1. What difference does it make if I use truncated_normal v/s random_uniform? 
# Question 2. What difference does it make if I use the embed_sequence from tf.contrib.layers vs above approach? 
# I could not observe difference with respect to the model and hence the questions

In [94]:
def get_embed(input_data, vocab_size, embed_dim):
    """
    Create embedding for <input_data>.
    :param input_data: TF placeholder for text input.
    :param vocab_size: Number of words in vocabulary.
    :param embed_dim: Number of embedding dimensions
    :return: Embedded input.
    """
#     embedding = tf.Variable(tf.truncated_normal((vocab_size, embed_dim), -1, 1))
#     embedding = tf.nn.embedding_lookup(embedding, input_data)
    embedding = tf.contrib.layers.embed_sequence(ids=input_data, vocab_size=vocab_size, embed_dim=embed_dim) 
    return embedding


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_get_embed(get_embed)


Tests Passed

Build RNN

You created a RNN Cell in the get_init_cell() function. Time to use the cell to create a RNN.

Return the outputs and final_state state in the following tuple (Outputs, FinalState)


In [35]:
def build_rnn(cell, inputs):
    """
    Create a RNN using a RNN Cell
    :param cell: RNN Cell
    :param inputs: Input text data
    :return: Tuple (Outputs, Final State)
    """
    outputs, final_state = tf.nn.dynamic_rnn(cell, inputs, dtype=tf.float32)
    
    final_state = tf.identity(final_state, name='final_state')
    return outputs, final_state


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_build_rnn(build_rnn)


Tests Passed

Build the Neural Network

Apply the functions you implemented above to:

  • Apply embedding to input_data using your get_embed(input_data, vocab_size, embed_dim) function.
  • Build RNN using cell and your build_rnn(cell, inputs) function.
  • Apply a fully connected layer with a linear activation and vocab_size as the number of outputs.

Return the logits and final state in the following tuple (Logits, FinalState)


In [45]:
def build_nn(cell, rnn_size, input_data, vocab_size, embed_dim):
    """
    Build part of the neural network
    :param cell: RNN cell
    :param rnn_size: Size of rnns
    :param input_data: Input data
    :param vocab_size: Vocabulary size
    :param embed_dim: Number of embedding dimensions
    :return: Tuple (Logits, FinalState)
    """

    embedding = get_embed(input_data, vocab_size, embed_dim)
    outputs, final_state = build_rnn(cell, embedding)
    
    weights = tf.truncated_normal_initializer(dtype=tf.float32, stddev=0.1)0
    biases = tf.zeros_initializer()
    
    logits = tf.contrib.layers.fully_connected(outputs, vocab_size, None, None, weights_initializer=weights, biases_initializer=biases)
    return logits, final_state


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_build_nn(build_nn)


Tests Passed

Batches

Implement get_batches to create batches of input and targets using int_text. The batches should be a Numpy array with the shape (number of batches, 2, batch size, sequence length). Each batch contains two elements:

  • The first element is a single batch of input with the shape [batch size, sequence length]
  • The second element is a single batch of targets with the shape [batch size, sequence length]

If you can't fill the last batch with enough data, drop the last batch.

For exmple, get_batches([1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], 2, 3) would return a Numpy array of the following:

[
  # First Batch
  [
    # Batch of Input
    [[ 1  2  3], [ 7  8  9]],
    # Batch of targets
    [[ 2  3  4], [ 8  9 10]]
  ],

  # Second Batch
  [
    # Batch of Input
    [[ 4  5  6], [10 11 12]],
    # Batch of targets
    [[ 5  6  7], [11 12 13]]
  ]
]

In [97]:
def get_batches(int_text, batch_size, seq_length):
    """
    Return batches of input and target
    :param int_text: Text with the words replaced by their ids
    :param batch_size: The size of batch
    :param seq_length: The length of sequence
    :return: Batches as a Numpy array
    """
#     num_batches = int(len(int_text) / (batch_size * seq_length))
    num_batches = len(int_text) // (batch_size * seq_length)  #more pythonic, enforces integer result instead of float
    num_words = num_batches * batch_size * seq_length
    input_data = np.array(int_text[:num_words])
    target_data = np.array(int_text[1:num_words+1])
    
    input_data = input_data.reshape(batch_size, -1)
    target_data = target_data.reshape(batch_size, -1)
    
    input_batches = np.split(input_data, num_batches, 1)
    target_batches = np.split(target_data, num_batches, 1)
    
    return np.array(list(zip(input_batches, target_batches)))


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_get_batches(get_batches)


Tests Passed

Neural Network Training

Hyperparameters

Tune the following parameters:

  • Set num_epochs to the number of epochs.
  • Set batch_size to the batch size.
  • Set rnn_size to the size of the RNNs.
  • Set embed_dim to the size of the embedding.
  • Set seq_length to the length of sequence.
  • Set learning_rate to the learning rate.
  • Set show_every_n_batches to the number of batches the neural network should print progress.

How to select batch size v/s number of epochs?

When you put m examples in a minibatch, you need to do O(m) computation and use O(m) memory, but you reduce the amount of uncertainty in the gradient by a factor of only O(sqrt(m)). In other words, there are diminishing marginal returns to putting more examples in the minibatch - Ian Goodfellow

from https://stats.stackexchange.com/questions/164876/tradeoff-batch-size-vs-number-of-iterations-to-train-a-neural-network and Chapter 8 - Optimization of Deep Learning Book


In [111]:
# Number of Epochs
num_epochs = 100
# Batch Size
batch_size = 128
# RNN Size
rnn_size = 512
# Sequence Length
seq_length = 11 # https://stats.stackexchange.com/questions/158834/what-is-a-feasible-sequence-length-for-an-rnn-to-model
# reviewer suggested seeq_length to be set at average sentence length i.e. 11  
# Embedding Dimension Size
embed_dim = rnn_size // 2
# Learning Rate
learning_rate = 0.01
# Show stats for every n number of batches
show_every_n_batches = 10

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
save_dir = './save'

Build the Graph

Build the graph using the neural network you implemented.


In [112]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
from tensorflow.contrib import seq2seq

train_graph = tf.Graph()
with train_graph.as_default():
    vocab_size = len(int_to_vocab)
    input_text, targets, lr = get_inputs()
    input_data_shape = tf.shape(input_text)
    cell, initial_state = get_init_cell(input_data_shape[0], rnn_size)
    logits, final_state = build_nn(cell, rnn_size, input_text, vocab_size, embed_dim)

    # Probabilities for generating words
    probs = tf.nn.softmax(logits, name='probs')

    # Loss function
    cost = seq2seq.sequence_loss(
        logits,
        targets,
        tf.ones([input_data_shape[0], input_data_shape[1]]))

    # Optimizer
    optimizer = tf.train.AdamOptimizer(lr)

    # Gradient Clipping
    gradients = optimizer.compute_gradients(cost)
    capped_gradients = [(tf.clip_by_value(grad, -1., 1.), var) for grad, var in gradients if grad is not None]
    train_op = optimizer.apply_gradients(capped_gradients)

Train

Train the neural network on the preprocessed data. If you have a hard time getting a good loss, check the forms to see if anyone is having the same problem.


In [113]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
batches = get_batches(int_text, batch_size, seq_length)

with tf.Session(graph=train_graph) as sess:
    sess.run(tf.global_variables_initializer())

    for epoch_i in range(num_epochs):
        state = sess.run(initial_state, {input_text: batches[0][0]})

        for batch_i, (x, y) in enumerate(batches):
            feed = {
                input_text: x,
                targets: y,
                initial_state: state,
                lr: learning_rate}
            train_loss, state, _ = sess.run([cost, final_state, train_op], feed)

            # Show every <show_every_n_batches> batches
            if (epoch_i * len(batches) + batch_i) % show_every_n_batches == 0:
                print('Epoch {:>3} Batch {:>4}/{}   train_loss = {:.3f}'.format(
                    epoch_i,
                    batch_i,
                    len(batches),
                    train_loss))

    # Save Model
    saver = tf.train.Saver()
    saver.save(sess, save_dir)
    print('Model Trained and Saved')


Epoch   0 Batch    0/49   train_loss = 8.822
Epoch   0 Batch   10/49   train_loss = 8.119
Epoch   0 Batch   20/49   train_loss = 7.347
Epoch   0 Batch   30/49   train_loss = 6.154
Epoch   0 Batch   40/49   train_loss = 5.983
Epoch   1 Batch    1/49   train_loss = 6.013
Epoch   1 Batch   11/49   train_loss = 5.885
Epoch   1 Batch   21/49   train_loss = 5.856
Epoch   1 Batch   31/49   train_loss = 5.711
Epoch   1 Batch   41/49   train_loss = 5.365
Epoch   2 Batch    2/49   train_loss = 5.536
Epoch   2 Batch   12/49   train_loss = 5.435
Epoch   2 Batch   22/49   train_loss = 5.383
Epoch   2 Batch   32/49   train_loss = 5.391
Epoch   2 Batch   42/49   train_loss = 5.173
Epoch   3 Batch    3/49   train_loss = 5.130
Epoch   3 Batch   13/49   train_loss = 5.053
Epoch   3 Batch   23/49   train_loss = 5.034
Epoch   3 Batch   33/49   train_loss = 5.048
Epoch   3 Batch   43/49   train_loss = 5.243
Epoch   4 Batch    4/49   train_loss = 5.085
Epoch   4 Batch   14/49   train_loss = 5.010
Epoch   4 Batch   24/49   train_loss = 4.945
Epoch   4 Batch   34/49   train_loss = 5.007
Epoch   4 Batch   44/49   train_loss = 4.902
Epoch   5 Batch    5/49   train_loss = 4.846
Epoch   5 Batch   15/49   train_loss = 4.963
Epoch   5 Batch   25/49   train_loss = 5.057
Epoch   5 Batch   35/49   train_loss = 4.902
Epoch   5 Batch   45/49   train_loss = 4.950
Epoch   6 Batch    6/49   train_loss = 4.830
Epoch   6 Batch   16/49   train_loss = 4.800
Epoch   6 Batch   26/49   train_loss = 4.760
Epoch   6 Batch   36/49   train_loss = 4.832
Epoch   6 Batch   46/49   train_loss = 4.670
Epoch   7 Batch    7/49   train_loss = 4.679
Epoch   7 Batch   17/49   train_loss = 4.631
Epoch   7 Batch   27/49   train_loss = 4.783
Epoch   7 Batch   37/49   train_loss = 4.548
Epoch   7 Batch   47/49   train_loss = 4.483
Epoch   8 Batch    8/49   train_loss = 4.755
Epoch   8 Batch   18/49   train_loss = 4.481
Epoch   8 Batch   28/49   train_loss = 4.619
Epoch   8 Batch   38/49   train_loss = 4.575
Epoch   8 Batch   48/49   train_loss = 4.568
Epoch   9 Batch    9/49   train_loss = 4.628
Epoch   9 Batch   19/49   train_loss = 4.471
Epoch   9 Batch   29/49   train_loss = 4.433
Epoch   9 Batch   39/49   train_loss = 4.614
Epoch  10 Batch    0/49   train_loss = 4.356
Epoch  10 Batch   10/49   train_loss = 4.641
Epoch  10 Batch   20/49   train_loss = 4.591
Epoch  10 Batch   30/49   train_loss = 4.436
Epoch  10 Batch   40/49   train_loss = 4.244
Epoch  11 Batch    1/49   train_loss = 4.510
Epoch  11 Batch   11/49   train_loss = 4.385
Epoch  11 Batch   21/49   train_loss = 4.380
Epoch  11 Batch   31/49   train_loss = 4.375
Epoch  11 Batch   41/49   train_loss = 4.134
Epoch  12 Batch    2/49   train_loss = 4.371
Epoch  12 Batch   12/49   train_loss = 4.363
Epoch  12 Batch   22/49   train_loss = 4.262
Epoch  12 Batch   32/49   train_loss = 4.307
Epoch  12 Batch   42/49   train_loss = 4.234
Epoch  13 Batch    3/49   train_loss = 4.275
Epoch  13 Batch   13/49   train_loss = 4.208
Epoch  13 Batch   23/49   train_loss = 4.091
Epoch  13 Batch   33/49   train_loss = 4.265
Epoch  13 Batch   43/49   train_loss = 4.376
Epoch  14 Batch    4/49   train_loss = 4.233
Epoch  14 Batch   14/49   train_loss = 4.270
Epoch  14 Batch   24/49   train_loss = 4.245
Epoch  14 Batch   34/49   train_loss = 4.281
Epoch  14 Batch   44/49   train_loss = 4.117
Epoch  15 Batch    5/49   train_loss = 4.109
Epoch  15 Batch   15/49   train_loss = 4.275
Epoch  15 Batch   25/49   train_loss = 4.473
Epoch  15 Batch   35/49   train_loss = 4.229
Epoch  15 Batch   45/49   train_loss = 4.219
Epoch  16 Batch    6/49   train_loss = 4.179
Epoch  16 Batch   16/49   train_loss = 4.162
Epoch  16 Batch   26/49   train_loss = 4.185
Epoch  16 Batch   36/49   train_loss = 4.268
Epoch  16 Batch   46/49   train_loss = 3.934
Epoch  17 Batch    7/49   train_loss = 4.074
Epoch  17 Batch   17/49   train_loss = 4.023
Epoch  17 Batch   27/49   train_loss = 4.188
Epoch  17 Batch   37/49   train_loss = 3.972
Epoch  17 Batch   47/49   train_loss = 3.753
Epoch  18 Batch    8/49   train_loss = 4.024
Epoch  18 Batch   18/49   train_loss = 3.863
Epoch  18 Batch   28/49   train_loss = 4.035
Epoch  18 Batch   38/49   train_loss = 4.026
Epoch  18 Batch   48/49   train_loss = 3.955
Epoch  19 Batch    9/49   train_loss = 4.061
Epoch  19 Batch   19/49   train_loss = 3.879
Epoch  19 Batch   29/49   train_loss = 3.885
Epoch  19 Batch   39/49   train_loss = 3.896
Epoch  20 Batch    0/49   train_loss = 3.654
Epoch  20 Batch   10/49   train_loss = 3.923
Epoch  20 Batch   20/49   train_loss = 3.926
Epoch  20 Batch   30/49   train_loss = 3.785
Epoch  20 Batch   40/49   train_loss = 3.643
Epoch  21 Batch    1/49   train_loss = 3.826
Epoch  21 Batch   11/49   train_loss = 3.806
Epoch  21 Batch   21/49   train_loss = 3.751
Epoch  21 Batch   31/49   train_loss = 3.764
Epoch  21 Batch   41/49   train_loss = 3.503
Epoch  22 Batch    2/49   train_loss = 3.826
Epoch  22 Batch   12/49   train_loss = 3.653
Epoch  22 Batch   22/49   train_loss = 3.657
Epoch  22 Batch   32/49   train_loss = 3.665
Epoch  22 Batch   42/49   train_loss = 3.754
Epoch  23 Batch    3/49   train_loss = 3.608
Epoch  23 Batch   13/49   train_loss = 3.549
Epoch  23 Batch   23/49   train_loss = 3.533
Epoch  23 Batch   33/49   train_loss = 3.504
Epoch  23 Batch   43/49   train_loss = 3.605
Epoch  24 Batch    4/49   train_loss = 3.667
Epoch  24 Batch   14/49   train_loss = 3.548
Epoch  24 Batch   24/49   train_loss = 3.547
Epoch  24 Batch   34/49   train_loss = 3.641
Epoch  24 Batch   44/49   train_loss = 3.342
Epoch  25 Batch    5/49   train_loss = 3.418
Epoch  25 Batch   15/49   train_loss = 3.482
Epoch  25 Batch   25/49   train_loss = 3.661
Epoch  25 Batch   35/49   train_loss = 3.502
Epoch  25 Batch   45/49   train_loss = 3.422
Epoch  26 Batch    6/49   train_loss = 3.453
Epoch  26 Batch   16/49   train_loss = 3.461
Epoch  26 Batch   26/49   train_loss = 3.506
Epoch  26 Batch   36/49   train_loss = 3.481
Epoch  26 Batch   46/49   train_loss = 3.265
Epoch  27 Batch    7/49   train_loss = 3.439
Epoch  27 Batch   17/49   train_loss = 3.432
Epoch  27 Batch   27/49   train_loss = 3.306
Epoch  27 Batch   37/49   train_loss = 3.285
Epoch  27 Batch   47/49   train_loss = 3.173
Epoch  28 Batch    8/49   train_loss = 3.361
Epoch  28 Batch   18/49   train_loss = 3.141
Epoch  28 Batch   28/49   train_loss = 3.439
Epoch  28 Batch   38/49   train_loss = 3.287
Epoch  28 Batch   48/49   train_loss = 3.335
Epoch  29 Batch    9/49   train_loss = 3.281
Epoch  29 Batch   19/49   train_loss = 3.231
Epoch  29 Batch   29/49   train_loss = 3.145
Epoch  29 Batch   39/49   train_loss = 3.212
Epoch  30 Batch    0/49   train_loss = 3.008
Epoch  30 Batch   10/49   train_loss = 3.226
Epoch  30 Batch   20/49   train_loss = 3.221
Epoch  30 Batch   30/49   train_loss = 3.197
Epoch  30 Batch   40/49   train_loss = 2.973
Epoch  31 Batch    1/49   train_loss = 3.127
Epoch  31 Batch   11/49   train_loss = 3.086
Epoch  31 Batch   21/49   train_loss = 3.026
Epoch  31 Batch   31/49   train_loss = 3.041
Epoch  31 Batch   41/49   train_loss = 2.924
Epoch  32 Batch    2/49   train_loss = 3.097
Epoch  32 Batch   12/49   train_loss = 2.901
Epoch  32 Batch   22/49   train_loss = 2.932
Epoch  32 Batch   32/49   train_loss = 2.924
Epoch  32 Batch   42/49   train_loss = 3.025
Epoch  33 Batch    3/49   train_loss = 2.970
Epoch  33 Batch   13/49   train_loss = 2.862
Epoch  33 Batch   23/49   train_loss = 2.816
Epoch  33 Batch   33/49   train_loss = 2.911
Epoch  33 Batch   43/49   train_loss = 2.821
Epoch  34 Batch    4/49   train_loss = 2.843
Epoch  34 Batch   14/49   train_loss = 2.830
Epoch  34 Batch   24/49   train_loss = 2.809
Epoch  34 Batch   34/49   train_loss = 2.851
Epoch  34 Batch   44/49   train_loss = 2.863
Epoch  35 Batch    5/49   train_loss = 2.690
Epoch  35 Batch   15/49   train_loss = 2.635
Epoch  35 Batch   25/49   train_loss = 2.856
Epoch  35 Batch   35/49   train_loss = 2.676
Epoch  35 Batch   45/49   train_loss = 2.727
Epoch  36 Batch    6/49   train_loss = 2.696
Epoch  36 Batch   16/49   train_loss = 2.528
Epoch  36 Batch   26/49   train_loss = 2.748
Epoch  36 Batch   36/49   train_loss = 2.717
Epoch  36 Batch   46/49   train_loss = 2.579
Epoch  37 Batch    7/49   train_loss = 2.720
Epoch  37 Batch   17/49   train_loss = 2.718
Epoch  37 Batch   27/49   train_loss = 2.574
Epoch  37 Batch   37/49   train_loss = 2.662
Epoch  37 Batch   47/49   train_loss = 2.589
Epoch  38 Batch    8/49   train_loss = 2.580
Epoch  38 Batch   18/49   train_loss = 2.384
Epoch  38 Batch   28/49   train_loss = 2.732
Epoch  38 Batch   38/49   train_loss = 2.564
Epoch  38 Batch   48/49   train_loss = 2.699
Epoch  39 Batch    9/49   train_loss = 2.571
Epoch  39 Batch   19/49   train_loss = 2.567
Epoch  39 Batch   29/49   train_loss = 2.498
Epoch  39 Batch   39/49   train_loss = 2.470
Epoch  40 Batch    0/49   train_loss = 2.343
Epoch  40 Batch   10/49   train_loss = 2.466
Epoch  40 Batch   20/49   train_loss = 2.489
Epoch  40 Batch   30/49   train_loss = 2.605
Epoch  40 Batch   40/49   train_loss = 2.342
Epoch  41 Batch    1/49   train_loss = 2.480
Epoch  41 Batch   11/49   train_loss = 2.499
Epoch  41 Batch   21/49   train_loss = 2.347
Epoch  41 Batch   31/49   train_loss = 2.385
Epoch  41 Batch   41/49   train_loss = 2.305
Epoch  42 Batch    2/49   train_loss = 2.457
Epoch  42 Batch   12/49   train_loss = 2.352
Epoch  42 Batch   22/49   train_loss = 2.211
Epoch  42 Batch   32/49   train_loss = 2.280
Epoch  42 Batch   42/49   train_loss = 2.438
Epoch  43 Batch    3/49   train_loss = 2.354
Epoch  43 Batch   13/49   train_loss = 2.276
Epoch  43 Batch   23/49   train_loss = 2.180
Epoch  43 Batch   33/49   train_loss = 2.353
Epoch  43 Batch   43/49   train_loss = 2.159
Epoch  44 Batch    4/49   train_loss = 2.225
Epoch  44 Batch   14/49   train_loss = 2.203
Epoch  44 Batch   24/49   train_loss = 2.193
Epoch  44 Batch   34/49   train_loss = 2.206
Epoch  44 Batch   44/49   train_loss = 2.259
Epoch  45 Batch    5/49   train_loss = 2.020
Epoch  45 Batch   15/49   train_loss = 2.070
Epoch  45 Batch   25/49   train_loss = 2.188
Epoch  45 Batch   35/49   train_loss = 2.096
Epoch  45 Batch   45/49   train_loss = 2.146
Epoch  46 Batch    6/49   train_loss = 2.140
Epoch  46 Batch   16/49   train_loss = 2.027
Epoch  46 Batch   26/49   train_loss = 2.118
Epoch  46 Batch   36/49   train_loss = 2.113
Epoch  46 Batch   46/49   train_loss = 2.005
Epoch  47 Batch    7/49   train_loss = 2.128
Epoch  47 Batch   17/49   train_loss = 2.103
Epoch  47 Batch   27/49   train_loss = 1.927
Epoch  47 Batch   37/49   train_loss = 2.069
Epoch  47 Batch   47/49   train_loss = 1.985
Epoch  48 Batch    8/49   train_loss = 2.073
Epoch  48 Batch   18/49   train_loss = 1.898
Epoch  48 Batch   28/49   train_loss = 2.079
Epoch  48 Batch   38/49   train_loss = 1.942
Epoch  48 Batch   48/49   train_loss = 2.153
Epoch  49 Batch    9/49   train_loss = 1.927
Epoch  49 Batch   19/49   train_loss = 1.963
Epoch  49 Batch   29/49   train_loss = 1.834
Epoch  49 Batch   39/49   train_loss = 1.859
Epoch  50 Batch    0/49   train_loss = 1.842
Epoch  50 Batch   10/49   train_loss = 1.878
Epoch  50 Batch   20/49   train_loss = 1.912
Epoch  50 Batch   30/49   train_loss = 1.954
Epoch  50 Batch   40/49   train_loss = 1.813
Epoch  51 Batch    1/49   train_loss = 1.927
Epoch  51 Batch   11/49   train_loss = 1.896
Epoch  51 Batch   21/49   train_loss = 1.764
Epoch  51 Batch   31/49   train_loss = 1.786
Epoch  51 Batch   41/49   train_loss = 1.774
Epoch  52 Batch    2/49   train_loss = 1.870
Epoch  52 Batch   12/49   train_loss = 1.785
Epoch  52 Batch   22/49   train_loss = 1.660
Epoch  52 Batch   32/49   train_loss = 1.697
Epoch  52 Batch   42/49   train_loss = 1.863
Epoch  53 Batch    3/49   train_loss = 1.801
Epoch  53 Batch   13/49   train_loss = 1.784
Epoch  53 Batch   23/49   train_loss = 1.725
Epoch  53 Batch   33/49   train_loss = 1.784
Epoch  53 Batch   43/49   train_loss = 1.629
Epoch  54 Batch    4/49   train_loss = 1.749
Epoch  54 Batch   14/49   train_loss = 1.712
Epoch  54 Batch   24/49   train_loss = 1.711
Epoch  54 Batch   34/49   train_loss = 1.711
Epoch  54 Batch   44/49   train_loss = 1.721
Epoch  55 Batch    5/49   train_loss = 1.565
Epoch  55 Batch   15/49   train_loss = 1.598
Epoch  55 Batch   25/49   train_loss = 1.646
Epoch  55 Batch   35/49   train_loss = 1.614
Epoch  55 Batch   45/49   train_loss = 1.691
Epoch  56 Batch    6/49   train_loss = 1.671
Epoch  56 Batch   16/49   train_loss = 1.581
Epoch  56 Batch   26/49   train_loss = 1.671
Epoch  56 Batch   36/49   train_loss = 1.619
Epoch  56 Batch   46/49   train_loss = 1.571
Epoch  57 Batch    7/49   train_loss = 1.742
Epoch  57 Batch   17/49   train_loss = 1.621
Epoch  57 Batch   27/49   train_loss = 1.617
Epoch  57 Batch   37/49   train_loss = 1.611
Epoch  57 Batch   47/49   train_loss = 1.592
Epoch  58 Batch    8/49   train_loss = 1.636
Epoch  58 Batch   18/49   train_loss = 1.567
Epoch  58 Batch   28/49   train_loss = 1.724
Epoch  58 Batch   38/49   train_loss = 1.537
Epoch  58 Batch   48/49   train_loss = 1.698
Epoch  59 Batch    9/49   train_loss = 1.515
Epoch  59 Batch   19/49   train_loss = 1.575
Epoch  59 Batch   29/49   train_loss = 1.486
Epoch  59 Batch   39/49   train_loss = 1.434
Epoch  60 Batch    0/49   train_loss = 1.453
Epoch  60 Batch   10/49   train_loss = 1.478
Epoch  60 Batch   20/49   train_loss = 1.557
Epoch  60 Batch   30/49   train_loss = 1.643
Epoch  60 Batch   40/49   train_loss = 1.414
Epoch  61 Batch    1/49   train_loss = 1.490
Epoch  61 Batch   11/49   train_loss = 1.498
Epoch  61 Batch   21/49   train_loss = 1.403
Epoch  61 Batch   31/49   train_loss = 1.459
Epoch  61 Batch   41/49   train_loss = 1.418
Epoch  62 Batch    2/49   train_loss = 1.569
Epoch  62 Batch   12/49   train_loss = 1.420
Epoch  62 Batch   22/49   train_loss = 1.349
Epoch  62 Batch   32/49   train_loss = 1.344
Epoch  62 Batch   42/49   train_loss = 1.467
Epoch  63 Batch    3/49   train_loss = 1.367
Epoch  63 Batch   13/49   train_loss = 1.437
Epoch  63 Batch   23/49   train_loss = 1.446
Epoch  63 Batch   33/49   train_loss = 1.452
Epoch  63 Batch   43/49   train_loss = 1.259
Epoch  64 Batch    4/49   train_loss = 1.334
Epoch  64 Batch   14/49   train_loss = 1.390
Epoch  64 Batch   24/49   train_loss = 1.432
Epoch  64 Batch   34/49   train_loss = 1.422
Epoch  64 Batch   44/49   train_loss = 1.384
Epoch  65 Batch    5/49   train_loss = 1.248
Epoch  65 Batch   15/49   train_loss = 1.297
Epoch  65 Batch   25/49   train_loss = 1.306
Epoch  65 Batch   35/49   train_loss = 1.274
Epoch  65 Batch   45/49   train_loss = 1.350
Epoch  66 Batch    6/49   train_loss = 1.359
Epoch  66 Batch   16/49   train_loss = 1.314
Epoch  66 Batch   26/49   train_loss = 1.406
Epoch  66 Batch   36/49   train_loss = 1.286
Epoch  66 Batch   46/49   train_loss = 1.238
Epoch  67 Batch    7/49   train_loss = 1.382
Epoch  67 Batch   17/49   train_loss = 1.312
Epoch  67 Batch   27/49   train_loss = 1.301
Epoch  67 Batch   37/49   train_loss = 1.337
Epoch  67 Batch   47/49   train_loss = 1.202
Epoch  68 Batch    8/49   train_loss = 1.302
Epoch  68 Batch   18/49   train_loss = 1.289
Epoch  68 Batch   28/49   train_loss = 1.340
Epoch  68 Batch   38/49   train_loss = 1.292
Epoch  68 Batch   48/49   train_loss = 1.395
Epoch  69 Batch    9/49   train_loss = 1.264
Epoch  69 Batch   19/49   train_loss = 1.287
Epoch  69 Batch   29/49   train_loss = 1.234
Epoch  69 Batch   39/49   train_loss = 1.261
Epoch  70 Batch    0/49   train_loss = 1.168
Epoch  70 Batch   10/49   train_loss = 1.249
Epoch  70 Batch   20/49   train_loss = 1.304
Epoch  70 Batch   30/49   train_loss = 1.373
Epoch  70 Batch   40/49   train_loss = 1.265
Epoch  71 Batch    1/49   train_loss = 1.223
Epoch  71 Batch   11/49   train_loss = 1.211
Epoch  71 Batch   21/49   train_loss = 1.132
Epoch  71 Batch   31/49   train_loss = 1.213
Epoch  71 Batch   41/49   train_loss = 1.257
Epoch  72 Batch    2/49   train_loss = 1.230
Epoch  72 Batch   12/49   train_loss = 1.186
Epoch  72 Batch   22/49   train_loss = 1.097
Epoch  72 Batch   32/49   train_loss = 1.176
Epoch  72 Batch   42/49   train_loss = 1.285
Epoch  73 Batch    3/49   train_loss = 1.167
Epoch  73 Batch   13/49   train_loss = 1.190
Epoch  73 Batch   23/49   train_loss = 1.274
Epoch  73 Batch   33/49   train_loss = 1.325
Epoch  73 Batch   43/49   train_loss = 1.098
Epoch  74 Batch    4/49   train_loss = 1.212
Epoch  74 Batch   14/49   train_loss = 1.163
Epoch  74 Batch   24/49   train_loss = 1.227
Epoch  74 Batch   34/49   train_loss = 1.197
Epoch  74 Batch   44/49   train_loss = 1.212
Epoch  75 Batch    5/49   train_loss = 1.031
Epoch  75 Batch   15/49   train_loss = 1.093
Epoch  75 Batch   25/49   train_loss = 1.132
Epoch  75 Batch   35/49   train_loss = 1.154
Epoch  75 Batch   45/49   train_loss = 1.173
Epoch  76 Batch    6/49   train_loss = 1.183
Epoch  76 Batch   16/49   train_loss = 1.093
Epoch  76 Batch   26/49   train_loss = 1.221
Epoch  76 Batch   36/49   train_loss = 1.142
Epoch  76 Batch   46/49   train_loss = 1.084
Epoch  77 Batch    7/49   train_loss = 1.204
Epoch  77 Batch   17/49   train_loss = 1.164
Epoch  77 Batch   27/49   train_loss = 1.134
Epoch  77 Batch   37/49   train_loss = 1.201
Epoch  77 Batch   47/49   train_loss = 1.104
Epoch  78 Batch    8/49   train_loss = 1.148
Epoch  78 Batch   18/49   train_loss = 1.143
Epoch  78 Batch   28/49   train_loss = 1.208
Epoch  78 Batch   38/49   train_loss = 1.166
Epoch  78 Batch   48/49   train_loss = 1.228
Epoch  79 Batch    9/49   train_loss = 1.091
Epoch  79 Batch   19/49   train_loss = 1.179
Epoch  79 Batch   29/49   train_loss = 1.101
Epoch  79 Batch   39/49   train_loss = 1.104
Epoch  80 Batch    0/49   train_loss = 1.051
Epoch  80 Batch   10/49   train_loss = 1.089
Epoch  80 Batch   20/49   train_loss = 1.145
Epoch  80 Batch   30/49   train_loss = 1.206
Epoch  80 Batch   40/49   train_loss = 1.074
Epoch  81 Batch    1/49   train_loss = 1.094
Epoch  81 Batch   11/49   train_loss = 1.074
Epoch  81 Batch   21/49   train_loss = 1.062
Epoch  81 Batch   31/49   train_loss = 1.159
Epoch  81 Batch   41/49   train_loss = 1.056
Epoch  82 Batch    2/49   train_loss = 1.150
Epoch  82 Batch   12/49   train_loss = 1.063
Epoch  82 Batch   22/49   train_loss = 1.010
Epoch  82 Batch   32/49   train_loss = 1.101
Epoch  82 Batch   42/49   train_loss = 1.185
Epoch  83 Batch    3/49   train_loss = 1.014
Epoch  83 Batch   13/49   train_loss = 1.083
Epoch  83 Batch   23/49   train_loss = 1.131
Epoch  83 Batch   33/49   train_loss = 1.171
Epoch  83 Batch   43/49   train_loss = 0.948
Epoch  84 Batch    4/49   train_loss = 1.063
Epoch  84 Batch   14/49   train_loss = 1.032
Epoch  84 Batch   24/49   train_loss = 1.060
Epoch  84 Batch   34/49   train_loss = 1.105
Epoch  84 Batch   44/49   train_loss = 1.078
Epoch  85 Batch    5/49   train_loss = 0.945
Epoch  85 Batch   15/49   train_loss = 0.968
Epoch  85 Batch   25/49   train_loss = 1.002
Epoch  85 Batch   35/49   train_loss = 1.004
Epoch  85 Batch   45/49   train_loss = 1.065
Epoch  86 Batch    6/49   train_loss = 1.013
Epoch  86 Batch   16/49   train_loss = 0.989
Epoch  86 Batch   26/49   train_loss = 1.047
Epoch  86 Batch   36/49   train_loss = 1.027
Epoch  86 Batch   46/49   train_loss = 0.971
Epoch  87 Batch    7/49   train_loss = 1.054
Epoch  87 Batch   17/49   train_loss = 0.998
Epoch  87 Batch   27/49   train_loss = 0.977
Epoch  87 Batch   37/49   train_loss = 1.040
Epoch  87 Batch   47/49   train_loss = 0.937
Epoch  88 Batch    8/49   train_loss = 0.998
Epoch  88 Batch   18/49   train_loss = 0.968
Epoch  88 Batch   28/49   train_loss = 1.025
Epoch  88 Batch   38/49   train_loss = 0.968
Epoch  88 Batch   48/49   train_loss = 1.058
Epoch  89 Batch    9/49   train_loss = 0.886
Epoch  89 Batch   19/49   train_loss = 0.941
Epoch  89 Batch   29/49   train_loss = 0.872
Epoch  89 Batch   39/49   train_loss = 0.900
Epoch  90 Batch    0/49   train_loss = 0.904
Epoch  90 Batch   10/49   train_loss = 0.862
Epoch  90 Batch   20/49   train_loss = 0.941
Epoch  90 Batch   30/49   train_loss = 0.959
Epoch  90 Batch   40/49   train_loss = 0.901
Epoch  91 Batch    1/49   train_loss = 0.900
Epoch  91 Batch   11/49   train_loss = 0.846
Epoch  91 Batch   21/49   train_loss = 0.826
Epoch  91 Batch   31/49   train_loss = 0.873
Epoch  91 Batch   41/49   train_loss = 0.853
Epoch  92 Batch    2/49   train_loss = 0.905
Epoch  92 Batch   12/49   train_loss = 0.861
Epoch  92 Batch   22/49   train_loss = 0.732
Epoch  92 Batch   32/49   train_loss = 0.840
Epoch  92 Batch   42/49   train_loss = 0.939
Epoch  93 Batch    3/49   train_loss = 0.779
Epoch  93 Batch   13/49   train_loss = 0.851
Epoch  93 Batch   23/49   train_loss = 0.886
Epoch  93 Batch   33/49   train_loss = 0.952
Epoch  93 Batch   43/49   train_loss = 0.778
Epoch  94 Batch    4/49   train_loss = 0.831
Epoch  94 Batch   14/49   train_loss = 0.804
Epoch  94 Batch   24/49   train_loss = 0.845
Epoch  94 Batch   34/49   train_loss = 0.846
Epoch  94 Batch   44/49   train_loss = 0.837
Epoch  95 Batch    5/49   train_loss = 0.725
Epoch  95 Batch   15/49   train_loss = 0.747
Epoch  95 Batch   25/49   train_loss = 0.749
Epoch  95 Batch   35/49   train_loss = 0.780
Epoch  95 Batch   45/49   train_loss = 0.820
Epoch  96 Batch    6/49   train_loss = 0.825
Epoch  96 Batch   16/49   train_loss = 0.765
Epoch  96 Batch   26/49   train_loss = 0.830
Epoch  96 Batch   36/49   train_loss = 0.815
Epoch  96 Batch   46/49   train_loss = 0.742
Epoch  97 Batch    7/49   train_loss = 0.821
Epoch  97 Batch   17/49   train_loss = 0.772
Epoch  97 Batch   27/49   train_loss = 0.764
Epoch  97 Batch   37/49   train_loss = 0.774
Epoch  97 Batch   47/49   train_loss = 0.705
Epoch  98 Batch    8/49   train_loss = 0.800
Epoch  98 Batch   18/49   train_loss = 0.785
Epoch  98 Batch   28/49   train_loss = 0.804
Epoch  98 Batch   38/49   train_loss = 0.756
Epoch  98 Batch   48/49   train_loss = 0.877
Epoch  99 Batch    9/49   train_loss = 0.714
Epoch  99 Batch   19/49   train_loss = 0.785
Epoch  99 Batch   29/49   train_loss = 0.712
Epoch  99 Batch   39/49   train_loss = 0.712
Model Trained and Saved

Save Parameters

Save seq_length and save_dir for generating a new TV script.


In [115]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
# Save parameters for checkpoint
helper.save_params((seq_length, save_dir))

Checkpoint


In [116]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import tensorflow as tf
import numpy as np
import helper
import problem_unittests as tests

_, vocab_to_int, int_to_vocab, token_dict = helper.load_preprocess()
seq_length, load_dir = helper.load_params()

Implement Generate Functions

Get Tensors

Get tensors from loaded_graph using the function get_tensor_by_name(). Get the tensors using the following names:

  • "input:0"
  • "initial_state:0"
  • "final_state:0"
  • "probs:0"

Return the tensors in the following tuple (InputTensor, InitialStateTensor, FinalStateTensor, ProbsTensor)


In [117]:
def get_tensors(loaded_graph):
    """
    Get input, initial state, final state, and probabilities tensor from <loaded_graph>
    :param loaded_graph: TensorFlow graph loaded from file
    :return: Tuple (InputTensor, InitialStateTensor, FinalStateTensor, ProbsTensor)
    """
    input_tensor = loaded_graph.get_tensor_by_name('input:0')
    initial_state_tensor = loaded_graph.get_tensor_by_name('initial_state:0')
    final_state_tensor = loaded_graph.get_tensor_by_name('final_state:0')
    probs_tensor = loaded_graph.get_tensor_by_name('probs:0')
    return input_tensor, initial_state_tensor, final_state_tensor, probs_tensor


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_get_tensors(get_tensors)


Tests Passed

Choose Word

Implement the pick_word() function to select the next word using probabilities.


In [146]:
def pick_word(probabilities, int_to_vocab):
    """
    Pick the next word in the generated text
    :param probabilities: Probabilites of the next word
    :param int_to_vocab: Dictionary of word ids as the keys and words as the values
    :return: String of the predicted word
    """
    # strategy one: random choice from all
    idx = np.random.choice(len(probabilities), 30, p=probabilities)[0]    
    picked_word = int_to_vocab[idx]

#     # strategy two: max probability every time
#     idx_argmax = np.argmax(probabilities)
#     picked_word = int_to_vocab[idx_argmax]
    return picked_word


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_pick_word(pick_word)


Tests Passed

Generate TV Script

This will generate the TV script for you. Set gen_length to the length of TV script you want to generate.


In [148]:
gen_length = 250
# homer_simpson, moe_szyslak, or Barney_Gumble
prime_word = 'homer_simpson'

"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
loaded_graph = tf.Graph()
with tf.Session(graph=loaded_graph) as sess:
    # Load saved model
    loader = tf.train.import_meta_graph(load_dir + '.meta')
    loader.restore(sess, load_dir)

    # Get Tensors from loaded model
    input_text, initial_state, final_state, probs = get_tensors(loaded_graph)

    # Sentences generation setup
    gen_sentences = [prime_word + ':']
    prev_state = sess.run(initial_state, {input_text: np.array([[1]])})

    # Generate sentences
    for n in range(gen_length):
        # Dynamic Input
        dyn_input = [[vocab_to_int[word] for word in gen_sentences[-seq_length:]]]
        dyn_seq_length = len(dyn_input[0])

        # Get Prediction
        probabilities, prev_state = sess.run(
            [probs, final_state],
            {input_text: dyn_input, initial_state: prev_state})
        
        pred_word = pick_word(probabilities[dyn_seq_length-1], int_to_vocab)

        gen_sentences.append(pred_word)
    
    # Remove tokens
    tv_script = ' '.join(gen_sentences)
    for key, token in token_dict.items():
        ending = ' ' if key in ['\n', '(', '"'] else ''
        tv_script = tv_script.replace(' ' + token.lower(), key)
    tv_script = tv_script.replace('\n ', '\n')
    tv_script = tv_script.replace('( ', '(')
        
    print(tv_script)


homer_simpson:(confused) yeah.
renee: well moe, there's a day tester's busted. i am dead.(being mouth) hello.
marge_simpson:(to phone) yeah, i'd be big night of them.
homer_simpson: because when you go.
barney_gumble: yeah of the money the.


voice_on_transmitter: after...(then) i promised marge kissing some big?
homer_simpson: son, so if it's some good.(to self) she's the letter, a big frosty.(grunts)
homer_simpson: sorry, uh, one wish you really based on?
moe_szyslak:(hopeful) you got that right, my car?
hugh: you can't believe you can't go.
homer_simpson:" dear, kind of gettin' a boxer what she bring in 100 register)
moe_szyslak: congratulations. he hear about it.
carl_carlson: no, i'm the best years of alcohol at the...(makes the more) so how was the law.


duffman: and i want to... six.(answer)(quiet here, then) 'cause we turn up to your people.(beat) that little years, but you uh, now to never got a little.
lenny_leonard: i had a new guy in the men here i changed the dog.

The TV Script is Nonsensical

It's ok if the TV script doesn't make any sense. We trained on less than a megabyte of text. In order to get good results, you'll have to use a smaller vocabulary or get more data. Luckly there's more data! As we mentioned in the begging of this project, this is a subset of another dataset. We didn't have you train on all the data, because that would take too long. However, you are free to train your neural network on all the data. After you complete the project, of course.

Submitting This Project

When submitting this project, make sure to run all the cells before saving the notebook. Save the notebook file as "dlnd_tv_script_generation.ipynb" and save it as a HTML file under "File" -> "Download as". Include the "helper.py" and "problem_unittests.py" files in your submission.