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..


In [2]:
"""
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 [3]:
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.248091603053435
Number of lines: 4257
Average number of words in each line: 11.50434578341555

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 [4]:
import numpy as np
import problem_unittests as tests
from collections import Counter
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 = {word: index for index, word in enumerate(vocab)}
    int_to_vocab = dict(enumerate(vocab))
    # TODO: Implement Function
    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 [5]:
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
    """
    # TODO: Implement Function
    token_dick = {'.':'||Period||', ',':'||Comma||', '"':'||Quotation_Mark||',';':'||Semicolon||','!':'||Exclamation_mark||','?':'||Question_mark||','(':'||Left_Parentheses||',')':'||Right_Parentheses||','--':'||Dash||','\n':'||Return||' }
    return token_dick

"""
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 [6]:
"""
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 [7]:
"""
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 [8]:
"""
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.0
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 [9]:
def get_inputs():
    """
    Create TF Placeholders for input, targets, and learning rate.
    :return: Tuple (input, targets, learning rate)
    """
    # TODO: Implement Function
    Input = tf.placeholder(tf.int32,[None,None],name='input')
    Targets = tf.placeholder(tf.int32,[None,None],name='target')
    LearningRate = tf.placeholder(tf.float32);
    return Input, Targets, LearningRate


"""
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 [10]:
def get_init_cell(batch_size, rnn_size):
    """
    Create an RNN Cell and initialize it.
    :param batch_size: Size of batches
    :param rnn_size: Size of RNNs
    :return: Tuple (cell, initialize state)
    """
    # TODO: Implement Function
    lstm = tf.contrib.rnn.BasicLSTMCell(rnn_size)
    drop = tf.contrib.rnn.DropoutWrapper(lstm, output_keep_prob=0.75)
    Cell = tf.contrib.rnn.MultiRNNCell([lstm] * 2)
    initial_state = Cell.zero_state(batch_size,tf.float32)
    InitialState= tf.identity(initial_state, name='initial_state')
    
    return Cell, InitialState


"""
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 [11]:
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.
    """
    # TODO: Implement Function
    embedding = tf.Variable(tf.random_uniform((vocab_size, embed_dim), -1, 1))
    embed = tf.nn.embedding_lookup(embedding,input_data)
    return embed


"""
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 [12]:
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)
    """
    
    # TODO: Implement Function
    outputs,final_state = tf.nn.dynamic_rnn(cell,inputs,dtype=tf.float32)
    final = tf.identity(final_state,name="final_state")
    return outputs, final


"""
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 [13]:
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)
    """
     # TODO: Implement Function
    embed = get_embed(input_data,vocab_size,rnn_size)
    outputs ,final = build_rnn(cell,embed)
    logits = tf.contrib.layers.fully_connected(outputs,vocab_size,activation_fn=None,weights_initializer=tf.truncated_normal_initializer(stddev=0.1),biases_initializer=tf.zeros_initializer())
    return logits, final


"""
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, 16, 17, 18, 19, 20], 3, 2) would return a Numpy array of the following:

[
  # First Batch
  [
    # Batch of Input
    [[ 1  2], [ 7  8], [13 14]]
    # Batch of targets
    [[ 2  3], [ 8  9], [14 15]]
  ]

  # Second Batch
  [
    # Batch of Input
    [[ 3  4], [ 9 10], [15 16]]
    # Batch of targets
    [[ 4  5], [10 11], [16 17]]
  ]

  # Third Batch
  [
    # Batch of Input
    [[ 5  6], [11 12], [17 18]]
    # Batch of targets
    [[ 6  7], [12 13], [18  1]]
  ]
]

Notice that the last target value in the last batch is the first input value of the first batch. In this case, 1. This is a common technique used when creating sequence batches, although it is rather unintuitive.


