博客
关于我
强烈建议你试试无所不能的chatGPT,快点击我
《深度学习——Andrew Ng》第五课第二周编程作业_2_Emojify
阅读量:4094 次
发布时间:2019-05-25

本文共 14281 字,大约阅读时间需要 47 分钟。

model1

import numpy as npfrom emo_utils import *import emoji             # 这里的emoji是github上的一个python库,使用pip install emoji就可以安装import matplotlib.pyplot as plt'''Convert every sentence to lower-case, then split the sentence into a list of words. X.lower() and X.split() might be useful.For each word in the sentence, access its GloVe representation. Then, average all these values.'''# GRADED FUNCTION: sentence_to_avgdef sentence_to_avg(sentence, word_to_vec_map):    """    Converts a sentence (string) into a list of words (strings). Extracts the GloVe representation of each word    and averages its value into a single vector encoding the meaning of the sentence.    Arguments:    sentence -- string, one training example from X    word_to_vec_map -- dictionary mapping every word in a vocabulary into its 50-dimensional vector representation    Returns:    avg -- average vector encoding information about the sentence, numpy-array of shape (50,)    """    ### START CODE HERE ###    # Step 1: Split sentence into list of lower case words (≈ 1 line)    words = sentence.lower().split()    # Initialize the average word vector, should have the same shape as your word vectors.    avg = np.zeros((50))    # Step 2: average the word vectors. You can loop over the words in the list "words".    for w in words:        avg += word_to_vec_map[w]    avg = avg/len(words)    ### END CODE HERE ###    return avg# GRADED FUNCTION: modeldef model(X, Y, word_to_vec_map, learning_rate=0.01, num_iterations=400):    """    Model to train word vector representations in numpy.    Arguments:    X -- input data, numpy array of sentences as strings, of shape (m, 1)    Y -- labels, numpy array of integers between 0 and 7, numpy-array of shape (m, 1)    word_to_vec_map -- dictionary mapping every word in a vocabulary into its 50-dimensional vector representation    learning_rate -- learning_rate for the stochastic gradient descent algorithm    num_iterations -- number of iterations    Returns:    pred -- vector of predictions, numpy-array of shape (m, 1)    W -- weight matrix of the softmax layer, of shape (n_y, n_h)    b -- bias of the softmax layer, of shape (n_y,)    """    np.random.seed(1)    # Define number of training examples    m = Y.shape[0]  # number of training examples    n_y = 5  # number of classes    n_h = 50  # dimensions of the GloVe vectors    # Initialize parameters using Xavier initialization    W = np.random.randn(n_y, n_h) / np.sqrt(n_h)    b = np.zeros((n_y,))    # Convert Y to Y_onehot with n_y classes    Y_oh = convert_to_one_hot(Y, C=n_y)    # Optimization loop    for t in range(num_iterations):  # Loop over the number of iterations        for i in range(m):  # Loop over the training examples            ### START CODE HERE ### (≈ 4 lines of code)            # Average the word vectors of the words from the j'th training example            avg = sentence_to_avg(X[i],word_to_vec_map)            # Forward propagate the avg through the softmax layer            z = np.dot(W, avg) + b            a = softmax(z)            # Compute cost using the j'th training label's one hot representation and "A" (the output of the softmax)            cost = - np.sum(Y_oh[i] * np.log(a))            ### END CODE HERE ###            # Compute gradients            dz = a - Y_oh[i]            dW = np.dot(dz.reshape(n_y, 1), avg.reshape(1, n_h))            db = dz            # Update parameters with Stochastic Gradient Descent            W = W - learning_rate * dW            b = b - learning_rate * db        if t % 100 == 0:            print("Epoch: " + str(t) + " --- cost = " + str(cost))            pred = predict(X, Y, W, b, word_to_vec_map)    return pred, W, bif __name__ == '__main__':    ### 1 - Baseline model: Emojifier-V1    # 1.1 - Dataset EMOJISET¶    X_train, Y_train = read_csv('data/train_emoji.csv')    X_test, Y_test = read_csv('data/tesss.csv')    maxLen = len(max(X_train, key=len).split())    index = 1    print(X_train[index], label_to_emoji(Y_train[index]))    # 1.2 - Overview of the Emojifier-V1    Y_oh_train = convert_to_one_hot(Y_train, C=5)       # 将label Y 转为one-hot编码    Y_oh_test = convert_to_one_hot(Y_test, C=5)    index = 50    print(Y_train[index], "is converted into one hot", Y_oh_train[index])    # 1.3 - Implementing Emojifier-V1    word_to_index, index_to_word, word_to_vec_map = read_glove_vecs('data/glove.6B.50d.txt')    word = "cucumber"    index = 289846    print("the index of", word, "in the bocabulary is ", word_to_index[word])    print("the", str(index) + "the word in the vocabulary is " + index_to_word[index])    avg = sentence_to_avg("Morrocan couscous is my favorite dish", word_to_vec_map)    print("avg = ", avg)    print(X_train.shape)    print(Y_train.shape)    print(np.eye(5)[Y_train.reshape(-1)].shape)    print(X_train[0])    print(type(X_train))    Y = np.asarray([5, 0, 0, 5, 4, 4, 4, 6, 6, 4, 1, 1, 5, 6, 6, 3, 6, 3, 4, 4])    print(Y.shape)    X = np.asarray(['I am going to the bar tonight', 'I love you', 'miss you my dear',                    'Lets go party and drinks', 'Congrats on the new job', 'Congratulations',                    'I am so happy for you', 'Why are you feeling bad', 'What is wrong with you',                    'You totally deserve this prize', 'Let us go play football',                    'Are you down for football this afternoon', 'Work hard play harder',                    'It is suprising how people can be dumb sometimes',                    'I am very disappointed', 'It is the best day in my life',                    'I think I will end up alone', 'My life is so boring', 'Good job',                    'Great so awesome'])    pred, W, b = model(X_train, Y_train, word_to_vec_map)    print(pred)    # 1.4 - Examining test set performance    print("Training set:")    pred_train = predict(X_train, Y_train, W, b, word_to_vec_map)    print('Test set:')    pred_test = predict(X_test, Y_test, W, b, word_to_vec_map)    X_my_sentences = np.array(["i adore you", "i love you", "funny lol", "lets play with a ball","food is ready","you are not happy"])    Y_my_labels = np.array([[0], [0], [2], [1], [4],[3]])    pred = predict(X_my_sentences, Y_my_labels, W, b, word_to_vec_map)    print_predictions(X_my_sentences, pred)    print(Y_test.shape)    print('           ' + label_to_emoji(0) + '    ' + label_to_emoji(1) + '    ' + label_to_emoji(        2) + '    ' + label_to_emoji(3) + '   ' + label_to_emoji(4))    print(pd.crosstab(Y_test, pred_test.reshape(56, ), rownames=['Actual'], colnames=['Predicted'], margins=True))    plot_confusion_matrix(Y_test, pred_test)print("  END !!!")

