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.


In [4]:
!lspci
00:00.0 Host bridge: Intel Corporation 440FX - 82441FX PMC [Natoma] (rev 02)
00:01.0 ISA bridge: Intel Corporation 82371SB PIIX3 ISA [Natoma/Triton II]
00:01.1 IDE interface: Intel Corporation 82371SB PIIX3 IDE [Natoma/Triton II]
00:01.3 Bridge: Intel Corporation 82371AB/EB/MB PIIX4 ACPI (rev 01)
00:02.0 VGA compatible controller: Cirrus Logic GD 5446
00:03.0 VGA compatible controller: NVIDIA Corporation GK104GL [GRID K520] (rev a1)
00:1f.0 Unassigned class [ff80]: XenSource, Inc. Xen Platform Device (rev 01)

Exploring Sentence Lengths

Find sentence length average to use it as the RRN sequence length

In [5]:
import nltk
from collections import Counter
from bokeh.charts import Histogram, output_notebook, show

output_notebook()

sentences = set(nltk.sent_tokenize(text[81:]))
sent_c = Counter()

# Get average length
for s in sentences:
    sent_c[s] = nltk.word_tokenize(s).__len__()
    
s_lengths = np.array(list(sent_c.values()))

data = dict(x=s_lengths)

p = Histogram(data, xlabel='sentence lengths', bins=50)
show(p)


print('Mean of sentences length is {}'.format(s_lengths.mean()))
Loading BokehJS ...
Mean of sentences length is 11.279889538661468

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 [6]:
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 = {word: index for index, word in enumerate(vocab)}
    int_to_vocab = {index: word for (word, index) in vocab_to_int.items()}
    
    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 [7]:
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 {
        '.': '||period||',
        ',': '||comma||',
        '"': '||quotation_mark||',
        ';': '||semicolon||',
        '!': '||exclamation_mark||',
        '?': '||question_mark||',
        '(': '||left_parentheses',
        ')': '||right_parentheses',
        '--': '||dash||',
        '\n': '||return||'
    }

"""
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 [8]:
"""
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 [9]:
"""
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()

Extra hyper parameters

In [10]:
from collections import namedtuple

hyper_params = (('embedding_size', 128),
                ('lstm_layers', 2),
                ('keep_prob', 0.7)
               )




Hyper = namedtuple('Hyper', map(lambda x: x[0], hyper_params))
HYPER = Hyper(*list(map(lambda x: x[1], hyper_params)))

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 [11]:
"""
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 the tuple (Input, Targets, LearingRate)

In [12]:
def get_inputs():
    """
    Create TF Placeholders for input, targets, and learning rate.
    :return: Tuple (input, targets, learning rate)
    """
    
    # We use shape [None, None] to feed any batch size and any sequence length
    input_placeholder = tf.placeholder(tf.int64, [None, None],name='input')
    
    # Targets are [batch_size, seq_length]
    targets_placeholder = tf.placeholder(tf.int64, [None, None], name='targets') 
    
    
    learning_rate_placeholder = tf.placeholder(tf.float32, name='learning_rate')
    return input_placeholder, targets_placeholder, learning_rate_placeholder