In [14]:
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
    """
    # I turned for help in forum  using the utils.py, I sruggled for days
   
    # TODO: Implement Function
    n_batches = int(len(int_text) / (batch_size * seq_length))

    # Drop the last few characters to make only full batches
    xdata = np.array(int_text[: n_batches * batch_size * seq_length])
    ydata = np.array(int_text[1: n_batches * batch_size * seq_length + 1])

    x_batches = np.split(xdata.reshape(batch_size, -1), n_batches, 1)
    y_batches = np.split(ydata.reshape(batch_size, -1), n_batches, 1)

    return np.array(list(zip(x_batches, y_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.

In [15]:
# Number of Epochs
num_epochs = 200
# Batch Size
batch_size = 256
# RNN Size
rnn_size = 128
# Embedding Dimension Size
embed_dim = None
# Sequence Length
seq_length = 7
# Learning Rate
learning_rate = 0.005
# Show stats for every n number of batches
show_every_n_batches = 20

"""
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 [16]:
"""
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 [17]:
"""
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/38   train_loss = 8.824
Epoch   0 Batch   20/38   train_loss = 6.453
Epoch   1 Batch    2/38   train_loss = 6.326
Epoch   1 Batch   22/38   train_loss = 5.956
Epoch   2 Batch    4/38   train_loss = 5.727
Epoch   2 Batch   24/38   train_loss = 5.580
Epoch   3 Batch    6/38   train_loss = 5.214
Epoch   3 Batch   26/38   train_loss = 5.225
Epoch   4 Batch    8/38   train_loss = 5.086
Epoch   4 Batch   28/38   train_loss = 4.997
Epoch   5 Batch   10/38   train_loss = 4.815
Epoch   5 Batch   30/38   train_loss = 4.778
Epoch   6 Batch   12/38   train_loss = 4.837
Epoch   6 Batch   32/38   train_loss = 4.647
Epoch   7 Batch   14/38   train_loss = 4.630
Epoch   7 Batch   34/38   train_loss = 4.389
Epoch   8 Batch   16/38   train_loss = 4.403
Epoch   8 Batch   36/38   train_loss = 4.278
Epoch   9 Batch   18/38   train_loss = 4.202
Epoch  10 Batch    0/38   train_loss = 4.282
Epoch  10 Batch   20/38   train_loss = 4.107
Epoch  11 Batch    2/38   train_loss = 4.220
Epoch  11 Batch   22/38   train_loss = 4.052
Epoch  12 Batch    4/38   train_loss = 3.958
Epoch  12 Batch   24/38   train_loss = 3.982
Epoch  13 Batch    6/38   train_loss = 3.782
Epoch  13 Batch   26/38   train_loss = 3.816
Epoch  14 Batch    8/38   train_loss = 3.833
Epoch  14 Batch   28/38   train_loss = 3.746
Epoch  15 Batch   10/38   train_loss = 3.672
Epoch  15 Batch   30/38   train_loss = 3.563
Epoch  16 Batch   12/38   train_loss = 3.665
Epoch  16 Batch   32/38   train_loss = 3.489
Epoch  17 Batch   14/38   train_loss = 3.533
Epoch  17 Batch   34/38   train_loss = 3.347
Epoch  18 Batch   16/38   train_loss = 3.385
Epoch  18 Batch   36/38   train_loss = 3.168
Epoch  19 Batch   18/38   train_loss = 3.256
Epoch  20 Batch    0/38   train_loss = 3.161
Epoch  20 Batch   20/38   train_loss = 3.088
Epoch  21 Batch    2/38   train_loss = 3.128
Epoch  21 Batch   22/38   train_loss = 2.995
Epoch  22 Batch    4/38   train_loss = 2.953
Epoch  22 Batch   24/38   train_loss = 2.939
Epoch  23 Batch    6/38   train_loss = 2.778
Epoch  23 Batch   26/38   train_loss = 2.859
Epoch  24 Batch    8/38   train_loss = 2.833
Epoch  24 Batch   28/38   train_loss = 2.783
Epoch  25 Batch   10/38   train_loss = 2.740
Epoch  25 Batch   30/38   train_loss = 2.630
Epoch  26 Batch   12/38   train_loss = 2.631
Epoch  26 Batch   32/38   train_loss = 2.530
Epoch  27 Batch   14/38   train_loss = 2.595
Epoch  27 Batch   34/38   train_loss = 2.470
Epoch  28 Batch   16/38   train_loss = 2.472
Epoch  28 Batch   36/38   train_loss = 2.291
Epoch  29 Batch   18/38   train_loss = 2.428
Epoch  30 Batch    0/38   train_loss = 2.262
Epoch  30 Batch   20/38   train_loss = 2.273
Epoch  31 Batch    2/38   train_loss = 2.253
Epoch  31 Batch   22/38   train_loss = 2.185
Epoch  32 Batch    4/38   train_loss = 2.176
Epoch  32 Batch   24/38   train_loss = 2.159
Epoch  33 Batch    6/38   train_loss = 2.027
Epoch  33 Batch   26/38   train_loss = 2.117
Epoch  34 Batch    8/38   train_loss = 2.069
Epoch  34 Batch   28/38   train_loss = 2.023
Epoch  35 Batch   10/38   train_loss = 2.002
Epoch  35 Batch   30/38   train_loss = 1.903
Epoch  36 Batch   12/38   train_loss = 1.851
Epoch  36 Batch   32/38   train_loss = 1.872
Epoch  37 Batch   14/38   train_loss = 1.918
Epoch  37 Batch   34/38   train_loss = 1.841
Epoch  38 Batch   16/38   train_loss = 1.839
Epoch  38 Batch   36/38   train_loss = 1.690
Epoch  39 Batch   18/38   train_loss = 1.829
Epoch  40 Batch    0/38   train_loss = 1.699
Epoch  40 Batch   20/38   train_loss = 1.717
Epoch  41 Batch    2/38   train_loss = 1.673
Epoch  41 Batch   22/38   train_loss = 1.631
Epoch  42 Batch    4/38   train_loss = 1.631
Epoch  42 Batch   24/38   train_loss = 1.612
Epoch  43 Batch    6/38   train_loss = 1.522
Epoch  43 Batch   26/38   train_loss = 1.612
Epoch  44 Batch    8/38   train_loss = 1.504
Epoch  44 Batch   28/38   train_loss = 1.544
Epoch  45 Batch   10/38   train_loss = 1.504
Epoch  45 Batch   30/38   train_loss = 1.445
Epoch  46 Batch   12/38   train_loss = 1.389
Epoch  46 Batch   32/38   train_loss = 1.451
Epoch  47 Batch   14/38   train_loss = 1.438
Epoch  47 Batch   34/38   train_loss = 1.446
Epoch  48 Batch   16/38   train_loss = 1.427
Epoch  48 Batch   36/38   train_loss = 1.344
Epoch  49 Batch   18/38   train_loss = 1.444
Epoch  50 Batch    0/38   train_loss = 1.356
Epoch  50 Batch   20/38   train_loss = 1.370
Epoch  51 Batch    2/38   train_loss = 1.316
Epoch  51 Batch   22/38   train_loss = 1.252
Epoch  52 Batch    4/38   train_loss = 1.287
Epoch  52 Batch   24/38   train_loss = 1.234
Epoch  53 Batch    6/38   train_loss = 1.216
Epoch  53 Batch   26/38   train_loss = 1.288
Epoch  54 Batch    8/38   train_loss = 1.168
Epoch  54 Batch   28/38   train_loss = 1.217
Epoch  55 Batch   10/38   train_loss = 1.174
Epoch  55 Batch   30/38   train_loss = 1.135
Epoch  56 Batch   12/38   train_loss = 1.087
Epoch  56 Batch   32/38   train_loss = 1.140
Epoch  57 Batch   14/38   train_loss = 1.104
Epoch  57 Batch   34/38   train_loss = 1.094
Epoch  58 Batch   16/38   train_loss = 1.109
Epoch  58 Batch   36/38   train_loss = 1.026
Epoch  59 Batch   18/38   train_loss = 1.147
Epoch  60 Batch    0/38   train_loss = 1.054
Epoch  60 Batch   20/38   train_loss = 1.095
Epoch  61 Batch    2/38   train_loss = 1.057
Epoch  61 Batch   22/38   train_loss = 0.991
Epoch  62 Batch    4/38   train_loss = 1.081
Epoch  62 Batch   24/38   train_loss = 1.005
Epoch  63 Batch    6/38   train_loss = 1.017
Epoch  63 Batch   26/38   train_loss = 1.056
Epoch  64 Batch    8/38   train_loss = 0.967
Epoch  64 Batch   28/38   train_loss = 1.033
Epoch  65 Batch   10/38   train_loss = 0.982
Epoch  65 Batch   30/38   train_loss = 0.980
Epoch  66 Batch   12/38   train_loss = 0.941
Epoch  66 Batch   32/38   train_loss = 1.004
Epoch  67 Batch   14/38   train_loss = 0.955
Epoch  67 Batch   34/38   train_loss = 0.944
Epoch  68 Batch   16/38   train_loss = 0.983
Epoch  68 Batch   36/38   train_loss = 0.886
Epoch  69 Batch   18/38   train_loss = 0.988
Epoch  70 Batch    0/38   train_loss = 0.920
Epoch  70 Batch   20/38   train_loss = 0.979
Epoch  71 Batch    2/38   train_loss = 0.932
Epoch  71 Batch   22/38   train_loss = 0.887
Epoch  72 Batch    4/38   train_loss = 0.945
Epoch  72 Batch   24/38   train_loss = 0.882
Epoch  73 Batch    6/38   train_loss = 0.879
Epoch  73 Batch   26/38   train_loss = 0.933
Epoch  74 Batch    8/38   train_loss = 0.856
Epoch  74 Batch   28/38   train_loss = 0.909
Epoch  75 Batch   10/38   train_loss = 0.849
Epoch  75 Batch   30/38   train_loss = 0.865
Epoch  76 Batch   12/38   train_loss = 0.836
Epoch  76 Batch   32/38   train_loss = 0.913
Epoch  77 Batch   14/38   train_loss = 0.827
Epoch  77 Batch   34/38   train_loss = 0.822
Epoch  78 Batch   16/38   train_loss = 0.862
Epoch  78 Batch   36/38   train_loss = 0.785
Epoch  79 Batch   18/38   train_loss = 0.908
Epoch  80 Batch    0/38   train_loss = 0.828
Epoch  80 Batch   20/38   train_loss = 0.859
Epoch  81 Batch    2/38   train_loss = 0.820
Epoch  81 Batch   22/38   train_loss = 0.760
Epoch  82 Batch    4/38   train_loss = 0.844
Epoch  82 Batch   24/38   train_loss = 0.788
Epoch  83 Batch    6/38   train_loss = 0.818
Epoch  83 Batch   26/38   train_loss = 0.853
Epoch  84 Batch    8/38   train_loss = 0.769
Epoch  84 Batch   28/38   train_loss = 0.814
Epoch  85 Batch   10/38   train_loss = 0.791
Epoch  85 Batch   30/38   train_loss = 0.796
Epoch  86 Batch   12/38   train_loss = 0.764
Epoch  86 Batch   32/38   train_loss = 0.841
Epoch  87 Batch   14/38   train_loss = 0.760
Epoch  87 Batch   34/38   train_loss = 0.765
Epoch  88 Batch   16/38   train_loss = 0.779
Epoch  88 Batch   36/38   train_loss = 0.736
Epoch  89 Batch   18/38   train_loss = 0.830
Epoch  90 Batch    0/38   train_loss = 0.770
Epoch  90 Batch   20/38   train_loss = 0.810
Epoch  91 Batch    2/38   train_loss = 0.757
Epoch  91 Batch   22/38   train_loss = 0.722
Epoch  92 Batch    4/38   train_loss = 0.782
Epoch  92 Batch   24/38   train_loss = 0.724
Epoch  93 Batch    6/38   train_loss = 0.743
Epoch  93 Batch   26/38   train_loss = 0.788
Epoch  94 Batch    8/38   train_loss = 0.696
Epoch  94 Batch   28/38   train_loss = 0.746
Epoch  95 Batch   10/38   train_loss = 0.710
Epoch  95 Batch   30/38   train_loss = 0.733
Epoch  96 Batch   12/38   train_loss = 0.708
Epoch  96 Batch   32/38   train_loss = 0.756
Epoch  97 Batch   14/38   train_loss = 0.697
Epoch  97 Batch   34/38   train_loss = 0.685
Epoch  98 Batch   16/38   train_loss = 0.721
Epoch  98 Batch   36/38   train_loss = 0.672
Epoch  99 Batch   18/38   train_loss = 0.768
Epoch 100 Batch    0/38   train_loss = 0.719
Epoch 100 Batch   20/38   train_loss = 0.752
Epoch 101 Batch    2/38   train_loss = 0.707
Epoch 101 Batch   22/38   train_loss = 0.653
Epoch 102 Batch    4/38   train_loss = 0.730
Epoch 102 Batch   24/38   train_loss = 0.665
Epoch 103 Batch    6/38   train_loss = 0.711
Epoch 103 Batch   26/38   train_loss = 0.748
Epoch 104 Batch    8/38   train_loss = 0.638
Epoch 104 Batch   28/38   train_loss = 0.706
Epoch 105 Batch   10/38   train_loss = 0.651
Epoch 105 Batch   30/38   train_loss = 0.681
Epoch 106 Batch   12/38   train_loss = 0.655
Epoch 106 Batch   32/38   train_loss = 0.703
Epoch 107 Batch   14/38   train_loss = 0.655
Epoch 107 Batch   34/38   train_loss = 0.646
Epoch 108 Batch   16/38   train_loss = 0.670
Epoch 108 Batch   36/38   train_loss = 0.643
Epoch 109 Batch   18/38   train_loss = 0.730
Epoch 110 Batch    0/38   train_loss = 0.662
Epoch 110 Batch   20/38   train_loss = 0.707
Epoch 111 Batch    2/38   train_loss = 0.661
Epoch 111 Batch   22/38   train_loss = 0.613
Epoch 112 Batch    4/38   train_loss = 0.669
Epoch 112 Batch   24/38   train_loss = 0.632
Epoch 113 Batch    6/38   train_loss = 0.654
Epoch 113 Batch   26/38   train_loss = 0.683
Epoch 114 Batch    8/38   train_loss = 0.585
Epoch 114 Batch   28/38   train_loss = 0.660
Epoch 115 Batch   10/38   train_loss = 0.606
Epoch 115 Batch   30/38   train_loss = 0.649
Epoch 116 Batch   12/38   train_loss = 0.621
Epoch 116 Batch   32/38   train_loss = 0.659
Epoch 117 Batch   14/38   train_loss = 0.612
Epoch 117 Batch   34/38   train_loss = 0.609
Epoch 118 Batch   16/38   train_loss = 0.620
Epoch 118 Batch   36/38   train_loss = 0.606
Epoch 119 Batch   18/38   train_loss = 0.686
Epoch 120 Batch    0/38   train_loss = 0.634
Epoch 120 Batch   20/38   train_loss = 0.677
Epoch 121 Batch    2/38   train_loss = 0.628
Epoch 121 Batch   22/38   train_loss = 0.603
Epoch 122 Batch    4/38   train_loss = 0.660
Epoch 122 Batch   24/38   train_loss = 0.642
Epoch 123 Batch    6/38   train_loss = 0.651
Epoch 123 Batch   26/38   train_loss = 0.711
Epoch 124 Batch    8/38   train_loss = 0.629
Epoch 124 Batch   28/38   train_loss = 0.741
Epoch 125 Batch   10/38   train_loss = 0.701
Epoch 125 Batch   30/38   train_loss = 0.762
Epoch 126 Batch   12/38   train_loss = 0.793
Epoch 126 Batch   32/38   train_loss = 0.804
Epoch 127 Batch   14/38   train_loss = 0.818
Epoch 127 Batch   34/38   train_loss = 0.818
Epoch 128 Batch   16/38   train_loss = 0.783
Epoch 128 Batch   36/38   train_loss = 0.715
Epoch 129 Batch   18/38   train_loss = 0.785
Epoch 130 Batch    0/38   train_loss = 0.691
Epoch 130 Batch   20/38   train_loss = 0.717
Epoch 131 Batch    2/38   train_loss = 0.655
Epoch 131 Batch   22/38   train_loss = 0.614
Epoch 132 Batch    4/38   train_loss = 0.651
Epoch 132 Batch   24/38   train_loss = 0.613
Epoch 133 Batch    6/38   train_loss = 0.616
Epoch 133 Batch   26/38   train_loss = 0.656
Epoch 134 Batch    8/38   train_loss = 0.565
Epoch 134 Batch   28/38   train_loss = 0.635
Epoch 135 Batch   10/38   train_loss = 0.589
Epoch 135 Batch   30/38   train_loss = 0.624
Epoch 136 Batch   12/38   train_loss = 0.612
Epoch 136 Batch   32/38   train_loss = 0.645
Epoch 137 Batch   14/38   train_loss = 0.596
Epoch 137 Batch   34/38   train_loss = 0.595
Epoch 138 Batch   16/38   train_loss = 0.597
Epoch 138 Batch   36/38   train_loss = 0.591
Epoch 139 Batch   18/38   train_loss = 0.663
Epoch 140 Batch    0/38   train_loss = 0.610
Epoch 140 Batch   20/38   train_loss = 0.660
Epoch 141 Batch    2/38   train_loss = 0.613
Epoch 141 Batch   22/38   train_loss = 0.580
Epoch 142 Batch    4/38   train_loss = 0.643
Epoch 142 Batch   24/38   train_loss = 0.594
Epoch 143 Batch    6/38   train_loss = 0.608
Epoch 143 Batch   26/38   train_loss = 0.647
Epoch 144 Batch    8/38   train_loss = 0.558
Epoch 144 Batch   28/38   train_loss = 0.621
Epoch 145 Batch   10/38   train_loss = 0.582
Epoch 145 Batch   30/38   train_loss = 0.619
Epoch 146 Batch   12/38   train_loss = 0.590
Epoch 146 Batch   32/38   train_loss = 0.638
Epoch 147 Batch   14/38   train_loss = 0.584
Epoch 147 Batch   34/38   train_loss = 0.589
Epoch 148 Batch   16/38   train_loss = 0.590
Epoch 148 Batch   36/38   train_loss = 0.578
Epoch 149 Batch   18/38   train_loss = 0.645
Epoch 150 Batch    0/38   train_loss = 0.592
Epoch 150 Batch   20/38   train_loss = 0.639
Epoch 151 Batch    2/38   train_loss = 0.587
Epoch 151 Batch   22/38   train_loss = 0.554
Epoch 152 Batch    4/38   train_loss = 0.610
Epoch 152 Batch   24/38   train_loss = 0.569
Epoch 153 Batch    6/38   train_loss = 0.584
Epoch 153 Batch   26/38   train_loss = 0.624
Epoch 154 Batch    8/38   train_loss = 0.524
Epoch 154 Batch   28/38   train_loss = 0.593
Epoch 155 Batch   10/38   train_loss = 0.554
Epoch 155 Batch   30/38   train_loss = 0.590
Epoch 156 Batch   12/38   train_loss = 0.568
Epoch 156 Batch   32/38   train_loss = 0.612
Epoch 157 Batch   14/38   train_loss = 0.566
Epoch 157 Batch   34/38   train_loss = 0.571
Epoch 158 Batch   16/38   train_loss = 0.565
Epoch 158 Batch   36/38   train_loss = 0.554
Epoch 159 Batch   18/38   train_loss = 0.620
Epoch 160 Batch    0/38   train_loss = 0.585
Epoch 160 Batch   20/38   train_loss = 0.619
Epoch 161 Batch    2/38   train_loss = 0.574
Epoch 161 Batch   22/38   train_loss = 0.543
Epoch 162 Batch    4/38   train_loss = 0.592
Epoch 162 Batch   24/38   train_loss = 0.562
Epoch 163 Batch    6/38   train_loss = 0.574
Epoch 163 Batch   26/38   train_loss = 0.619
Epoch 164 Batch    8/38   train_loss = 0.520
Epoch 164 Batch   28/38   train_loss = 0.582
Epoch 165 Batch   10/38   train_loss = 0.550
Epoch 165 Batch   30/38   train_loss = 0.582
Epoch 166 Batch   12/38   train_loss = 0.568
Epoch 166 Batch   32/38   train_loss = 0.604
Epoch 167 Batch   14/38   train_loss = 0.564
Epoch 167 Batch   34/38   train_loss = 0.565
Epoch 168 Batch   16/38   train_loss = 0.562
Epoch 168 Batch   36/38   train_loss = 0.555
Epoch 169 Batch   18/38   train_loss = 0.620
Epoch 170 Batch    0/38   train_loss = 0.585
Epoch 170 Batch   20/38   train_loss = 0.613
Epoch 171 Batch    2/38   train_loss = 0.578
Epoch 171 Batch   22/38   train_loss = 0.538
Epoch 172 Batch    4/38   train_loss = 0.597
Epoch 172 Batch   24/38   train_loss = 0.563
Epoch 173 Batch    6/38   train_loss = 0.574
Epoch 173 Batch   26/38   train_loss = 0.620
Epoch 174 Batch    8/38   train_loss = 0.523
Epoch 174 Batch   28/38   train_loss = 0.594
Epoch 175 Batch   10/38   train_loss = 0.547
Epoch 175 Batch   30/38   train_loss = 0.592
Epoch 176 Batch   12/38   train_loss = 0.575
Epoch 176 Batch   32/38   train_loss = 0.617
Epoch 177 Batch   14/38   train_loss = 0.620
Epoch 177 Batch   34/38   train_loss = 0.667
Epoch 178 Batch   16/38   train_loss = 0.734
Epoch 178 Batch   36/38   train_loss = 0.898
Epoch 179 Batch   18/38   train_loss = 1.129
Epoch 180 Batch    0/38   train_loss = 1.206
Epoch 180 Batch   20/38   train_loss = 1.187
Epoch 181 Batch    2/38   train_loss = 1.187
Epoch 181 Batch   22/38   train_loss = 0.988
Epoch 182 Batch    4/38   train_loss = 0.958
Epoch 182 Batch   24/38   train_loss = 0.878
Epoch 183 Batch    6/38   train_loss = 0.796
Epoch 183 Batch   26/38   train_loss = 0.779
Epoch 184 Batch    8/38   train_loss = 0.648
Epoch 184 Batch   28/38   train_loss = 0.679
Epoch 185 Batch   10/38   train_loss = 0.613
Epoch 185 Batch   30/38   train_loss = 0.621
Epoch 186 Batch   12/38   train_loss = 0.603
Epoch 186 Batch   32/38   train_loss = 0.629
Epoch 187 Batch   14/38   train_loss = 0.586
Epoch 187 Batch   34/38   train_loss = 0.587
Epoch 188 Batch   16/38   train_loss = 0.576
Epoch 188 Batch   36/38   train_loss = 0.566
Epoch 189 Batch   18/38   train_loss = 0.632
Epoch 190 Batch    0/38   train_loss = 0.588
Epoch 190 Batch   20/38   train_loss = 0.628
Epoch 191 Batch    2/38   train_loss = 0.581
Epoch 191 Batch   22/38   train_loss = 0.547
Epoch 192 Batch    4/38   train_loss = 0.598
Epoch 192 Batch   24/38   train_loss = 0.562
Epoch 193 Batch    6/38   train_loss = 0.573
Epoch 193 Batch   26/38   train_loss = 0.618
Epoch 194 Batch    8/38   train_loss = 0.520
Epoch 194 Batch   28/38   train_loss = 0.583
Epoch 195 Batch   10/38   train_loss = 0.551
Epoch 195 Batch   30/38   train_loss = 0.579
Epoch 196 Batch   12/38   train_loss = 0.559
Epoch 196 Batch   32/38   train_loss = 0.601
Epoch 197 Batch   14/38   train_loss = 0.562
Epoch 197 Batch   34/38   train_loss = 0.560
Epoch 198 Batch   16/38   train_loss = 0.555
Epoch 198 Batch   36/38   train_loss = 0.547
Epoch 199 Batch   18/38   train_loss = 0.617
Model Trained and Saved