model2

import numpy as npnp.random.seed(0)from keras.models import Modelfrom keras.layers import Dense, Input, Dropout, LSTM, Activationfrom keras.layers.embeddings import Embeddingfrom keras.preprocessing import sequencenp.random.seed(1)from keras.initializers import glorot_uniformimport numpy as npfrom emo_utils import *import emoji  # 这里的emoji是github上的一个python库,使用pip install emoji就可以安装import matplotlib.pyplot as plt# GRADED FUNCTION: sentences_to_indicesdef sentences_to_indices(X, word_to_index, max_len):    """    Converts an array of sentences (strings) into an array of indices corresponding to words in the sentences.    The output shape should be such that it can be given to `Embedding()` (described in Figure 4).    Arguments:    X -- array of sentences (strings), of shape (m, 1)    word_to_index -- a dictionary containing the each word mapped to its index    max_len -- maximum number of words in a sentence. You can assume every sentence in X is no longer than this.    Returns:    X_indices -- array of indices corresponding to words in the sentences from X, of shape (m, max_len)    """    m = X.shape[0]  # number of training examples    ### START CODE HERE ###    # Initialize X_indices as a numpy matrix of zeros and the correct shape    X_indices = np.zeros((X.shape[0], max_len))    for i in range(m):  # loop over training examples        # Convert the ith training sentence in lower case and split is into words. You should get a list of words.        sentence_words = X[i].lower().split()        # Initialize j to 0        j = 0        # Loop over the words of sentence_words        for w in sentence_words:            # Set the (i,j)th entry of X_indices to the index of the correct word.            X_indices[i, j] = word_to_index[w]            # Increment j to j + 1            j = j + 1    ### END CODE HERE ###    return X_indices# GRADED FUNCTION: pretrained_embedding_layerdef pretrained_embedding_layer(word_to_vec_map, word_to_index):    """    Creates a Keras Embedding() layer and loads in pre-trained GloVe 50-dimensional vectors.    Arguments:    word_to_vec_map -- dictionary mapping words to their GloVe vector representation.    word_to_index -- dictionary mapping from words to their indices in the vocabulary (400,001 words)    Returns:    embedding_layer -- pretrained layer Keras instance    """    vocab_len = len(word_to_index) + 1  # adding 1 to fit Keras embedding (requirement)    emb_dim = word_to_vec_map["cucumber"].shape[0]  # define dimensionality of your GloVe word vectors (= 50)    ### START CODE HERE ###    # Initialize the embedding matrix as a numpy array of zeros of shape (vocab_len, dimensions of word vectors = emb_dim)    emb_matrix = np.zeros((vocab_len, emb_dim))    # Set each row "index" of the embedding matrix to be the word vector representation of the "index"th word of the vocabulary    for word, index in word_to_index.items():        emb_matrix[index, :] = word_to_vec_map[word]    # Define Keras embedding layer with the correct output/input sizes, make it trainable.    # Use Embedding(...). Make sure to set trainable=False.    embedding_layer = Embedding(input_dim = vocab_len, output_dim = emb_dim , trainable = False)        # 此处的输入、输出维度计算    ### END CODE HERE ###    # Build the embedding layer, it is required before setting the weights of the embedding layer. Do not modify the "None".    embedding_layer.build((None,))    # Set the weights of the embedding layer to the embedding matrix. Your layer is now pretrained.    embedding_layer.set_weights([emb_matrix])    return embedding_layer# GRADED FUNCTION: Emojify_V2def Emojify_V2(input_shape, word_to_vec_map, word_to_index):    """    Function creating the Emojify-v2 model's graph.    Arguments:    input_shape -- shape of the input, usually (max_len,)    word_to_vec_map -- dictionary mapping every word in a vocabulary into its 50-dimensional vector representation    word_to_index -- dictionary mapping from words to their indices in the vocabulary (400,001 words)    Returns:    model -- a model instance in Keras    """    ### START CODE HERE ###    # Define sentence_indices as the input of the graph, it should be of shape input_shape and dtype 'int32' (as it contains indices).    sentence_indices = Input(shape=input_shape, dtype=np.int32)    # Create the embedding layer pretrained with GloVe Vectors (≈1 line)    embedding_layer = pretrained_embedding_layer(word_to_vec_map, word_to_index)    # Propagate sentence_indices through your embedding layer, you get back the embeddings    embeddings = embedding_layer(sentence_indices)    # Propagate the embeddings through an LSTM layer with 128-dimensional hidden state    # Be careful, the returned output should be a batch of sequences.    X = LSTM(128, return_sequences=True)(embeddings)    # Add dropout with a probability of 0.5    X = Dropout(0.5)(X)    # Propagate X trough another LSTM layer with 128-dimensional hidden state    # Be careful, the returned output should be a single hidden state, not a batch of sequences.    X = LSTM(128, return_sequences=False)(X)    # Add dropout with a probability of 0.5    X = Dropout(0.5)(X)    # Propagate X through a Dense layer with softmax activation to get back a batch of 5-dimensional vectors.    X = Dense(5)(X)    # Add a softmax activation    X = Activation('softmax')(X)    # Create Model instance which converts sentence_indices into X.    model = Model(inputs = sentence_indices, outputs = X)    ### END CODE HERE ###    return modelif __name__ == '__main__':    ### 2 - Emojifier-V2: Using LSTMs in Keras    word_to_index, index_to_word, word_to_vec_map = read_glove_vecs('data/glove.6B.50d.txt')    X_train, Y_train = read_csv('data/train_emoji.csv')    X_test, Y_test = read_csv('data/tesss.csv')    maxLen = len(max(X_train, key=len).split())    # 2.3 - The Embedding layer    X1 = np.array(["funny lol", "lets play baseball", "food is ready for you"])    X1_indices = sentences_to_indices(X1, word_to_index, max_len=5)    print("X1 =", X1)    print("X1_indices =", X1_indices)    embedding_layer = pretrained_embedding_layer(word_to_vec_map, word_to_index)    print("weights[0][1][3] =", embedding_layer.get_weights()[0][1][3])    # 2.3 Building the Emojifier-V2    model = Emojify_V2((maxLen,), word_to_vec_map, word_to_index)    model.summary()    model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy'])    X_train_indices = sentences_to_indices(X_train, word_to_index, maxLen)    Y_train_oh = convert_to_one_hot(Y_train, C=5)    model.fit(X_train_indices, Y_train_oh, epochs=50, batch_size=32, shuffle=True)    X_test_indices = sentences_to_indices(X_test, word_to_index, max_len=maxLen)    Y_test_oh = convert_to_one_hot(Y_test, C=5)    loss, acc = model.evaluate(X_test_indices, Y_test_oh)    print()    print("Test accuracy = ", acc)    # This code allows you to see the mislabelled examples    C = 5    y_test_oh = np.eye(C)[Y_test.reshape(-1)]    X_test_indices = sentences_to_indices(X_test, word_to_index, maxLen)    pred = model.predict(X_test_indices)    for i in range(len(X_test)):        x = X_test_indices        num = np.argmax(pred[i])        if (num != Y_test[i]):            print('Expected emoji:' + label_to_emoji(Y_test[i]) + ' prediction: ' + X_test[i] + label_to_emoji(                num).strip())    # Change the sentence below to see your prediction. Make sure all the words are in the Glove embeddings.    x_test = np.array(['you are not my girl friend'])    X_test_indices = sentences_to_indices(x_test, word_to_index, maxLen)    print(x_test[0] + ' ' + label_to_emoji(np.argmax(model.predict(X_test_indices))))print("ALL Program  END!!! ")