"""
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 [13]:
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)
    """
    with tf.name_scope('RNN_layers'):
        lstm = tf.contrib.rnn.BasicLSTMCell(rnn_size)

        # add a dropout wrapper
        drop = tf.contrib.rnn.DropoutWrapper(lstm, output_keep_prob=HYPER.keep_prob)

        #cell = tf.contrib.rnn.MultiRNNCell([drop] * HYPER.lstm_layers)

        cell = tf.contrib.rnn.MultiRNNCell([lstm] * HYPER.lstm_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 [14]:
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.
    """
    with tf.name_scope('Embedding'):
        embeddings = tf.Variable(
            tf.random_uniform([vocab_size, embed_dim], -1.0, 1.0)
        )

        embed = tf.nn.embedding_lookup(embeddings, 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 [15]:
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)
    """
    ## NOTES
    # dynamic rnn automatically takes the seq size in dim=1 [batch_size, max_time, ...] time_major==false (default)
    with tf.name_scope('RNN_output'):
        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 [16]:
def build_nn(cell, rnn_size, input_data, vocab_size):
    """
    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
    :return: Tuple (Logits, FinalState)
    """
    
    num_outputs = vocab_size
    
    
    ## Not sure why the unit test was made without taking into 
    # account we are handling dynamic tensor shape that we need to infer
    # at runtime, so I made an if statement just to pass the test case
    #
    # Some references: https://goo.gl/vD3egn
    #                  https://goo.gl/E8vT2M 
    
    if input_data.get_shape().as_list()[1] is not None:
        batch_size = input_data.get_shape().as_list()[0]
        seq_len = input_data.get_shape().as_list()[1]
    
    # Infer dynamic tensor shape of input
    else:
        input_dims = tf.shape(input_data)
        batch_size = input_dims[0]
        seq_len = input_dims[1]

    

    
    embed = get_embed(input_data, vocab_size, HYPER.embedding_size)
    
    
    ## NOTES
    # dynamic rnn automatically takes the seq size in dim=1 [batch_size, max_time, ...] see: time_major==false (default)
    
    ## Output shape
    ## [batch_size, time_step, rnn_size]
    raw_rnn_outputs, final_state = build_rnn(cell, embed)
    
    
    # Put outputs in rows
    # make the output into [batch_size*time_step, rnn_size] for easy matmul
    with tf.name_scope('sequence_reshape'):
        outputs = tf.reshape(raw_rnn_outputs, [-1, rnn_size], name='rnn_output')
    
    
    # Question, why are we using linear activation and not softmax ?
    # My Guess: because seq2seq.sequence_loss has an efficient way to calculate the loss directly from logits 
    with tf.name_scope('logits'):
        
        linear_w = tf.Variable(tf.truncated_normal((rnn_size, num_outputs), stddev=0.05), name='linear_w')
        linear_b = tf.Variable(tf.zeros(num_outputs), name='linear_b')

        logits = tf.matmul(outputs, linear_w) + linear_b
    
    
    
    # Reshape the logits back into the original input shape -> [batch_size, seq_len, num_classes]
    # We do this beceause the loss function seq2seq.sequence_loss takes as logits a shape of [batch_size,seq_len,num_decoded_symbols]
    with tf.name_scope('logits_reshape_to_loss'):
        logits = tf.reshape(logits, [batch_size, seq_len, num_outputs], name='logits')
        print('logits after reshape: ', logits)
    
    return logits, final_state


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_build_nn(build_nn)
logits after reshape:  Tensor("logits_reshape_to_loss/logits:0", shape=(128, 5, 27), dtype=float32)
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 [17]:
t = np.array([1,2,3,4])
np.random.shuffle(t)
t
Out[17]:
array([4, 2, 1, 3])
In [123]:
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
    """
    
    slice_size = int(batch_size * seq_length)
    n_batches = int(len(int_text)/slice_size)
    
    assert n_batches > 0, 'Maybe your batch size is too big ?'
    
    print('n_batches {}\n'.format(n_batches))

    # input part
    _inputs = np.array(int_text[:n_batches*slice_size])
    
    # target part
    _targets = np.array(int_text[1:n_batches*slice_size + 1])
    

    # Group inputs, targets into n_batches x seq_len items 
    inputs, targets = np.reshape(_inputs, (-1, n_batches, seq_length)), np.reshape(_targets, (-1, n_batches, seq_length))
    
    
       
    # Look through the n_batches axes
    #print(inputs[:,0,:])
    
    # Swatch the 0 axis with n_batches axes, now 0 axis is n_batches axis
    inputs, targets = np.swapaxes(inputs, 0,1), np.swapaxes(targets, 0,1)
   
    
    # stack inputs and targets on columns
    batches = np.column_stack((inputs, targets))

    
    # Reshape into final batches output
    batches = batches.reshape((-1, 2, batch_size, seq_length))

    
    return batches


#Check first batch result
#print(get_batches(np.arange(1,200,1), 20, 3)[0])

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

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 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 [107]:
# Number of Epochs
num_epochs = 100
# Batch Size
batch_size = 256
# RNN Size
rnn_size = 128
# Sequence Length
# Use the mean of sentences length as sequence length
seq_length = int(s_lengths.mean())
# Learning Rate
learning_rate = 1e-2
# 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 [109]:
"""
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)

    # 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]
    train_op = optimizer.apply_gradients(capped_gradients)