Save Parameters

Save seq_length and save_dir for generating a new TV script.


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

Checkpoint


In [19]:
"""
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 [20]:
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)
    """
      # TODO: Implement Function
    inputTensor = loaded_graph.get_tensor_by_name("input:0")
    initialState = loaded_graph.get_tensor_by_name("initial_state:0")
    finalStateTensor = loaded_graph.get_tensor_by_name("final_state:0")
    probsTensor = loaded_graph.get_tensor_by_name("probs:0")
    return inputTensor,  initialState,finalStateTensor, probsTensor


"""
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 [21]:
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
    """
    return np.random.choice(list(int_to_vocab.values()),p=probabilities)


"""
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 [22]:
gen_length = 200
# homer_simpson, moe_szyslak, or Barney_Gumble
prime_word = 'moe_szyslak'

"""
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)


moe_szyslak: ah, she left to pursue a time, guys.
marge_simpson:(sings) duff!
homer_simpson:(protesting, in) men's.) we have been big years, freak. you need a hole to meet my best fish and found his whole old wife, stuff a depressant up to buy to god.
lenny_leonard:(shocked) we are to my guy, whose daughter has?
homer_simpson: moe!
moe_szyslak: that's odd. it's all popular; news guy that kill!
homer_simpson: don't worry! homer, you didn't mean that!
moe_szyslak:(looking back," i think you're outta here!
homer_simpson:(chuckles) what the might only had really moe's later world! fat tony me,(realizing) don't worry, barn. they can quit over around you are a little.
lenny_leonard: what?
nigel_bakerbutcher: you, atari.
barney_gumble: you know, maybe they're this question?
moe_szyslak: can i look from my best customer.
mexican_duffman:(off) boy... skinner up!
homer_simpson:

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.


In [ ]: