#!/usr/bin/env python # coding: utf-8 #
به نام خدا
# class.vision #

مدل زبانی در سطح کاراکتر و تولید متنی شبیه شاهنامه

# # Text generation with an RNN # ### Import TensorFlow and other libraries # In[1]: import tensorflow as tf import numpy as np import os import time # ###
مجموعه داده #
# #
مجموعه داده زیر را از سایت گنجور برای این تمرین استخراج کرده ایم. لطفا فایل txt را دانلود کرده و در کنار نوت بوک قرار دهید.
# # # # http://dataset.class.vision/NLP/shahnameh.txt # In[2]: path_to_file = "shahnameh.txt" # ### Read the data # # First, look in the text: # In[4]: # Read, then decode for py2 compat. text = open(path_to_file, 'rb').read().decode(encoding='utf-8') # length of text is the number of characters in it print ('Length of text: {} characters'.format(len(text))) # In[5]: # Take a look at the first 250 characters in text print(text[:250]) # In[6]: # The unique characters in the file vocab = sorted(set(text)) print ('{} unique characters'.format(len(vocab))) # ## Process the text # ### Vectorize the text # # Before training, we need to map strings to a numerical representation. Create two lookup tables: one mapping characters to numbers, and another for numbers to characters. # In[7]: # Creating a mapping from unique characters to indices char2idx = {u:i for i, u in enumerate(vocab)} idx2char = np.array(vocab) text_as_int = np.array([char2idx[c] for c in text]) # Now we have an integer representation for each character. Notice that we mapped the character as indexes from 0 to `len(unique)`. # In[8]: print('{') for char,_ in zip(char2idx, range(20)): print(' {:4s}: {:3d},'.format(repr(char), char2idx[char])) print(' ...\n}') # In[9]: # Show how the first 13 characters from the text are mapped to integers print ('{} ---- characters mapped to int ---- > {}'.format(repr(text[:13]), text_as_int[:13])) # ### The prediction task # Given a character, or a sequence of characters, what is the most probable next character? This is the task we're training the model to perform. The input to the model will be a sequence of characters, and we train the model to predict the output—the following character at each time step. # # Since RNNs maintain an internal state that depends on the previously seen elements, given all the characters computed until this moment, what is the next character? # # ### Create training examples and targets # # Next divide the text into example sequences. Each input sequence will contain `seq_length` characters from the text. # # For each input sequence, the corresponding targets contain the same length of text, except shifted one character to the right. # # So break the text into chunks of `seq_length+1`. For example, say `seq_length` is 4 and our text is "Hello". The input sequence would be "Hell", and the target sequence "ello". # # To do this first use the `tf.data.Dataset.from_tensor_slices` function to convert the text vector into a stream of character indices. # In[10]: # The maximum length sentence we want for a single input in characters seq_length = 100 # Create training examples / targets char_dataset = tf.data.Dataset.from_tensor_slices(text_as_int) for i in char_dataset.take(5): print(idx2char[i.numpy()]) # The `batch` method lets us easily convert these individual characters to sequences of the desired size. # In[14]: sequences = char_dataset.batch(seq_length+1, drop_remainder=True) for item in sequences.take(5): print(repr(''.join(idx2char[item.numpy()]))) print("***"*5) # For each sequence, duplicate and shift it to form the input and target text by using the `map` method to apply a simple function to each batch: # In[15]: def split_input_target(chunk): input_text = chunk[:-1] target_text = chunk[1:] return input_text, target_text dataset = sequences.map(split_input_target) # Print the first examples input and target values: # In[16]: for input_example, target_example in dataset.take(1): print ('Input data: ', repr(''.join(idx2char[input_example.numpy()]))) print ('Target data:', repr(''.join(idx2char[target_example.numpy()]))) # Each index of these vectors are processed as one time step. For the input at time step 0, the model receives the index for "F" and trys to predict the index for "i" as the next character. At the next timestep, it does the same thing but the `RNN` considers the previous step context in addition to the current input character. # In[17]: for i, (input_idx, target_idx) in enumerate(zip(input_example[:5], target_example[:5])): print("Step {:4d}".format(i)) print(" input: {} ({:s})".format(input_idx, repr(idx2char[input_idx]))) print(" expected output: {} ({:s})".format(target_idx, repr(idx2char[target_idx]))) # ### Create training batches # # We used `tf.data` to split the text into manageable sequences. But before feeding this data into the model, we need to shuffle the data and pack it into batches. # In[18]: # Batch size BATCH_SIZE = 64 dataset = dataset.batch(BATCH_SIZE, drop_remainder=True) dataset # ## Build The Model # Use `tf.keras.Sequential` to define the model. For this simple example three layers are used to define our model: # # * `tf.keras.layers.Embedding`: The input layer. A trainable lookup table that will map the numbers of each character to a vector with `embedding_dim` dimensions; # * `tf.keras.layers.GRU`: A type of RNN with size `units=rnn_units` (You can also use a LSTM layer here.) # * `tf.keras.layers.Dense`: The output layer, with `vocab_size` outputs. # In[19]: # Length of the vocabulary in chars vocab_size = len(vocab) # The embedding dimension embedding_dim = 25 # Number of RNN units rnn_units = 1024 # In[20]: def build_model(vocab_size, embedding_dim, rnn_units, batch_size): model = tf.keras.Sequential([ tf.keras.layers.Embedding(vocab_size, embedding_dim, batch_input_shape=[batch_size, None]), tf.keras.layers.GRU(rnn_units, return_sequences=True, stateful=True, recurrent_initializer='glorot_uniform'), tf.keras.layers.Dense(vocab_size) ]) return model # In[21]: model = build_model( vocab_size = len(vocab), embedding_dim=embedding_dim, rnn_units=rnn_units, batch_size=BATCH_SIZE) # For each character the model looks up the embedding, runs the GRU one timestep with the embedding as input, and applies the dense layer to generate logits predicting the log-likelihood of the next character: # # ![A drawing of the data passing through the model](images/text_generation_training.png) # ## Try the model # # Now run the model to see that it behaves as expected. # # First check the shape of the output: # In[22]: for input_example_batch, target_example_batch in dataset.take(1): example_batch_predictions = model.predict(input_example_batch) print(example_batch_predictions.shape, "# (batch_size, sequence_length, vocab_size)") # In the above example the sequence length of the input is `100` but the model can be run on inputs of any length: # In[23]: model.summary() # To get actual predictions from the model we need to sample from the output distribution, to get actual character indices. This distribution is defined by the logits over the character vocabulary. # # Note: It is important to _sample_ from this distribution as taking the _argmax_ of the distribution can easily get the model stuck in a loop. # # Try it for the first example in the batch: # In[24]: sampled_indices = tf.random.categorical(example_batch_predictions[0], num_samples=1) sampled_indices = tf.squeeze(sampled_indices,axis=-1).numpy() # This gives us, at each timestep, a prediction of the next character index: # In[25]: sampled_indices # Decode these to see the text predicted by this untrained model: # In[26]: print("Input: \n", repr("".join(idx2char[input_example_batch[0]]))) print() print("Next Char Predictions: \n", repr("".join(idx2char[sampled_indices ]))) # ## Train the model # At this point the problem can be treated as a standard classification problem. Given the previous RNN state, and the input this time step, predict the class of the next character. # ### Attach an optimizer, and a loss function # The standard `tf.keras.losses.sparse_categorical_crossentropy` loss function works in this case because it is applied across the last dimension of the predictions. # # Because our model returns logits, we need to set the `from_logits` flag. # # In[27]: def loss(labels, logits): return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) # Configure the training procedure using the `tf.keras.Model.compile` method. We'll use `tf.keras.optimizers.Adam` with default arguments and the loss function. # In[28]: model.compile(optimizer='adam', loss=loss) # ### Configure checkpoints # Use a `tf.keras.callbacks.ModelCheckpoint` to ensure that checkpoints are saved during training: # In[29]: # Directory where the checkpoints will be saved checkpoint_dir = './training_checkpoints' # Name of the checkpoint files checkpoint_prefix = os.path.join(checkpoint_dir, "ckpt_{epoch}") checkpoint_callback=tf.keras.callbacks.ModelCheckpoint( filepath=checkpoint_prefix, save_weights_only=True) # ### Execute the training # To keep training time reasonable, use 10 epochs to train the model. In Colab, set the runtime to GPU for faster training. # In[30]: EPOCHS=10 # In[31]: history = model.fit(dataset, epochs=EPOCHS, callbacks=[checkpoint_callback]) # ## Generate text # ### Restore the latest checkpoint # To keep this prediction step simple, use a batch size of 1. # # Because of the way the RNN state is passed from timestep to timestep, the model only accepts a fixed batch size once built. # # To run the model with a different `batch_size`, we need to rebuild the model and restore the weights from the checkpoint. # # In[32]: tf.train.latest_checkpoint(checkpoint_dir) # In[33]: model = build_model(vocab_size, embedding_dim, rnn_units, batch_size=1) model.load_weights(tf.train.latest_checkpoint(checkpoint_dir)) model.build(tf.TensorShape([1, None])) # In[34]: model.summary() # ### The prediction loop # # The following code block generates the text: # # * It Starts by choosing a start string, initializing the RNN state and setting the number of characters to generate. # # * Get the prediction distribution of the next character using the start string and the RNN state. # # * Then, use a categorical distribution to calculate the index of the predicted character. Use this predicted character as our next input to the model. # # * The RNN state returned by the model is fed back into the model so that it now has more context, instead than only one word. After predicting the next word, the modified RNN states are again fed back into the model, which is how it learns as it gets more context from the previously predicted words. # # # ![To generate text the model's output is fed back to the input](images/text_generation_sampling.png) # # Looking at the generated text, you'll see the model knows when to capitalize, make paragraphs and imitates a Shakespeare-like writing vocabulary. With the small number of training epochs, it has not yet learned to form coherent sentences. # In[35]: def generate_text(model, start_string): # Evaluation step (generating text using the learned model) # Number of characters to generate num_generate = 1000 # Converting our start string to numbers (vectorizing) input_eval = [char2idx[s] for s in start_string] input_eval = tf.expand_dims(input_eval, 0) # Empty string to store our results text_generated = [] # Here batch size == 1 model.reset_states() for i in range(num_generate): predictions = model(input_eval) # remove the batch dimension predictions = tf.squeeze(predictions, 0) # using a categorical distribution to predict the word returned by the model predictions = predictions predicted_id = tf.random.categorical(predictions, num_samples=1)[-1,0].numpy() # We pass the predicted word as the next input to the model # along with the previous hidden state input_eval = tf.expand_dims([predicted_id], 0) text_generated.append(idx2char[predicted_id]) return (start_string + ''.join(text_generated)) # In[38]: print(generate_text(model, start_string=u"به نام خدا")) # The easiest thing you can do to improve the results it to train it for longer (try `EPOCHS=30`). # # You can also experiment with a different start string, or try adding another RNN layer to improve the model's accuracy, or adjusting the temperature parameter to generate more or less random predictions. #
#
# source: # # https://www.tensorflow.org/tutorials/text/text_generation #
#
دوره پیشرفته یادگیری عمیق
علیرضا اخوان پور
آبان و آذر 1399
#
# Class.Vision - AkhavanPour.ir - GitHub # #