diff --git a/README.md b/README.md index 9236c2f..66199a1 100644 --- a/README.md +++ b/README.md @@ -1,2 +1,6 @@ # Amazon product rating Project for rating products on amazon based on reviewer/product data + +Please see https://kasra-eshaghi.github.io/blog/software/amazon-product-rating for more details. + +The data for this project can be found at https://www.kaggle.com/c/csc2515-rating-prediction \ No newline at end of file diff --git a/all_models.py b/all_models.py new file mode 100644 index 0000000..cf18a2a --- /dev/null +++ b/all_models.py @@ -0,0 +1,183 @@ +# -*- coding: utf-8 -*- + +import tensorflow as tf +from tensorflow import keras + +def model_1(train_review_time, train_categories, train_summaries, train_reviews, cv_summary_fit, cv_review_fit): + # model 1 - min val = 0.5619 + input_time = keras.layers.Input(shape = [train_review_time.shape[1]], name='time_input') + input_cat = keras.layers.Input(shape = [train_categories.shape[1]], name='cat_input') + input_summary = keras.layers.Input(shape = [train_summaries.shape[1]], name='summary_input') + input_review = keras.layers.Input(shape = [train_reviews.shape[1]], name='review_input') + + embed_summary = keras.layers.Embedding(input_dim = (len(cv_summary_fit.vocabulary_)+1), output_dim = 5, input_length = train_summaries.shape[1], name = 'embed_summary')(input_summary) + embed_review = keras.layers.Embedding(input_dim = (len(cv_review_fit.vocabulary_)+1), output_dim = 32, input_length = train_reviews.shape[1], name = 'embed_review')(input_review) + + flatten_summary = keras.layers.Flatten()(embed_summary) + flatten_review = keras.layers.Flatten()(embed_review) + + concat_all = keras.layers.concatenate([input_time, input_cat, flatten_summary, flatten_review]) + + hidden_1 = keras.layers.Dense(units = 100, activation = 'relu', name = 'hidden')(concat_all) + + output = keras.layers.Dense(units = 1, name = 'output')(hidden_1) + + model = keras.Model(inputs=[input_time, input_cat, input_summary, input_review], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + + return model + +def model_2(train_reviews, cv_review_fit): + #min val = 0.6 + model = keras.models.Sequential([ + keras.layers.Embedding(input_dim = (len(cv_review_fit.vocabulary_)+1), output_dim = 32, input_length = train_reviews.shape[1], name = 'embed_review'), + keras.layers.LSTM(units = 128), + keras.layers.Dense(units = 1, name = 'output'), + ]) + + model.compile(loss = 'mse', optimizer = 'Adam') + + return model + +def model_3(train_review_time, train_categories, train_summaries, train_reviews, cv_summary_fit, cv_review_fit): + # model 3 - min val = 0.58 + input_time = keras.layers.Input(shape = [train_review_time.shape[1]], name='time_input') + input_cat = keras.layers.Input(shape = [train_categories.shape[1]], name='cat_input') + input_summary = keras.layers.Input(shape = [train_summaries.shape[1]], name='summary_input') + input_review = keras.layers.Input(shape = [train_reviews.shape[1]], name='review_input') + + embed_cat = keras.layers.Embedding(input_dim = 5, output_dim = 5, input_length = train_categories.shape[1], name = 'embed_cat')(input_cat) + embed_summary = keras.layers.Embedding(input_dim = (len(cv_summary_fit.vocabulary_)+1), output_dim = 5, input_length = train_summaries.shape[1], name = 'embed_summary')(input_summary) + embed_review = keras.layers.Embedding(input_dim = (len(cv_review_fit.vocabulary_)+1), output_dim = 32, input_length = train_reviews.shape[1], name = 'embed_review')(input_review) + + flatten_cat = keras.layers.Flatten()(embed_cat) + flatten_summary = keras.layers.Flatten()(embed_summary) + flatten_review = keras.layers.Flatten()(embed_review) + + concat_all = keras.layers.concatenate([input_time, flatten_cat, flatten_summary, flatten_review]) + + hidden_1 = keras.layers.Dense(units = 100, activation = 'relu', name = 'hidden')(concat_all) + + output = keras.layers.Dense(units = 1, name = 'output')(hidden_1) + + model = keras.Model(inputs=[input_time, input_cat, input_summary, input_review], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + + return model + +def model_4(train_review_time, train_categories, train_summaries, train_reviews, cv_summary_fit, cv_review_fit): + # model 4 - min val = 0.86 + input_time = keras.layers.Input(shape = (train_review_time.shape[1],), name='time_input') + input_cat = keras.layers.Input(shape = (train_categories.shape[1],), name='cat_input') + + embed_cat = keras.layers.Embedding(input_dim = 5, output_dim = 5, input_length = train_categories.shape[1], name = 'embed_cat')(input_cat) + flatten_cat = keras.layers.Flatten(name = 'flatten_cat')(embed_cat) + concat_time_cat = keras.layers.concatenate([input_time, flatten_cat], name = 'concat_time_cat') + dense_time_cat = keras.layers.Dense(units = 10, activation = 'relu')(concat_time_cat) + + + input_summary = keras.layers.Input(shape = (train_summaries.shape[1],), name='summary_input') + embed_summary = keras.layers.Embedding(input_dim = (len(cv_summary_fit.vocabulary_)+1), output_dim = 32, input_length = train_summaries.shape[1], name = 'embed_summary')(input_summary) + lstm_summary = keras.layers.LSTM(units = 128)(embed_summary) + dense_summary = keras.layers.Dense(units = 1)(lstm_summary) + + input_review = keras.layers.Input(shape = (train_reviews.shape[1],), name='review_input') + embed_review = keras.layers.Embedding(input_dim = (len(cv_review_fit.vocabulary_)+1), output_dim = 32, input_length = train_reviews.shape[1], name = 'embed_review')(input_review) + lstm_review = keras.layers.LSTM(units = 128)(embed_review) + dense_review = keras.layers.Dense(units = 1)(lstm_review) + + concat_all = keras.layers.concatenate([dense_time_cat, dense_summary, dense_review]) + + + output = keras.layers.Dense(units = 1, name = 'output')(concat_all) + + model = keras.Model(inputs=[input_time, input_cat, input_summary, input_review], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + + return model + +def model_5(train_review_time, train_categories, train_summaries, train_reviews, cv_summary_fit, cv_review_fit): + # model 5 - min val =0.55 + input_time = keras.layers.Input(shape = [train_review_time.shape[1]], name='time_input') + input_cat = keras.layers.Input(shape = [train_categories.shape[1]], name='cat_input') + input_summary = keras.layers.Input(shape = [train_summaries.shape[1]], name='summary_input') + input_review = keras.layers.Input(shape = [train_reviews.shape[1]], name='review_input') + + embed_summary = keras.layers.Embedding(input_dim = (len(cv_summary_fit.vocabulary_)+1), output_dim = 16, input_length = train_summaries.shape[1], name = 'embed_summary')(input_summary) + embed_review = keras.layers.Embedding(input_dim = (len(cv_review_fit.vocabulary_)+1), output_dim = 32, input_length = train_reviews.shape[1], name = 'embed_review')(input_review) + + conv1d_summary = keras.layers.Conv1D(filters = 128, kernel_size=5)(embed_summary) + conv1d_review = keras.layers.Conv1D(filters = 128, kernel_size=5)(embed_review) + + flatten_summary = keras.layers.Flatten()(conv1d_summary) + flatten_review = keras.layers.Flatten()(conv1d_review) + + concat_all = keras.layers.concatenate([input_time, input_cat, flatten_summary, flatten_review]) + + hidden_1 = keras.layers.Dense(units = 100, activation = 'relu', name = 'hidden')(concat_all) + + output = keras.layers.Dense(units = 1, name = 'output')(hidden_1) + + model = keras.Model(inputs=[input_time, input_cat, input_summary, input_review], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + + return model + +def model_6(train_summaries, train_reviews, vocab_size, max_sent_len): + # create model, val error = 0.63 + input_reviews = keras.layers.Input(shape = (train_reviews.shape[1],), name = 'review_input') + input_summaries = keras.layers.Input(shape = (train_summaries.shape[1],), name = 'summary_input') + + embed_words = keras.layers.Embedding(input_dim = vocab_size, output_dim = 8, input_length = max_sent_len, mask_zero=True, name = 'word_embedding') + + input_reviews_encoded = embed_words(input_reviews) + input_summaries_encoded = embed_words(input_summaries) + + + concat_embeded_sentences = keras.layers.Concatenate(axis = -1, name = 'summary_and_review')([input_reviews_encoded, input_summaries_encoded]) + + lstm_sentences = keras.layers.LSTM(64, return_sequences = False, name = 'lstm_out')(concat_embeded_sentences) + + output = keras.layers.Dense(1)(lstm_sentences) + + model = keras.Model(inputs=[input_reviews, input_summaries], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + +def model_7(train_reviews, vocab_size, max_sent_len): + #%% create model, val error = 0.5 + input_reviews = keras.layers.Input(shape = (train_reviews.shape[1],), name = 'review_input') + + embed_review = keras.layers.Embedding(input_dim = vocab_size, output_dim = 32, input_length = max_sent_len, mask_zero=False)(input_reviews) + + gru_review = keras.layers.GRU(units = 128, return_sequences=False)(embed_review) + #gru_review_2 = keras.layers.GRU(units = 128)(gru_review) + + output = keras.layers.Dense(1)(gru_review) + + model = keras.Model(inputs=[input_reviews], outputs = [output]) + + model.compile(loss = 'mse', optimizer = 'Adam') + +def build_model(n_hidden = 1, n_neurons = 50, learning_rate = 3e-3, inputshape= 5): + model = keras.models.Sequential() + # add input layer + model.add(keras.layers.InputLayer(input_shape = (inputshape,))) + + model.add(keras.layers.Dense(n_neurons, activation = 'relu', input_shape = (inputshape,))) + # add desired number of hidden layers: + for layer in range(n_hidden-1): + model.add(keras.layers.Dense(n_neurons, activation = 'relu')) + + # add last dense layer to get output: + model.add(keras.layers.Dense(1)) + + # compile model: + model.compile(loss ='mse', optimizer = keras.optimizers.SGD(lr = learning_rate)) + + return model + diff --git a/data_analysis.py b/data_analysis.py new file mode 100644 index 0000000..75cd6aa --- /dev/null +++ b/data_analysis.py @@ -0,0 +1,147 @@ +# -*- coding: utf-8 -*- +""" +Created on Sun Dec 6 17:43:10 2020 + +@author: Kasra +""" + +import pandas as pd +import matplotlib.pyplot as plt +import numpy as np + +from sklearn.feature_extraction.text import CountVectorizer, TfidfVectorizer +from nltk.corpus import stopwords +from nltk.stem import WordNetLemmatizer, PorterStemmer + +# import data +df = pd.read_json('train.json', lines=True) +# drop unnecessary columns +df.drop('image', inplace = True, axis = 1) +df.drop('reviewTime', inplace = True, axis = 1) +df.drop('reviewHash', inplace = True, axis = 1) + +# clean up price data: +df['price'] = df['price'].replace({'\$':''}, regex = True) + +# clean up review text and summary text: +df['reviewText'] = df['reviewText'].replace(np.nan,'', regex = True) +df['summary'] = df['summary'].replace(np.nan,'', regex = True) + +#%% Look at rating for each music category over time +categories = df['category'].unique() +for category in categories: + colors = ['red', 'blue', 'green', 'magenta','gold'] + data = [] + for overall in range(1,6,1): + # find dataframe for specific overall and category: + temp_df = df.loc[(df['category'] == category) & (df['overall'] == overall)] + data.append(temp_df.unixReviewTime) + + + + plt.hist(data, color = colors, label = ['1','2','3','4','5'], bins = [0.9e9, 1e9, 1.1e9, 1.2e9, 1.3e9, 1.4e9, 1.5e9, 1.6e9]) + plt.title(category) + plt.xlim(0.9e9, 1.6e9) + plt.ylim(0, 30000) + plt.xlabel('unixReviewTime ') + plt.ylabel('Frequency') + + plt.show() + +#%% Look at statistics for review and summary data: +cv = CountVectorizer(ngram_range = (1,1), lowercase = True, analyzer = 'word', binary = True) +analyzer = cv.build_analyzer() + +# count number of words in the summary and reviews +summary_texts = list(df['summary']) +summary_lengths = [] +for summary in summary_texts: + # tokenize: + summary_tok = analyzer(summary) + summary_lengths.append(len(summary_tok)) + +review_texts = list(df['reviewText']) +review_lengths = [] +for review in review_texts: + # tokenize: + review_tok = analyzer(review) + review_lengths.append(len(review_tok)) + +plt.boxplot([summary_lengths], vert = False, labels = ['Summary']) +plt.title('Summary Length') +plt.xlim(0,40) +plt.show() + +plt.boxplot([review_lengths], vert = False, labels = ['Review']) +plt.title('Review Length') +plt.xlim(0, 5500) +plt.show() + +# count number of unique words in summary and review +cv_fit_summary = cv.fit(summary_texts) +print('number of unique words in summaries:', len(cv_fit_summary.vocabulary_.keys())) + +cv_fit_review = cv.fit(review_texts) +print('number of unique words in reviews:', len(cv_fit_review.vocabulary_.keys())) + +#%% look at common words in summary and review data: +# get common stop words +custom_stop_words = set(stopwords.words('english')) +# add additional stop words: +ps = PorterStemmer() +lemmatizer = WordNetLemmatizer() +additional_stop_words = {'pop', 'classical', 'jazz', 'dance', 'electronic', 'rock'} +additional_stop_words_normalized=set() +for additional_word in additional_stop_words: + category_lem = lemmatizer.lemmatize(additional_word) + category_stem = ps.stem(additional_word) + additional_stop_words_normalized.update({category_lem,category_stem}) + +custom_stop_words.update(additional_stop_words_normalized) +summary_texts = list(df['summary']) + + +cv_summary = CountVectorizer(ngram_range=(1,1), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = 30) +cv_summary_fit = cv_summary.fit_transform(summary_texts) + +word_count = np.sum(cv_summary_fit.toarray(), axis = 0) + +df_temp = pd.DataFrame({'word':cv_summary.get_feature_names(), 'word_count':word_count}) +df_temp.sort_values(by='word_count', ascending=False, inplace = True) +df_temp.plot(x='word', y='word_count', kind = 'bar') +plt.xlabel('Top 30 Frequent Unigrams') +plt.ylabel('Frequency') +plt.legend('') +plt.title('Summary Word Distribution') +plt.ylim(0, 30000) +plt.show() +#%% +review_texts = list(df['reviewText']) +cv_review = CountVectorizer(ngram_range=(1,1), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = 30) +cv_review_fit = cv_review.fit_transform(review_texts) + +word_count = np.sum(cv_review_fit.toarray(), axis = 0) + +df_temp = pd.DataFrame({'word':cv_review.get_feature_names(), 'word_count':word_count}) +df_temp.sort_values(by='word_count', ascending=False, inplace = True) +df_temp.plot(x='word', y='word_count', kind = 'bar') +plt.xlabel('Top 30 Frequent Unigrams') +plt.ylabel('Frequency') +plt.legend('') +plt.ylim(0, 70000) +plt.title('Review Word Distribution') +plt.show() + + + + + + + + + + + + + + diff --git a/final_model.h5 b/final_model.h5 new file mode 100644 index 0000000..accd3aa Binary files /dev/null and b/final_model.h5 differ diff --git a/final_submission.py b/final_submission.py new file mode 100644 index 0000000..44dd5e9 --- /dev/null +++ b/final_submission.py @@ -0,0 +1,236 @@ +import numpy as np +import pandas as pd +from sklearn.model_selection import train_test_split +from sklearn.feature_extraction.text import CountVectorizer +from sklearn.preprocessing import MinMaxScaler, OneHotEncoder +from nltk.corpus import stopwords +import tensorflow as tf +from tensorflow import keras + + +def create_data_processors(train_data, n_bigrams_summary, n_unigram_review): + ''' + This function create the preprocessors necessary for enconding the time, categorical, and text data + INTPUT: + train_data - all training data (in pd format) + OUTPUT: + scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit - preprocessing objects to be used + + ''' + pass + + scalar = MinMaxScaler(feature_range = (0,1), copy = False) + scalar_fit = scalar.fit(pd.DataFrame(train_data['unixReviewTime'])) + + cat_encoder = OneHotEncoder() + cat_encoder_fit = cat_encoder.fit(pd.DataFrame(train_data['category'])) + + custom_stop_words = set(stopwords.words('english')) + + summary_train = list(train_data['summary']) + cv_summary = CountVectorizer(ngram_range = (2,2), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = n_bigrams_summary) + cv_summary_fit = cv_summary.fit(summary_train) + + review_train = list(train_data['reviewText']) + cv_review = CountVectorizer(ngram_range = (1,1), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = n_unigram_review) + cv_review_fit = cv_review.fit(review_train) + + return scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit + +def clean_data(df): + ''' + This function cleans up the dataset + ''' + # drop unnecessary columns + df.drop('image', inplace = True, axis = 1) + df.drop('reviewTime', inplace = True, axis = 1) + df.drop('reviewHash', inplace = True, axis = 1) + df.drop('price', inplace = True, axis = 1) + + # clean up review text and summary text: + df['reviewText'] = df['reviewText'].replace(np.nan,'', regex = True) + df['summary'] = df['summary'].replace(np.nan,'', regex = True) + + return df + +def create_text_processor(train_data, n_vocab): + ''' + This function creates the tokenizer for processing text data + OUTPUT: + tokenizer - tokenizer instance that can be used to create text sequences + ''' + + summary_train = list(train_data['summary']) + review_train = list(train_data['reviewText']) + + text_all = summary_train+ review_train + + tokenizer = keras.preprocessing.text.Tokenizer(num_words = n_vocab) + tokenizer.fit_on_texts(text_all) + + return tokenizer + +def use_text_process(data, tokenizer, max_sent_len): + ''' + This function turns the summary and reviewText data into sequences that are padded + tokenizer must be provided + OUTPUTS: + train_summaries + train_reviews + ''' + summary = list(data['summary']) + review = list(data['reviewText']) + + # turn into sequence + summary_numbers = tokenizer.texts_to_sequences(summary) + review_numbers = tokenizer.texts_to_sequences(review) + + # pad: + summary_numbers = keras.preprocessing.sequence.pad_sequences(summary_numbers, padding = 'post', maxlen = max_sent_len) + review_numbers = keras.preprocessing.sequence.pad_sequences(review_numbers, padding = 'post', maxlen = max_sent_len) + + return summary_numbers, review_numbers + +def create_inputs(data, scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit, embed_cat, use_embed_summary, use_embed_review): + ''' + This function creates the training data based on the preprocessing objects scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit + use_embed_summary, use_embed_review are used to indicate how text data should be processed + ''' + # create time data + review_time_normalized = scalar_fit.transform(pd.DataFrame(data['unixReviewTime'])) + + # create category data + categories_1hot = cat_encoder_fit.transform(pd.DataFrame(data['category'])).toarray() + if embed_cat: + categories_1hot = embed_categories(categories_1hot) + + # create summary data + summary = list(data['summary']) + if use_embed_summary: + emb_sentence_length = 15 + summaries_encoded = embed_data(summary, cv_summary_fit, emb_sentence_length) + else: + summaries_encoded = cv_summary_fit.transform(summary) + + # create review data + review = list(data['reviewText']) + if use_embed_review: + emb_sentence_length = 300 + reviews_encoded = embed_data(review, cv_review_fit, emb_sentence_length) + else: + reviews_encoded = cv_review_fit.transform(review) + + return review_time_normalized, categories_1hot, summaries_encoded, reviews_encoded + +def embed_data(corp, cv, emb_sentence_length): + ''' + This function prepares the text data for the embedding layer: + INPUTS: + corp: list of strings, each of which is a datapoint + cv - count vectorizer instance used + emb_sentence_length - number of words to be considered in each sentence + OUTPUTS: + corp_for_embedding + ''' + analyzer = cv.build_analyzer() + corp_emb = [] + + # embed the sentence based on the words in dictionary + for sent in corp: + # tokenize sentence + sent_tokenized = analyzer(sent) + sent_emb = [] + for i, word in enumerate(sent_tokenized): + #onlt keep first few words in the sentence + if i > emb_sentence_length: + break + # check if word is in the vocabulary + if word in cv.vocabulary_: + sent_emb.append(cv.vocabulary_[word]+1) # add one to avoid 0, as the vocabulary includes index 0 as well + + # add sentences to embedded corpus + corp_emb.append(sent_emb) + + # padd corpus to make them all the same length + corp_pad = keras.preprocessing.sequence.pad_sequences(corp_emb, emb_sentence_length, padding = 'post') + + return corp_pad + +def embed_categories(categories_1hot): + ''' + This function embeds the categories + ''' + categories_embedded = np.where(categories_1hot == 1)[1] + categories_embedded = categories_embedded.reshape((-1,1)) + + return categories_embedded + + +############## Preprocessing ################# +# read data +all_data = pd.read_json('train.json', lines=True) +all_data = clean_data(all_data) + +# split training data +train_data, val_data = train_test_split(all_data, test_size = 0.3, random_state = 0) +y_train = np.array(train_data['overall']) +y_val = np.array(val_data['overall']) + +# create tokenizer for text data +n_vocab = 5000 +tokenizer = create_text_processor(train_data, n_vocab) +vocab_size = len(tokenizer.word_index)+1 + +# turn text data into sequences +max_sent_len = 100 +train_summaries, train_reviews = use_text_process(train_data, tokenizer, max_sent_len) +val_summaries, val_reviews = use_text_process(val_data, tokenizer, max_sent_len) + +train_texts = np.concatenate((train_reviews, train_summaries), axis = 1) +val_texts = np.concatenate((val_reviews, val_summaries), axis = 1) + +# create one-hot encoder for categories, and scalar transform for review time. NOTE: cv_summary_fit, cv_review_fit are not used. +scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit= create_data_processors(train_data, 200, 200) +train_review_time, train_categories, _, _ = create_inputs(train_data, scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit, False, True, True) +val_review_time, val_categories, _, _ = create_inputs(val_data, scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit, False, True, True) + +################# Fit model ################## +# hyperparameters +e_size = 16 +l_size = 64 +d_size = 200 + + +# add early stopping criterion +model_early_stopping_callback = tf.keras.callbacks.EarlyStopping( + monitor = 'val_loss', + patience = 5, + mode = 'min', + ) +call_backs = [model_early_stopping_callback] + +# inputs: +input_text = keras.layers.Input(shape = (train_texts.shape[1],), name = 'text_input') +input_time = keras.layers.Input(shape = (train_review_time.shape[1],), name = 'review_time') +input_cat = keras.layers.Input(shape = (train_categories.shape[1],), name = 'categories') + +# text embedding and LSTM: +embed_words = keras.layers.Embedding(input_dim = vocab_size, output_dim = e_size, input_length = max_sent_len*2, mask_zero=True, name = 'word_embedding')(input_text) +LSTM_review = keras.layers.LSTM(units = l_size, return_sequences=False)(embed_words) + +# concatenate all processed inputs +concat_all = keras.layers.concatenate([input_time, input_cat, LSTM_review], name = 'concat_all') + +# dense layer # 1 +dense_layer = keras.layers.Dense(units = d_size, activation = 'relu')(concat_all) + +# dense layer # 2 +output = keras.layers.Dense(1)(dense_layer) + +model = keras.Model(inputs=[input_text, input_time, input_cat], outputs = [output]) +model.compile(loss = 'mse', optimizer = 'Adam') + +# fit model +history = model.fit((train_texts, train_review_time, train_categories), y_train, batch_size=32, epochs = 100, validation_data = (((val_texts, val_review_time, val_categories)),y_val), callbacks = call_backs) + +########## THANK YOU ######### \ No newline at end of file diff --git a/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471357.DESKTOP-CIMLAB-.21400.75660.v2 b/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471357.DESKTOP-CIMLAB-.21400.75660.v2 new file mode 100644 index 0000000..b9cb6e1 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471357.DESKTOP-CIMLAB-.21400.75660.v2 differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471372.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471372.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..f0088c7 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/events.out.tfevents.1607471372.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..8e73900 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..3b57fa0 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..fd32142 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..9d9fa1f Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..13847fb Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/train/plugins/profile/2020_12_08_23_49_32/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-18_49_15/validation/events.out.tfevents.1607471511.DESKTOP-CIMLAB-.21400.87326.v2 b/my_logs/run_2020_12_08-18_49_15/validation/events.out.tfevents.1607471511.DESKTOP-CIMLAB-.21400.87326.v2 new file mode 100644 index 0000000..4a968f0 Binary files /dev/null and b/my_logs/run_2020_12_08-18_49_15/validation/events.out.tfevents.1607471511.DESKTOP-CIMLAB-.21400.87326.v2 differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472044.DESKTOP-CIMLAB-.21400.95252.v2 b/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472044.DESKTOP-CIMLAB-.21400.95252.v2 new file mode 100644 index 0000000..4e7ffa1 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472044.DESKTOP-CIMLAB-.21400.95252.v2 differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472059.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472059.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..fe48aed Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/events.out.tfevents.1607472059.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..908604c Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..667cbe7 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..9e1dca7 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..984d933 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..682a1c3 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/train/plugins/profile/2020_12_09_00_00_59/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-19_00_12/validation/events.out.tfevents.1607472108.DESKTOP-CIMLAB-.21400.106870.v2 b/my_logs/run_2020_12_08-19_00_12/validation/events.out.tfevents.1607472108.DESKTOP-CIMLAB-.21400.106870.v2 new file mode 100644 index 0000000..2a48065 Binary files /dev/null and b/my_logs/run_2020_12_08-19_00_12/validation/events.out.tfevents.1607472108.DESKTOP-CIMLAB-.21400.106870.v2 differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472576.DESKTOP-CIMLAB-.21400.111811.v2 b/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472576.DESKTOP-CIMLAB-.21400.111811.v2 new file mode 100644 index 0000000..9442008 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472576.DESKTOP-CIMLAB-.21400.111811.v2 differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472587.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472587.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..3c6e0a6 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/events.out.tfevents.1607472587.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..52cea59 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..d2f6ba0 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..0d6fcf2 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..293af0b Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..395a765 Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/train/plugins/profile/2020_12_09_00_09_47/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-19_08_23/validation/events.out.tfevents.1607472818.DESKTOP-CIMLAB-.21400.118158.v2 b/my_logs/run_2020_12_08-19_08_23/validation/events.out.tfevents.1607472818.DESKTOP-CIMLAB-.21400.118158.v2 new file mode 100644 index 0000000..676da1e Binary files /dev/null and b/my_logs/run_2020_12_08-19_08_23/validation/events.out.tfevents.1607472818.DESKTOP-CIMLAB-.21400.118158.v2 differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473673.DESKTOP-CIMLAB-.21400.121576.v2 b/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473673.DESKTOP-CIMLAB-.21400.121576.v2 new file mode 100644 index 0000000..9cf2678 Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473673.DESKTOP-CIMLAB-.21400.121576.v2 differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473683.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473683.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..1c21d6a Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/events.out.tfevents.1607473683.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..ce86bce Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..c96021d Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..340fcec Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..14cf2ae Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..1607697 Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/train/plugins/profile/2020_12_09_00_28_03/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-19_27_53/validation/events.out.tfevents.1607473901.DESKTOP-CIMLAB-.21400.127923.v2 b/my_logs/run_2020_12_08-19_27_53/validation/events.out.tfevents.1607473901.DESKTOP-CIMLAB-.21400.127923.v2 new file mode 100644 index 0000000..9f55e55 Binary files /dev/null and b/my_logs/run_2020_12_08-19_27_53/validation/events.out.tfevents.1607473901.DESKTOP-CIMLAB-.21400.127923.v2 differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473937.DESKTOP-CIMLAB-.21400.131000.v2 b/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473937.DESKTOP-CIMLAB-.21400.131000.v2 new file mode 100644 index 0000000..6d34325 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473937.DESKTOP-CIMLAB-.21400.131000.v2 differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473947.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473947.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..9e2a263 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/events.out.tfevents.1607473947.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..cc8bcb4 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..52158a6 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..4a92996 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..fbaa70d Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..c136ea1 Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/train/plugins/profile/2020_12_09_00_32_27/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-19_32_16/validation/events.out.tfevents.1607474161.DESKTOP-CIMLAB-.21400.137347.v2 b/my_logs/run_2020_12_08-19_32_16/validation/events.out.tfevents.1607474161.DESKTOP-CIMLAB-.21400.137347.v2 new file mode 100644 index 0000000..e8c7fab Binary files /dev/null and b/my_logs/run_2020_12_08-19_32_16/validation/events.out.tfevents.1607474161.DESKTOP-CIMLAB-.21400.137347.v2 differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474836.DESKTOP-CIMLAB-.21400.140313.v2 b/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474836.DESKTOP-CIMLAB-.21400.140313.v2 new file mode 100644 index 0000000..5bc58e9 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474836.DESKTOP-CIMLAB-.21400.140313.v2 differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474893.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474893.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..56ba4e1 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/events.out.tfevents.1607474893.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..7262521 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..8c2d6c2 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..75cf4cb Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..c750de2 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..871a489 Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/train/plugins/profile/2020_12_09_00_48_13/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-19_47_15/validation/events.out.tfevents.1607475139.DESKTOP-CIMLAB-.21400.146776.v2 b/my_logs/run_2020_12_08-19_47_15/validation/events.out.tfevents.1607475139.DESKTOP-CIMLAB-.21400.146776.v2 new file mode 100644 index 0000000..ef9a6fc Binary files /dev/null and b/my_logs/run_2020_12_08-19_47_15/validation/events.out.tfevents.1607475139.DESKTOP-CIMLAB-.21400.146776.v2 differ diff --git a/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475381.DESKTOP-CIMLAB- b/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475381.DESKTOP-CIMLAB- new file mode 100644 index 0000000..1662331 Binary files /dev/null and b/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475381.DESKTOP-CIMLAB- differ diff --git a/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475386.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475386.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..6bc68c4 Binary files /dev/null and b/my_logs/run_2020_12_08-19_56_14/events.out.tfevents.1607475386.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-19_56_14/plugins/profile/2020-12-08_19-56-26/local.trace b/my_logs/run_2020_12_08-19_56_14/plugins/profile/2020-12-08_19-56-26/local.trace new file mode 100644 index 0000000..7de8377 Binary files /dev/null and b/my_logs/run_2020_12_08-19_56_14/plugins/profile/2020-12-08_19-56-26/local.trace differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476712.DESKTOP-CIMLAB-.2848.630.v2 b/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476712.DESKTOP-CIMLAB-.2848.630.v2 new file mode 100644 index 0000000..f480fb2 Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476712.DESKTOP-CIMLAB-.2848.630.v2 differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476714.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476714.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..337b50e Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/events.out.tfevents.1607476714.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..7872ded Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..0878352 Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..52df225 Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..634098b Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..fd5b5dd Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/train/plugins/profile/2020_12_09_01_18_34/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-20_18_32/validation/events.out.tfevents.1607476932.DESKTOP-CIMLAB-.2848.7093.v2 b/my_logs/run_2020_12_08-20_18_32/validation/events.out.tfevents.1607476932.DESKTOP-CIMLAB-.2848.7093.v2 new file mode 100644 index 0000000..7a49036 Binary files /dev/null and b/my_logs/run_2020_12_08-20_18_32/validation/events.out.tfevents.1607476932.DESKTOP-CIMLAB-.2848.7093.v2 differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478017.DESKTOP-CIMLAB-.2848.10602.v2 b/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478017.DESKTOP-CIMLAB-.2848.10602.v2 new file mode 100644 index 0000000..1997c5b Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478017.DESKTOP-CIMLAB-.2848.10602.v2 differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478021.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478021.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..a346a5c Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/events.out.tfevents.1607478021.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..f4c23da Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..99b8bcc Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..afd767d Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..d95f60b Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..27cdd08 Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/train/plugins/profile/2020_12_09_01_40_21/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-20_40_16/validation/events.out.tfevents.1607478273.DESKTOP-CIMLAB-.2848.18677.v2 b/my_logs/run_2020_12_08-20_40_16/validation/events.out.tfevents.1607478273.DESKTOP-CIMLAB-.2848.18677.v2 new file mode 100644 index 0000000..51cb715 Binary files /dev/null and b/my_logs/run_2020_12_08-20_40_16/validation/events.out.tfevents.1607478273.DESKTOP-CIMLAB-.2848.18677.v2 differ diff --git a/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479363.DESKTOP-CIMLAB-.2848.22728.v2 b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479363.DESKTOP-CIMLAB-.2848.22728.v2 new file mode 100644 index 0000000..3ed03cf Binary files /dev/null and b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479363.DESKTOP-CIMLAB-.2848.22728.v2 differ diff --git a/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479383.DESKTOP-CIMLAB-.2848.22819.v2 b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479383.DESKTOP-CIMLAB-.2848.22819.v2 new file mode 100644 index 0000000..2601b7b Binary files /dev/null and b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479383.DESKTOP-CIMLAB-.2848.22819.v2 differ diff --git a/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479444.DESKTOP-CIMLAB-.2848.23489.v2 b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479444.DESKTOP-CIMLAB-.2848.23489.v2 new file mode 100644 index 0000000..4844762 Binary files /dev/null and b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479444.DESKTOP-CIMLAB-.2848.23489.v2 differ diff --git a/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479551.DESKTOP-CIMLAB-.2848.24164.v2 b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479551.DESKTOP-CIMLAB-.2848.24164.v2 new file mode 100644 index 0000000..881c1c4 Binary files /dev/null and b/my_logs/run_2020_12_08-21_02_42/train/events.out.tfevents.1607479551.DESKTOP-CIMLAB-.2848.24164.v2 differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479847.DESKTOP-CIMLAB-.2848.29528.v2 b/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479847.DESKTOP-CIMLAB-.2848.29528.v2 new file mode 100644 index 0000000..1243776 Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479847.DESKTOP-CIMLAB-.2848.29528.v2 differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479854.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479854.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..02e4237 Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/events.out.tfevents.1607479854.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..b7dd34c Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..b2229cd Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..d9f3d5e Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..6b23ce1 Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..a7b01e8 Binary files /dev/null and b/my_logs/run_2020_12_08-21_10_46/train/plugins/profile/2020_12_09_02_10_54/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479924.DESKTOP-CIMLAB-.2848.35704.v2 b/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479924.DESKTOP-CIMLAB-.2848.35704.v2 new file mode 100644 index 0000000..2cd6a02 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479924.DESKTOP-CIMLAB-.2848.35704.v2 differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479932.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479932.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..ee8dbc6 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/events.out.tfevents.1607479932.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..c02c3f2 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..6c0759e Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..c3e9432 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..8c4462e Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..e6adf15 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/train/plugins/profile/2020_12_09_02_12_12/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-21_12_03/validation/events.out.tfevents.1607480169.DESKTOP-CIMLAB-.2848.43909.v2 b/my_logs/run_2020_12_08-21_12_03/validation/events.out.tfevents.1607480169.DESKTOP-CIMLAB-.2848.43909.v2 new file mode 100644 index 0000000..64001f3 Binary files /dev/null and b/my_logs/run_2020_12_08-21_12_03/validation/events.out.tfevents.1607480169.DESKTOP-CIMLAB-.2848.43909.v2 differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480424.DESKTOP-CIMLAB-.2848.47690.v2 b/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480424.DESKTOP-CIMLAB-.2848.47690.v2 new file mode 100644 index 0000000..0b9779b Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480424.DESKTOP-CIMLAB-.2848.47690.v2 differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480431.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480431.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..688343d Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/events.out.tfevents.1607480431.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..f91e97e Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..6196eac Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..7a925f9 Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..37bb86f Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..bdcc8a1 Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/train/plugins/profile/2020_12_09_02_20_31/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-21_20_24/validation/events.out.tfevents.1607480661.DESKTOP-CIMLAB-.2848.54153.v2 b/my_logs/run_2020_12_08-21_20_24/validation/events.out.tfevents.1607480661.DESKTOP-CIMLAB-.2848.54153.v2 new file mode 100644 index 0000000..45b8661 Binary files /dev/null and b/my_logs/run_2020_12_08-21_20_24/validation/events.out.tfevents.1607480661.DESKTOP-CIMLAB-.2848.54153.v2 differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480737.DESKTOP-CIMLAB-.2848.57171.v2 b/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480737.DESKTOP-CIMLAB-.2848.57171.v2 new file mode 100644 index 0000000..2710fa8 Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480737.DESKTOP-CIMLAB-.2848.57171.v2 differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480744.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480744.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..be5e6cf Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/events.out.tfevents.1607480744.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..2b79fc6 Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..6e0ce8d Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..d7dc5d0 Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..813d987 Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..830b28c Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/train/plugins/profile/2020_12_09_02_25_44/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-21_25_37/validation/events.out.tfevents.1607480970.DESKTOP-CIMLAB-.2848.63634.v2 b/my_logs/run_2020_12_08-21_25_37/validation/events.out.tfevents.1607480970.DESKTOP-CIMLAB-.2848.63634.v2 new file mode 100644 index 0000000..d8f2d37 Binary files /dev/null and b/my_logs/run_2020_12_08-21_25_37/validation/events.out.tfevents.1607480970.DESKTOP-CIMLAB-.2848.63634.v2 differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481282.DESKTOP-CIMLAB-.2848.66652.v2 b/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481282.DESKTOP-CIMLAB-.2848.66652.v2 new file mode 100644 index 0000000..7becc73 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481282.DESKTOP-CIMLAB-.2848.66652.v2 differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481289.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481289.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..d8bd964 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/events.out.tfevents.1607481289.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..ce0112e Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..4eb0f29 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..2ec2150 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..0459130 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..576f141 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/train/plugins/profile/2020_12_09_02_34_49/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-21_34_41/validation/events.out.tfevents.1607481514.DESKTOP-CIMLAB-.2848.73115.v2 b/my_logs/run_2020_12_08-21_34_41/validation/events.out.tfevents.1607481514.DESKTOP-CIMLAB-.2848.73115.v2 new file mode 100644 index 0000000..2c11978 Binary files /dev/null and b/my_logs/run_2020_12_08-21_34_41/validation/events.out.tfevents.1607481514.DESKTOP-CIMLAB-.2848.73115.v2 differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483429.DESKTOP-CIMLAB-.2848.124022.v2 b/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483429.DESKTOP-CIMLAB-.2848.124022.v2 new file mode 100644 index 0000000..a201948 Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483429.DESKTOP-CIMLAB-.2848.124022.v2 differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483438.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483438.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..ca9cf95 Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/events.out.tfevents.1607483438.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..86276ec Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..9c37e31 Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..375598d Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..85ea505 Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..b37b564 Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/train/plugins/profile/2020_12_09_03_10_38/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-22_10_28/validation/events.out.tfevents.1607483664.DESKTOP-CIMLAB-.2848.132227.v2 b/my_logs/run_2020_12_08-22_10_28/validation/events.out.tfevents.1607483664.DESKTOP-CIMLAB-.2848.132227.v2 new file mode 100644 index 0000000..2d6cf4f Binary files /dev/null and b/my_logs/run_2020_12_08-22_10_28/validation/events.out.tfevents.1607483664.DESKTOP-CIMLAB-.2848.132227.v2 differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485350.DESKTOP-CIMLAB-.2848.171192.v2 b/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485350.DESKTOP-CIMLAB-.2848.171192.v2 new file mode 100644 index 0000000..1daaf35 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485350.DESKTOP-CIMLAB-.2848.171192.v2 differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485361.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485361.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..a8a20b8 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/events.out.tfevents.1607485361.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..04bb514 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..c3adace Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..b83947d Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..4eea673 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..1f63b87 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/train/plugins/profile/2020_12_09_03_42_41/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-22_42_30/validation/events.out.tfevents.1607485565.DESKTOP-CIMLAB-.2848.179373.v2 b/my_logs/run_2020_12_08-22_42_30/validation/events.out.tfevents.1607485565.DESKTOP-CIMLAB-.2848.179373.v2 new file mode 100644 index 0000000..4e2a9f9 Binary files /dev/null and b/my_logs/run_2020_12_08-22_42_30/validation/events.out.tfevents.1607485565.DESKTOP-CIMLAB-.2848.179373.v2 differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486015.DESKTOP-CIMLAB-.2848.194574.v2 b/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486015.DESKTOP-CIMLAB-.2848.194574.v2 new file mode 100644 index 0000000..f0d0f9e Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486015.DESKTOP-CIMLAB-.2848.194574.v2 differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486027.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486027.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..0dae68f Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/events.out.tfevents.1607486027.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..f8177f0 Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..abc8b5f Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..6a72a1e Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..331388c Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..fdf9392 Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/train/plugins/profile/2020_12_09_03_53_47/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-22_53_34/validation/events.out.tfevents.1607486257.DESKTOP-CIMLAB-.2848.202841.v2 b/my_logs/run_2020_12_08-22_53_34/validation/events.out.tfevents.1607486257.DESKTOP-CIMLAB-.2848.202841.v2 new file mode 100644 index 0000000..1862ffd Binary files /dev/null and b/my_logs/run_2020_12_08-22_53_34/validation/events.out.tfevents.1607486257.DESKTOP-CIMLAB-.2848.202841.v2 differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487475.DESKTOP-CIMLAB-.2848.234009.v2 b/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487475.DESKTOP-CIMLAB-.2848.234009.v2 new file mode 100644 index 0000000..f2a0d9e Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487475.DESKTOP-CIMLAB-.2848.234009.v2 differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487489.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487489.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..bb2123f Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/events.out.tfevents.1607487489.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..fb92b0f Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..63d80a3 Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..23dd64c Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..efb8fa5 Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..008dea8 Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/train/plugins/profile/2020_12_09_04_18_08/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_08-23_17_54/validation/events.out.tfevents.1607487721.DESKTOP-CIMLAB-.2848.242338.v2 b/my_logs/run_2020_12_08-23_17_54/validation/events.out.tfevents.1607487721.DESKTOP-CIMLAB-.2848.242338.v2 new file mode 100644 index 0000000..9bc910d Binary files /dev/null and b/my_logs/run_2020_12_08-23_17_54/validation/events.out.tfevents.1607487721.DESKTOP-CIMLAB-.2848.242338.v2 differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491583.DESKTOP-CIMLAB-.2848.293241.v2 b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491583.DESKTOP-CIMLAB-.2848.293241.v2 new file mode 100644 index 0000000..6c4cf27 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491583.DESKTOP-CIMLAB-.2848.293241.v2 differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491822.DESKTOP-CIMLAB-.2848.294540.v2 b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491822.DESKTOP-CIMLAB-.2848.294540.v2 new file mode 100644 index 0000000..79acf67 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491822.DESKTOP-CIMLAB-.2848.294540.v2 differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491893.DESKTOP-CIMLAB-.2848.298409.v2 b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491893.DESKTOP-CIMLAB-.2848.298409.v2 new file mode 100644 index 0000000..458d8d0 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491893.DESKTOP-CIMLAB-.2848.298409.v2 differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491909.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491909.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..1129cb8 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/events.out.tfevents.1607491909.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..f0e28fd Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..7dded56 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..56f2eac Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..8c63a38 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..be3037b Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/train/plugins/profile/2020_12_09_05_31_49/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-00_26_22/validation/events.out.tfevents.1607492212.DESKTOP-CIMLAB-.2848.306716.v2 b/my_logs/run_2020_12_09-00_26_22/validation/events.out.tfevents.1607492212.DESKTOP-CIMLAB-.2848.306716.v2 new file mode 100644 index 0000000..260cd22 Binary files /dev/null and b/my_logs/run_2020_12_09-00_26_22/validation/events.out.tfevents.1607492212.DESKTOP-CIMLAB-.2848.306716.v2 differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521371.DESKTOP-CIMLAB-.21608.1864.v2 b/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521371.DESKTOP-CIMLAB-.21608.1864.v2 new file mode 100644 index 0000000..2c4bf7d Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521371.DESKTOP-CIMLAB-.21608.1864.v2 differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521374.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521374.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..48bdcda Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/events.out.tfevents.1607521374.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..9f5a36f Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..ce25e78 Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..2c48bdd Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..a1ec6bf Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..baf8644 Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/train/plugins/profile/2020_12_09_13_42_54/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-08_42_50/validation/events.out.tfevents.1607521661.DESKTOP-CIMLAB-.21608.10171.v2 b/my_logs/run_2020_12_09-08_42_50/validation/events.out.tfevents.1607521661.DESKTOP-CIMLAB-.21608.10171.v2 new file mode 100644 index 0000000..e2f3d86 Binary files /dev/null and b/my_logs/run_2020_12_09-08_42_50/validation/events.out.tfevents.1607521661.DESKTOP-CIMLAB-.21608.10171.v2 differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525204.DESKTOP-CIMLAB-.21608.65289.v2 b/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525204.DESKTOP-CIMLAB-.21608.65289.v2 new file mode 100644 index 0000000..3ead1a6 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525204.DESKTOP-CIMLAB-.21608.65289.v2 differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525212.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525212.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..c251530 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/events.out.tfevents.1607525212.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..c865d50 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..4a480a3 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..1903ddb Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..95c6a68 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..ce51e5a Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/train/plugins/profile/2020_12_09_14_46_51/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-09_46_44/validation/events.out.tfevents.1607525390.DESKTOP-CIMLAB-.21608.73596.v2 b/my_logs/run_2020_12_09-09_46_44/validation/events.out.tfevents.1607525390.DESKTOP-CIMLAB-.21608.73596.v2 new file mode 100644 index 0000000..f86d243 Binary files /dev/null and b/my_logs/run_2020_12_09-09_46_44/validation/events.out.tfevents.1607525390.DESKTOP-CIMLAB-.21608.73596.v2 differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527415.DESKTOP-CIMLAB-.21608.141584.v2 b/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527415.DESKTOP-CIMLAB-.21608.141584.v2 new file mode 100644 index 0000000..9a5b422 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527415.DESKTOP-CIMLAB-.21608.141584.v2 differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527422.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527422.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..003cc71 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/events.out.tfevents.1607527422.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..b511847 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..0f9cf58 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..cb193da Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..f42c6c0 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..9b7ac01 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/train/plugins/profile/2020_12_09_15_23_42/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-10_23_33/validation/events.out.tfevents.1607527602.DESKTOP-CIMLAB-.21608.149891.v2 b/my_logs/run_2020_12_09-10_23_33/validation/events.out.tfevents.1607527602.DESKTOP-CIMLAB-.21608.149891.v2 new file mode 100644 index 0000000..f1b4e34 Binary files /dev/null and b/my_logs/run_2020_12_09-10_23_33/validation/events.out.tfevents.1607527602.DESKTOP-CIMLAB-.21608.149891.v2 differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529203.DESKTOP-CIMLAB-.21608.205333.v2 b/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529203.DESKTOP-CIMLAB-.21608.205333.v2 new file mode 100644 index 0000000..ed2e30f Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529203.DESKTOP-CIMLAB-.21608.205333.v2 differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529212.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529212.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..bbacd3e Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/events.out.tfevents.1607529212.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..fc22c1c Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..54e0406 Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..1b60fa5 Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..201ea5d Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..3874d95 Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/train/plugins/profile/2020_12_09_15_53_32/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-10_53_22/validation/events.out.tfevents.1607529434.DESKTOP-CIMLAB-.21608.213640.v2 b/my_logs/run_2020_12_09-10_53_22/validation/events.out.tfevents.1607529434.DESKTOP-CIMLAB-.21608.213640.v2 new file mode 100644 index 0000000..7f21957 Binary files /dev/null and b/my_logs/run_2020_12_09-10_53_22/validation/events.out.tfevents.1607529434.DESKTOP-CIMLAB-.21608.213640.v2 differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531480.DESKTOP-CIMLAB-.21608.269082.v2 b/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531480.DESKTOP-CIMLAB-.21608.269082.v2 new file mode 100644 index 0000000..8751fc1 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531480.DESKTOP-CIMLAB-.21608.269082.v2 differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531489.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531489.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..0669aa4 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/events.out.tfevents.1607531489.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..af701a3 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..0970cb3 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..534efc1 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..290cd4d Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..2283eb9 Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/train/plugins/profile/2020_12_09_16_31_29/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-11_31_18/validation/events.out.tfevents.1607531724.DESKTOP-CIMLAB-.21608.277389.v2 b/my_logs/run_2020_12_09-11_31_18/validation/events.out.tfevents.1607531724.DESKTOP-CIMLAB-.21608.277389.v2 new file mode 100644 index 0000000..5e524bf Binary files /dev/null and b/my_logs/run_2020_12_09-11_31_18/validation/events.out.tfevents.1607531724.DESKTOP-CIMLAB-.21608.277389.v2 differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533619.DESKTOP-CIMLAB-.21608.326500.v2 b/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533619.DESKTOP-CIMLAB-.21608.326500.v2 new file mode 100644 index 0000000..80b5370 Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533619.DESKTOP-CIMLAB-.21608.326500.v2 differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533630.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533630.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..e544270 Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/events.out.tfevents.1607533630.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..a99da9c Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..c3f2921 Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..3abde7c Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..4217f73 Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..5c07cd9 Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/train/plugins/profile/2020_12_09_17_07_10/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-12_06_58/validation/events.out.tfevents.1607533909.DESKTOP-CIMLAB-.21608.334807.v2 b/my_logs/run_2020_12_09-12_06_58/validation/events.out.tfevents.1607533909.DESKTOP-CIMLAB-.21608.334807.v2 new file mode 100644 index 0000000..7218e9e Binary files /dev/null and b/my_logs/run_2020_12_09-12_06_58/validation/events.out.tfevents.1607533909.DESKTOP-CIMLAB-.21608.334807.v2 differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536274.DESKTOP-CIMLAB-.21608.390249.v2 b/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536274.DESKTOP-CIMLAB-.21608.390249.v2 new file mode 100644 index 0000000..4b286fe Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536274.DESKTOP-CIMLAB-.21608.390249.v2 differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536285.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536285.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..3758396 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/events.out.tfevents.1607536285.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..d50be66 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..783dc45 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..f60e242 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..48aa497 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..c90f96c Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/train/plugins/profile/2020_12_09_17_51_25/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-12_51_13/validation/events.out.tfevents.1607536544.DESKTOP-CIMLAB-.21608.398556.v2 b/my_logs/run_2020_12_09-12_51_13/validation/events.out.tfevents.1607536544.DESKTOP-CIMLAB-.21608.398556.v2 new file mode 100644 index 0000000..72a2ae6 Binary files /dev/null and b/my_logs/run_2020_12_09-12_51_13/validation/events.out.tfevents.1607536544.DESKTOP-CIMLAB-.21608.398556.v2 differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538833.DESKTOP-CIMLAB-.21608.453940.v2 b/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538833.DESKTOP-CIMLAB-.21608.453940.v2 new file mode 100644 index 0000000..1e43596 Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538833.DESKTOP-CIMLAB-.21608.453940.v2 differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538845.DESKTOP-CIMLAB-.profile-empty b/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538845.DESKTOP-CIMLAB-.profile-empty new file mode 100644 index 0000000..5ed8398 Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/events.out.tfevents.1607538845.DESKTOP-CIMLAB-.profile-empty differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.input_pipeline.pb b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.input_pipeline.pb new file mode 100644 index 0000000..62257bd Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.input_pipeline.pb differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.kernel_stats.pb b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.kernel_stats.pb new file mode 100644 index 0000000..e69de29 diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.memory_profile.json.gz b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.memory_profile.json.gz new file mode 100644 index 0000000..5f2b79e Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.memory_profile.json.gz differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.overview_page.pb b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.overview_page.pb new file mode 100644 index 0000000..fb7f60e Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.overview_page.pb differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.tensorflow_stats.pb b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.tensorflow_stats.pb new file mode 100644 index 0000000..0140420 Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.tensorflow_stats.pb differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.trace.json.gz b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.trace.json.gz new file mode 100644 index 0000000..7fb0f62 Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.trace.json.gz differ diff --git a/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.xplane.pb b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.xplane.pb new file mode 100644 index 0000000..48331d9 Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/train/plugins/profile/2020_12_09_18_34_05/DESKTOP-CIMLAB-.xplane.pb differ diff --git a/my_logs/run_2020_12_09-13_33_51/validation/events.out.tfevents.1607539178.DESKTOP-CIMLAB-.21608.462247.v2 b/my_logs/run_2020_12_09-13_33_51/validation/events.out.tfevents.1607539178.DESKTOP-CIMLAB-.21608.462247.v2 new file mode 100644 index 0000000..a561bff Binary files /dev/null and b/my_logs/run_2020_12_09-13_33_51/validation/events.out.tfevents.1607539178.DESKTOP-CIMLAB-.21608.462247.v2 differ diff --git a/preprocessing.py b/preprocessing.py new file mode 100644 index 0000000..1013358 --- /dev/null +++ b/preprocessing.py @@ -0,0 +1,178 @@ +# -*- coding: utf-8 -*- +import numpy as np +import pandas as pd +import matplotlib.pyplot as plt + +from sklearn.feature_extraction.text import CountVectorizer, TfidfVectorizer +from sklearn.preprocessing import MinMaxScaler, OneHotEncoder + +from nltk.corpus import stopwords +from tensorflow import keras + +def create_text_processor(train_data, n_vocab): + ''' + This function creates the tokenizer for processing text data + OUTPUT: + tokenizer - tokenizer instance that can be used to create text sequences + ''' + + summary_train = list(train_data['summary']) + review_train = list(train_data['reviewText']) + + text_all = summary_train+ review_train + + tokenizer = keras.preprocessing.text.Tokenizer(num_words = n_vocab) + tokenizer.fit_on_texts(text_all) + + return tokenizer + +def use_text_process(data, tokenizer, max_sent_len): + ''' + This function turns the summary and reviewText data into sequences that are padded + tokenizer must be provided + OUTPUTS: + train_summaries + train_reviews + ''' + summary = list(data['summary']) + review = list(data['reviewText']) + + # turn into sequence + summary_numbers = tokenizer.texts_to_sequences(summary) + review_numbers = tokenizer.texts_to_sequences(review) + + # pad: + summary_numbers = keras.preprocessing.sequence.pad_sequences(summary_numbers, padding = 'post', maxlen = max_sent_len) + review_numbers = keras.preprocessing.sequence.pad_sequences(review_numbers, padding = 'post', maxlen = max_sent_len) + + return summary_numbers, review_numbers + + +def create_data_processors(train_data, n_bigrams_summary, n_unigram_review): + ''' + This function create the preprocessors necessary for enconding the time, categorical, and text data + INTPUT: + train_data - all training data (in pd format) + OUTPUT: + scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit - preprocessing objects to be used + + ''' + pass + + scalar = MinMaxScaler(feature_range = (0,1), copy = False) + scalar_fit = scalar.fit(pd.DataFrame(train_data['unixReviewTime'])) + + cat_encoder = OneHotEncoder() + cat_encoder_fit = cat_encoder.fit(pd.DataFrame(train_data['category'])) + + custom_stop_words = set(stopwords.words('english')) + + summary_train = list(train_data['summary']) + cv_summary = CountVectorizer(ngram_range = (2,2), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = n_bigrams_summary) + cv_summary_fit = cv_summary.fit(summary_train) + + review_train = list(train_data['reviewText']) + cv_review = CountVectorizer(ngram_range = (1,1), lowercase = True, stop_words=list(custom_stop_words), analyzer = 'word', binary = True, max_features = n_unigram_review) + cv_review_fit = cv_review.fit(review_train) + + return scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit + +def clean_data(df): + ''' + This function cleans up the dataset + ''' + # drop unnecessary columns + df.drop('image', inplace = True, axis = 1) + df.drop('reviewTime', inplace = True, axis = 1) + df.drop('reviewHash', inplace = True, axis = 1) + df.drop('price', inplace = True, axis = 1) + + # clean up review text and summary text: + df['reviewText'] = df['reviewText'].replace(np.nan,'', regex = True) + df['summary'] = df['summary'].replace(np.nan,'', regex = True) + + return df + +def embed_data(corp, cv, emb_sentence_length): + ''' + This function prepares the text data for the embedding layer: + INPUTS: + corp: list of strings, each of which is a datapoint + cv - count vectorizer instance used + emb_sentence_length - number of words to be considered in each sentence + OUTPUTS: + corp_for_embedding + ''' + analyzer = cv.build_analyzer() + corp_emb = [] + + # embed the sentence based on the words in dictionary + for sent in corp: + # tokenize sentence + sent_tokenized = analyzer(sent) + sent_emb = [] + for i, word in enumerate(sent_tokenized): + #onlt keep first few words in the sentence + if i > emb_sentence_length: + break + # check if word is in the vocabulary + if word in cv.vocabulary_: + sent_emb.append(cv.vocabulary_[word]+1) # add one to avoid 0, as the vocabulary includes index 0 as well + + # add sentences to embedded corpus + corp_emb.append(sent_emb) + + # padd corpus to make them all the same length + corp_pad = keras.preprocessing.sequence.pad_sequences(corp_emb, emb_sentence_length, padding = 'post') + + return corp_pad + +def embed_categories(categories_1hot): + ''' + This function embeds the categories + ''' + categories_embedded = np.where(categories_1hot == 1)[1] + categories_embedded = categories_embedded.reshape((-1,1)) + + return categories_embedded + +def create_inputs(data, scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit, embed_cat, use_embed_summary, use_embed_review): + ''' + This function creates the training data based on the preprocessing objects scalar_fit, cat_encoder_fit, cv_summary_fit, cv_review_fit + use_embed_summary, use_embed_review are used to indicate how text data should be processed + ''' + # create time data + review_time_normalized = scalar_fit.transform(pd.DataFrame(data['unixReviewTime'])) + + # create category data + categories_1hot = cat_encoder_fit.transform(pd.DataFrame(data['category'])).toarray() + if embed_cat: + categories_1hot = embed_categories(categories_1hot) + + # create summary data + summary = list(data['summary']) + if use_embed_summary: + emb_sentence_length = 15 + summaries_encoded = embed_data(summary, cv_summary_fit, emb_sentence_length) + else: + summaries_encoded = cv_summary_fit.transform(summary) + + # create review data + review = list(data['reviewText']) + if use_embed_review: + emb_sentence_length = 300 + reviews_encoded = embed_data(review, cv_review_fit, emb_sentence_length) + else: + reviews_encoded = cv_review_fit.transform(review) + + return review_time_normalized, categories_1hot, summaries_encoded, reviews_encoded + + +def cap_results(y): + ''' + This function caps the results, namely, ones over 5 are set to 5, and ones below 1 are set to 1 + ''' + y[np.where(y>5)] = 5 + y[np.where(y<1)] = 1 + + return y \ No newline at end of file diff --git a/report.pdf b/report.pdf new file mode 100644 index 0000000..c2e5341 Binary files /dev/null and b/report.pdf differ