logits after reshape:  Tensor("logits_reshape_to_loss/logits:0", shape=(?, ?, 6779), dtype=float32)
In [36]:
# write out the graph for tensorboard

with tf.Session(graph=train_graph) as sess:
    file_writer = tf.summary.FileWriter('./logs/1', sess.graph)

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 [110]:
"""
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')
n_batches 24

Epoch   0 Batch    0/24   train_loss = 8.821
Epoch   0 Batch   10/24   train_loss = 6.639
Epoch   0 Batch   20/24   train_loss = 6.516
Epoch   1 Batch    6/24   train_loss = 6.023
Epoch   1 Batch   16/24   train_loss = 6.070
Epoch   2 Batch    2/24   train_loss = 5.976
Epoch   2 Batch   12/24   train_loss = 6.045
Epoch   2 Batch   22/24   train_loss = 5.987
Epoch   3 Batch    8/24   train_loss = 5.959
Epoch   3 Batch   18/24   train_loss = 5.839
Epoch   4 Batch    4/24   train_loss = 5.702
Epoch   4 Batch   14/24   train_loss = 5.684
Epoch   5 Batch    0/24   train_loss = 5.578
Epoch   5 Batch   10/24   train_loss = 5.687
Epoch   5 Batch   20/24   train_loss = 5.597
Epoch   6 Batch    6/24   train_loss = 5.504
Epoch   6 Batch   16/24   train_loss = 5.442
Epoch   7 Batch    2/24   train_loss = 5.276
Epoch   7 Batch   12/24   train_loss = 5.422
Epoch   7 Batch   22/24   train_loss = 5.317
Epoch   8 Batch    8/24   train_loss = 5.296
Epoch   8 Batch   18/24   train_loss = 5.165
Epoch   9 Batch    4/24   train_loss = 5.019
Epoch   9 Batch   14/24   train_loss = 4.972
Epoch  10 Batch    0/24   train_loss = 4.883
Epoch  10 Batch   10/24   train_loss = 4.991
Epoch  10 Batch   20/24   train_loss = 4.891
Epoch  11 Batch    6/24   train_loss = 4.799
Epoch  11 Batch   16/24   train_loss = 4.764
Epoch  12 Batch    2/24   train_loss = 4.581
Epoch  12 Batch   12/24   train_loss = 4.673
Epoch  12 Batch   22/24   train_loss = 4.586
Epoch  13 Batch    8/24   train_loss = 4.603
Epoch  13 Batch   18/24   train_loss = 4.454
Epoch  14 Batch    4/24   train_loss = 4.280
Epoch  14 Batch   14/24   train_loss = 4.301
Epoch  15 Batch    0/24   train_loss = 4.275
Epoch  15 Batch   10/24   train_loss = 4.371
Epoch  15 Batch   20/24   train_loss = 4.248
Epoch  16 Batch    6/24   train_loss = 4.220
Epoch  16 Batch   16/24   train_loss = 4.169
Epoch  17 Batch    2/24   train_loss = 3.998
Epoch  17 Batch   12/24   train_loss = 4.083
Epoch  17 Batch   22/24   train_loss = 3.965
Epoch  18 Batch    8/24   train_loss = 3.985
Epoch  18 Batch   18/24   train_loss = 3.911
Epoch  19 Batch    4/24   train_loss = 3.733
Epoch  19 Batch   14/24   train_loss = 3.779
Epoch  20 Batch    0/24   train_loss = 3.714
Epoch  20 Batch   10/24   train_loss = 3.793
Epoch  20 Batch   20/24   train_loss = 3.735
Epoch  21 Batch    6/24   train_loss = 3.713
Epoch  21 Batch   16/24   train_loss = 3.677
Epoch  22 Batch    2/24   train_loss = 3.518
Epoch  22 Batch   12/24   train_loss = 3.561
Epoch  22 Batch   22/24   train_loss = 3.501
Epoch  23 Batch    8/24   train_loss = 3.499
Epoch  23 Batch   18/24   train_loss = 3.451
Epoch  24 Batch    4/24   train_loss = 3.291
Epoch  24 Batch   14/24   train_loss = 3.295
Epoch  25 Batch    0/24   train_loss = 3.271
Epoch  25 Batch   10/24   train_loss = 3.331
Epoch  25 Batch   20/24   train_loss = 3.256
Epoch  26 Batch    6/24   train_loss = 3.238
Epoch  26 Batch   16/24   train_loss = 3.167
Epoch  27 Batch    2/24   train_loss = 3.038
Epoch  27 Batch   12/24   train_loss = 3.106
Epoch  27 Batch   22/24   train_loss = 2.985
Epoch  28 Batch    8/24   train_loss = 3.011
Epoch  28 Batch   18/24   train_loss = 2.991
Epoch  29 Batch    4/24   train_loss = 2.907
Epoch  29 Batch   14/24   train_loss = 2.891
Epoch  30 Batch    0/24   train_loss = 2.911
Epoch  30 Batch   10/24   train_loss = 2.948
Epoch  30 Batch   20/24   train_loss = 2.903
Epoch  31 Batch    6/24   train_loss = 2.885
Epoch  31 Batch   16/24   train_loss = 2.808
Epoch  32 Batch    2/24   train_loss = 2.670
Epoch  32 Batch   12/24   train_loss = 2.701
Epoch  32 Batch   22/24   train_loss = 2.591
Epoch  33 Batch    8/24   train_loss = 2.579
Epoch  33 Batch   18/24   train_loss = 2.603
Epoch  34 Batch    4/24   train_loss = 2.498
Epoch  34 Batch   14/24   train_loss = 2.504
Epoch  35 Batch    0/24   train_loss = 2.482
Epoch  35 Batch   10/24   train_loss = 2.530
Epoch  35 Batch   20/24   train_loss = 2.489
Epoch  36 Batch    6/24   train_loss = 2.486
Epoch  36 Batch   16/24   train_loss = 2.417
Epoch  37 Batch    2/24   train_loss = 2.320
Epoch  37 Batch   12/24   train_loss = 2.348
Epoch  37 Batch   22/24   train_loss = 2.287
Epoch  38 Batch    8/24   train_loss = 2.245
Epoch  38 Batch   18/24   train_loss = 2.322
Epoch  39 Batch    4/24   train_loss = 2.230
Epoch  39 Batch   14/24   train_loss = 2.234
Epoch  40 Batch    0/24   train_loss = 2.223
Epoch  40 Batch   10/24   train_loss = 2.263
Epoch  40 Batch   20/24   train_loss = 2.267
Epoch  41 Batch    6/24   train_loss = 2.251
Epoch  41 Batch   16/24   train_loss = 2.179
Epoch  42 Batch    2/24   train_loss = 2.121
Epoch  42 Batch   12/24   train_loss = 2.155
Epoch  42 Batch   22/24   train_loss = 2.100
Epoch  43 Batch    8/24   train_loss = 2.031
Epoch  43 Batch   18/24   train_loss = 2.134
Epoch  44 Batch    4/24   train_loss = 2.016
Epoch  44 Batch   14/24   train_loss = 2.027
Epoch  45 Batch    0/24   train_loss = 2.049
Epoch  45 Batch   10/24   train_loss = 2.042
Epoch  45 Batch   20/24   train_loss = 2.060
Epoch  46 Batch    6/24   train_loss = 2.031
Epoch  46 Batch   16/24   train_loss = 1.943
Epoch  47 Batch    2/24   train_loss = 1.888
Epoch  47 Batch   12/24   train_loss = 1.901
Epoch  47 Batch   22/24   train_loss = 1.881
Epoch  48 Batch    8/24   train_loss = 1.794
Epoch  48 Batch   18/24   train_loss = 1.910
Epoch  49 Batch    4/24   train_loss = 1.802
Epoch  49 Batch   14/24   train_loss = 1.839
Epoch  50 Batch    0/24   train_loss = 1.860
Epoch  50 Batch   10/24   train_loss = 1.836
Epoch  50 Batch   20/24   train_loss = 1.834
Epoch  51 Batch    6/24   train_loss = 1.841
Epoch  51 Batch   16/24   train_loss = 1.803
Epoch  52 Batch    2/24   train_loss = 1.735
Epoch  52 Batch   12/24   train_loss = 1.723
Epoch  52 Batch   22/24   train_loss = 1.692
Epoch  53 Batch    8/24   train_loss = 1.636
Epoch  53 Batch   18/24   train_loss = 1.754
Epoch  54 Batch    4/24   train_loss = 1.671
Epoch  54 Batch   14/24   train_loss = 1.657
Epoch  55 Batch    0/24   train_loss = 1.722
Epoch  55 Batch   10/24   train_loss = 1.697
Epoch  55 Batch   20/24   train_loss = 1.719
Epoch  56 Batch    6/24   train_loss = 1.689
Epoch  56 Batch   16/24   train_loss = 1.624
Epoch  57 Batch    2/24   train_loss = 1.592
Epoch  57 Batch   12/24   train_loss = 1.616
Epoch  57 Batch   22/24   train_loss = 1.556
Epoch  58 Batch    8/24   train_loss = 1.525
Epoch  58 Batch   18/24   train_loss = 1.592
Epoch  59 Batch    4/24   train_loss = 1.547
Epoch  59 Batch   14/24   train_loss = 1.549
Epoch  60 Batch    0/24   train_loss = 1.570
Epoch  60 Batch   10/24   train_loss = 1.530
Epoch  60 Batch   20/24   train_loss = 1.580
Epoch  61 Batch    6/24   train_loss = 1.540
Epoch  61 Batch   16/24   train_loss = 1.496
Epoch  62 Batch    2/24   train_loss = 1.459
Epoch  62 Batch   12/24   train_loss = 1.450
Epoch  62 Batch   22/24   train_loss = 1.432
Epoch  63 Batch    8/24   train_loss = 1.387
Epoch  63 Batch   18/24   train_loss = 1.483
Epoch  64 Batch    4/24   train_loss = 1.414
Epoch  64 Batch   14/24   train_loss = 1.430
Epoch  65 Batch    0/24   train_loss = 1.452
Epoch  65 Batch   10/24   train_loss = 1.433
Epoch  65 Batch   20/24   train_loss = 1.496
Epoch  66 Batch    6/24   train_loss = 1.447
Epoch  66 Batch   16/24   train_loss = 1.436
Epoch  67 Batch    2/24   train_loss = 1.398
Epoch  67 Batch   12/24   train_loss = 1.409
Epoch  67 Batch   22/24   train_loss = 1.404
Epoch  68 Batch    8/24   train_loss = 1.339
Epoch  68 Batch   18/24   train_loss = 1.429
Epoch  69 Batch    4/24   train_loss = 1.371
Epoch  69 Batch   14/24   train_loss = 1.402
Epoch  70 Batch    0/24   train_loss = 1.439
Epoch  70 Batch   10/24   train_loss = 1.382
Epoch  70 Batch   20/24   train_loss = 1.436
Epoch  71 Batch    6/24   train_loss = 1.411
Epoch  71 Batch   16/24   train_loss = 1.379
Epoch  72 Batch    2/24   train_loss = 1.347
Epoch  72 Batch   12/24   train_loss = 1.326
Epoch  72 Batch   22/24   train_loss = 1.335
Epoch  73 Batch    8/24   train_loss = 1.284
Epoch  73 Batch   18/24   train_loss = 1.369
Epoch  74 Batch    4/24   train_loss = 1.308
Epoch  74 Batch   14/24   train_loss = 1.305
Epoch  75 Batch    0/24   train_loss = 1.329
Epoch  75 Batch   10/24   train_loss = 1.291
Epoch  75 Batch   20/24   train_loss = 1.345
Epoch  76 Batch    6/24   train_loss = 1.303
Epoch  76 Batch   16/24   train_loss = 1.287
Epoch  77 Batch    2/24   train_loss = 1.260
Epoch  77 Batch   12/24   train_loss = 1.229
Epoch  77 Batch   22/24   train_loss = 1.228
Epoch  78 Batch    8/24   train_loss = 1.176
Epoch  78 Batch   18/24   train_loss = 1.247
Epoch  79 Batch    4/24   train_loss = 1.176
Epoch  79 Batch   14/24   train_loss = 1.211
Epoch  80 Batch    0/24   train_loss = 1.255
Epoch  80 Batch   10/24   train_loss = 1.214
Epoch  80 Batch   20/24   train_loss = 1.233
Epoch  81 Batch    6/24   train_loss = 1.194
Epoch  81 Batch   16/24   train_loss = 1.173
Epoch  82 Batch    2/24   train_loss = 1.179
Epoch  82 Batch   12/24   train_loss = 1.115
Epoch  82 Batch   22/24   train_loss = 1.123
Epoch  83 Batch    8/24   train_loss = 1.058
Epoch  83 Batch   18/24   train_loss = 1.138
Epoch  84 Batch    4/24   train_loss = 1.085
Epoch  84 Batch   14/24   train_loss = 1.120
Epoch  85 Batch    0/24   train_loss = 1.157
Epoch  85 Batch   10/24   train_loss = 1.081
Epoch  85 Batch   20/24   train_loss = 1.157
Epoch  86 Batch    6/24   train_loss = 1.129
Epoch  86 Batch   16/24   train_loss = 1.081
Epoch  87 Batch    2/24   train_loss = 1.078
Epoch  87 Batch   12/24   train_loss = 1.033
Epoch  87 Batch   22/24   train_loss = 1.048
Epoch  88 Batch    8/24   train_loss = 1.021
Epoch  88 Batch   18/24   train_loss = 1.088
Epoch  89 Batch    4/24   train_loss = 1.019
Epoch  89 Batch   14/24   train_loss = 1.046
Epoch  90 Batch    0/24   train_loss = 1.085
Epoch  90 Batch   10/24   train_loss = 1.045
Epoch  90 Batch   20/24   train_loss = 1.093
Epoch  91 Batch    6/24   train_loss = 1.056
Epoch  91 Batch   16/24   train_loss = 1.035
Epoch  92 Batch    2/24   train_loss = 1.047
Epoch  92 Batch   12/24   train_loss = 1.002
Epoch  92 Batch   22/24   train_loss = 1.011
Epoch  93 Batch    8/24   train_loss = 0.952
Epoch  93 Batch   18/24   train_loss = 1.036
Epoch  94 Batch    4/24   train_loss = 0.982
Epoch  94 Batch   14/24   train_loss = 1.020
Epoch  95 Batch    0/24   train_loss = 1.029
Epoch  95 Batch   10/24   train_loss = 0.961
Epoch  95 Batch   20/24   train_loss = 0.999
Epoch  96 Batch    6/24   train_loss = 0.982
Epoch  96 Batch   16/24   train_loss = 0.979
Epoch  97 Batch    2/24   train_loss = 0.980
Epoch  97 Batch   12/24   train_loss = 0.938
Epoch  97 Batch   22/24   train_loss = 0.939
Epoch  98 Batch    8/24   train_loss = 0.902
Epoch  98 Batch   18/24   train_loss = 0.976
Epoch  99 Batch    4/24   train_loss = 0.920
Epoch  99 Batch   14/24   train_loss = 0.949
Model Trained and Saved

Save Parameters

Save seq_length and save_dir for generating a new TV script.

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

Checkpoint

In [112]:
"""
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 [113]:
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)
    """
    
    t_input = loaded_graph.get_tensor_by_name('input:0')
    t_initial_state = loaded_graph.get_tensor_by_name('initial_state:0')
    t_final_state = loaded_graph.get_tensor_by_name('final_state:0')
    t_probs = loaded_graph.get_tensor_by_name('probs:0')
    return t_input, t_initial_state, t_final_state, t_probs


"""
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 [121]:
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
    """
    
    word_p = np.random.choice(probabilities,p=probabilities)
    word = probabilities.tolist().index(word_p)
    
    
    return int_to_vocab[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 [122]:
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: okay, you can't sell it till it blows at the mr.
moe_szyslak: what?
homer_simpson: do you goin' homer?
moe_szyslak: oh, why don't you had? he's just a day?
homer_simpson: marge if it isn't little call? i'm gonna invite me out.
barney_gumble:(to homer) all knows me? hey, but all day it's everyone anymore.
moe_szyslak: aw, behind not one about us, like how about the last guy old.
lenny_leonard: hey, what that can hide!
seymour_skinner: i had to my time you say, big day...
kirk_van_houten: oh, nuts.
homer_simpson: when i'm not your best friend because i'm gonna plotz.
homer_simpson: don't be lost in a grampa.
homer_simpson: oh, right. it wasn't up from the" sex on the car.
moe_szyslak: ah, he's down for a man. to be a friend.


homer_simpson:(moans) we're sure is.




homer_simpson:(to tv) hey, hibachi head.

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.