转载地址:http://vstii.baihongyu.com/

你可能感兴趣的文章
WPF中PATH使用AI导出SVG的方法
查看>>
QT打开项目提示no valid settings file could be found
查看>>
java LinkedList与ArrayList迭代器遍历和for遍历对比
查看>>
如何用好碎片化时间,让思维更有效率?
查看>>
带WiringPi库的交叉笔译如何处理二之软链接概念
查看>>
Java8 HashMap集合解析
查看>>
自定义 select 下拉框 多选插件
查看>>
fastcgi_param 详解
查看>>
Spring AOP + Redis + 注解实现redis 分布式锁
查看>>
poj 1976 A Mini Locomotive (dp 二维01背包)
查看>>
《计算机网络》第五章 运输层 ——TCP和UDP 可靠传输原理 TCP流量控制 拥塞控制 连接管理
查看>>
《PostgreSQL技术内幕:查询优化深度探索》养成记
查看>>
剑指_复杂链表的复制
查看>>
FTP 常见问题
查看>>
shell 快捷键
查看>>
MODULE_DEVICE_TABLE的理解
查看>>
No devices detected. Fatal server error: no screens found
查看>>
db db2_monitorTool IBM Rational Performace Tester
查看>>
postgresql监控工具pgstatspack的安装及使用
查看>>
swift中单例的创建及销毁
查看>>