In [1]:
#!/usr/bin/env python
# -*- coding: utf-8 -*-

In [8]:
import os
import string


import numpy as np
import pandas as pd
from yelp_utils import load_sparse_csr
import yelp_utils
from __future__ import print_function

from keras.preprocessing import sequence
from keras.utils import np_utils
from keras.models import Sequential
from keras.layers.core import Dense, Dropout, Activation
from keras.layers.embeddings import Embedding
from keras.layers.recurrent import LSTM
from keras.datasets import imdb

In [14]:
# SEED_VAL = 200
n_words=10000
# data_subset = "_10Percent"
VALIDATION_DATA_PERCENTAGE = 0.1
# WORK_DIR = os.getcwd()
# YELP_DATA_CSV_DIR = os.path.join(WORK_DIR, "data", "csv")
# YELP_DATA_WORD_2_VEC_MODEL_DIR = os.path.join(WORK_DIR, "data", "word2vec_model")
# YELP_DATA_SPARSE_MATRIX_DIR = os.path.join(WORK_DIR, "data", "sparse_matrix")

In [15]:
read_filename = os.path.join(yelp_utils.YELP_DATA_CSV_DIR, 'business_review_user'+ yelp_utils.data_subset+ '.csv')
df_data = pd.read_csv(read_filename, engine='c', encoding='utf-8')

In [16]:
def myLSTM(trainDataVecs, y,SEED_VAL=SEED_VAL):
    '''
    Function to train LSTM and print the accuracy for train and test.
    Based on code provided by Prof Mageed - https://github.com/mageed/deep_learning/blob/master/keras_tutorial_imdb.ipynb
    
    Divides the data in train 90% and test 10%. 
    
    Inputs
    trainDataVecs - Numpy darray matrix
    y - Numpy darray for vector
    SEED_VAL = seed for randomly shuffling the data
    
    Output
    prints the accuracy of trained model on training and testing data
    '''
    # Divide the data in test and train
    np.random.seed = SEED_VAL
    n_samples = len(trainDataVecs)
    sidx = np.random.permutation(n_samples)
    data_set_x = trainDataVecs.tolist()
    b = y
    
    # b[(b == 1) | (b == 2) | (b == 3)] = 0
    # b[(b == 4) | (b == 5)] = 1
    data_set_y = b.tolist()

    n_train = int(np.round(n_samples * (1. - VALIDATION_DATA_PERCENTAGE)))
    valid_set_x = [data_set_x[s] for s in sidx[n_train:]]
    valid_set_y = [data_set_y[s] for s in sidx[n_train:]]
    train_set_x = [data_set_x[s] for s in sidx[:n_train]]
    train_set_y = [data_set_y[s] for s in sidx[:n_train]]

    # def remove_unk(x):
    #     return [[1 if w >= n_words else w for w in sen] for sen in x]

    # train_set_x = remove_unk(train_set_x)
    # valid_set_x = remove_unk(valid_set_x)

    train = (train_set_x, train_set_y)
    valid = (valid_set_x, valid_set_y)

    max_features = 100
    maxlen = trainDataVecs.shape[1]  # cut texts after this number of words (among top max_features most common words)
    batch_size = 32

    X_train, y_train=train[0], train[1]
    X_test, y_test= valid[0], valid[1]

    print("Pad sequences (samples x time)")
    # http://keras.io/preprocessing/sequence/
    X_train = sequence.pad_sequences(X_train, maxlen=maxlen, dtype='float32')
    X_test = sequence.pad_sequences(X_test, maxlen=maxlen, dtype='float32')

    y_train = np.array(y_train, dtype='int32')
    y_test = np.array(y_test, dtype='int32')

    print('Build model...')
    # http://keras.io/objectives/
    # http://keras.io/optimizers/

    model = Sequential()
    model.add(Embedding(max_features, 128, input_length=maxlen))
    model.add(LSTM(128))  # try using a GRU instead, for fun
    model.add(Dropout(0.5))
    model.add(Dense(1))
    model.add(Activation('sigmoid'))

    # try using different optimizers and different optimizer configs
    # model.compile(loss='binary_crossentropy',
    #               optimizer='adam',
    #               class_mode="binary")

    # 'mean_squared_error', binary_crossentropy

    model.compile(loss='mean_squared_error', 
                  optimizer='adam', metrics=["accuracy"])

    print("Train...")
    %time model.fit(X_train, y_train, batch_size=batch_size, nb_epoch=3, validation_data=(X_test, y_test))


    score1, accuracy1 = model.evaluate(X_train, y_train,
                                batch_size=batch_size,
                                show_accuracy=True)
    
    print('Train score:', score1)
    print ('Train Accuracy: ', accuracy1)
    
    score2, accuracy2 = model.evaluate(X_test, y_test,
                            batch_size=batch_size,
                            show_accuracy=True)
    
    print('Test score:', score2)
    print ('Test Accuracy: ', accuracy2)
    
    
y = np.array(df_data.review_stars.copy(), dtype='int32')

Bag of words


In [17]:
spare_matrix_file = os.path.join(YELP_DATA_SPARSE_MATRIX_DIR, "bagWords"+ data_subset)
bag_of_words_sparse_matrix = load_sparse_csr(spare_matrix_file + ".npz")

In [18]:
matrix_bag_of_words = bag_of_words_sparse_matrix.toarray()
myLSTM(matrix_bag_of_words, y, SEED_VAL)


Pad sequences (samples x time)
Build model...
Train...
DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpxgm_yx/da6ac6908198a9d83223e8a2be6b76b9.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpxgm_yx/da6ac6908198a9d83223e8a2be6b76b9.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpa3xe3q/3822e09213127a9018d8f73e171845df.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpa3xe3q/3822e09213127a9018d8f73e171845df.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptmvxnw/561cf3a07c6124dfa8afda3ef055f9de.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptmvxnw/561cf3a07c6124dfa8afda3ef055f9de.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjafcar/81ec5359bb7aea7c1b392291c54c97d4.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjafcar/81ec5359bb7aea7c1b392291c54c97d4.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpvpisr4/eb6d5f39237bc327c06dff63482b9972.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpvpisr4/eb6d5f39237bc327c06dff63482b9972.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppn3yym/6459ec73e10dabe67e7e9e5ccb026c85.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppn3yym/6459ec73e10dabe67e7e9e5ccb026c85.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_r1rjh/9c9550a4d6faec837bc5f7d21db8ad3f.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_r1rjh/9c9550a4d6faec837bc5f7d21db8ad3f.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgli1h3/6cb5e30303584f8897d57a1f5b2a9eb6.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgli1h3/6cb5e30303584f8897d57a1f5b2a9eb6.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpzbpcyh/d7342f88cc82338178eb4648b2a0e31e.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpzbpcyh/d7342f88cc82338178eb4648b2a0e31e.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp2z0vpl/19eaed16bbe8051baf484ccf1bd89231.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp2z0vpl/19eaed16bbe8051baf484ccf1bd89231.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptla0sh/6b1a4be5c7d32393600a8de260ffc0e4.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptla0sh/6b1a4be5c7d32393600a8de260ffc0e4.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgi8zei/26154939b61a7c7677747031cde80328.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgi8zei/26154939b61a7c7677747031cde80328.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpadzmuc/03591e6f7304156e3b956ee04cd01af3.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpadzmuc/03591e6f7304156e3b956ee04cd01af3.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgybbcn/95124466d92eff5006ecdd397ceefac5.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgybbcn/95124466d92eff5006ecdd397ceefac5.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpq96eck/a6122fa740b080d355bb0aac156a1baa.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpq96eck/a6122fa740b080d355bb0aac156a1baa.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppu7gp8/1f77676baa319f8544e1429675dadf3e.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppu7gp8/1f77676baa319f8544e1429675dadf3e.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmponz2op/7c41d21e725a337a6f7a7978f81c64cd.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmponz2op/7c41d21e725a337a6f7a7978f81c64cd.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkbwuqf/7efddd09d814b4f169d2ee70ce7c20bd.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkbwuqf/7efddd09d814b4f169d2ee70ce7c20bd.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpim1foq/098c89fbf14f54ea437339c587fc1516.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpim1foq/098c89fbf14f54ea437339c587fc1516.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppyddje/77bdf0e4e44e811b2e3d88f04e647245.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppyddje/77bdf0e4e44e811b2e3d88f04e647245.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjudans/05d17261ef089a694599cff66aa98d5f.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjudans/05d17261ef089a694599cff66aa98d5f.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp83qgjw/6b05c79256df27c5a08ec9ebf3068e17.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp83qgjw/6b05c79256df27c5a08ec9ebf3068e17.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpnyfo94/29aa23b2cdf08b968fe48fcf9698c703.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpnyfo94/29aa23b2cdf08b968fe48fcf9698c703.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpyokeqg/b0020b37592f85d54853b1e7bcced1c3.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpyokeqg/b0020b37592f85d54853b1e7bcced1c3.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpsu4g7y/3b9c8349ed6c312651d583e5aff3dea9.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpsu4g7y/3b9c8349ed6c312651d583e5aff3dea9.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbahhwr/f9afdc71859216b41c62d5d7cf255fc1.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbahhwr/f9afdc71859216b41c62d5d7cf255fc1.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpi2uxdx/4ef41cecd308d5536d82f55027563896.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpi2uxdx/4ef41cecd308d5536d82f55027563896.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpanzvcy/9288b8ee31d282e2d2d5ef0a8780cd0e.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpanzvcy/9288b8ee31d282e2d2d5ef0a8780cd0e.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpceenx_/717578256b95117d3b98edc23c5c7531.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpceenx_/717578256b95117d3b98edc23c5c7531.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp7wgqto/7f9cb6984c894eb318083c44751a601b.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp7wgqto/7f9cb6984c894eb318083c44751a601b.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp0ekp8d/316e2e1cbfbe8cfb8e4a101f329ffeec.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp0ekp8d/316e2e1cbfbe8cfb8e4a101f329ffeec.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprdm0ax/1f08b8e24ebc71512128db6673c780b9.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprdm0ax/1f08b8e24ebc71512128db6673c780b9.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmplaojkl/20199d350a22dc90a3751174cbfbfbda.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmplaojkl/20199d350a22dc90a3751174cbfbfbda.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpaim6sk/54d687361aa35b5b90fd7eedfc21ff7a.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpaim6sk/54d687361aa35b5b90fd7eedfc21ff7a.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprhuevf/43a24cbb88da4a91c1f9312753185578.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprhuevf/43a24cbb88da4a91c1f9312753185578.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbaz5hi/fc0a77fd0d7a0a0c610947f403047873.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbaz5hi/fc0a77fd0d7a0a0c610947f403047873.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp5bq5bf/8e7b50a8223127f83423bdce68ed1923.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp5bq5bf/8e7b50a8223127f83423bdce68ed1923.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpb4pc7m/a0a7e0eb1a001e30c64fa892c01d5d1f.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpb4pc7m/a0a7e0eb1a001e30c64fa892c01d5d1f.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppgj3th/8dbb9aa346da1b094a0d4f32ac022d07.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppgj3th/8dbb9aa346da1b094a0d4f32ac022d07.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpak8ptl/a16bc42439b8f6f8784645c1cd3c5d13.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpak8ptl/a16bc42439b8f6f8784645c1cd3c5d13.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpxesjuf/4d356678982b65a0ffc8b038547364d8.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpxesjuf/4d356678982b65a0ffc8b038547364d8.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprssfpv/8cffb19b7b08293a4f3e1dbb9c21ddff.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprssfpv/8cffb19b7b08293a4f3e1dbb9c21ddff.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpj1cmcn/ef5673747c99044f59681d9ee3ac8b53.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpj1cmcn/ef5673747c99044f59681d9ee3ac8b53.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpu2v_lf/c4a12f4110948fee8dd968510835197b.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpu2v_lf/c4a12f4110948fee8dd968510835197b.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpajbj21/ad5efa6537da23c53f6d7d0265156900.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpajbj21/ad5efa6537da23c53f6d7d0265156900.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmimo0c/f6a9cff50ceb0c4bab96fe36beafeb52.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmimo0c/f6a9cff50ceb0c4bab96fe36beafeb52.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphpjanp/a75fe51b78cd45e598008b19e82e1aec.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphpjanp/a75fe51b78cd45e598008b19e82e1aec.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpg2utdy/3abb0129124305fbb12ea35f4f62668b.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpg2utdy/3abb0129124305fbb12ea35f4f62668b.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpf8vysb/4b4ddf2617f423020a0bffb041f89e17.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpf8vysb/4b4ddf2617f423020a0bffb041f89e17.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgpu_hh/a50996554e9a8a54e6687d74af498ccb.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpgpu_hh/a50996554e9a8a54e6687d74af498ccb.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpaiipwm/bbd3c241abecbf22dcd5e225956970ba.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpaiipwm/bbd3c241abecbf22dcd5e225956970ba.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpblzyek/e10d3b1ffe3ec2cd900e40b60df0376d.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpblzyek/e10d3b1ffe3ec2cd900e40b60df0376d.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpggiqej/f2c6188d44594013f187a29ece5ac26f.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpggiqej/f2c6188d44594013f187a29ece5ac26f.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjqdf0s/4cda7be18769c99abdf6e9e44c7d4d7a.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpjqdf0s/4cda7be18769c99abdf6e9e44c7d4d7a.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmjrbgm/1f1eea1d741bf3108d988189d144d5f5.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmjrbgm/1f1eea1d741bf3108d988189d144d5f5.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp8atnta/a93e84b8a93f24e40a07664ade0f0a60.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp8atnta/a93e84b8a93f24e40a07664ade0f0a60.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpwye00w/49998ffbdefdf18d464596bd95591cdb.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpwye00w/49998ffbdefdf18d464596bd95591cdb.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpqozwvn/bc49d03261b64981e97c19a17561e99c.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpqozwvn/bc49d03261b64981e97c19a17561e99c.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphvecen/1be5065b94e767ad8506b2068b55a8eb.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphvecen/1be5065b94e767ad8506b2068b55a8eb.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkb7ssf/7a7785233d95e11377dbbaa3365ca50c.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkb7ssf/7a7785233d95e11377dbbaa3365ca50c.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpuhitfq/a7ee9ac81a8aadad349a76dbd42e61bd.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpuhitfq/a7ee9ac81a8aadad349a76dbd42e61bd.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6gtzmm/adb95000fb2d8b41c5f4822585a03d95.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6gtzmm/adb95000fb2d8b41c5f4822585a03d95.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpqmz8f9/ae6081685fa17df49040a0569f0c35e5.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpqmz8f9/ae6081685fa17df49040a0569f0c35e5.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6w_rom/7ed4525884634d51a1cc93408bbf91da.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6w_rom/7ed4525884634d51a1cc93408bbf91da.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp7jarp0/ad4c9bf5ddd3b88c9f5fe6ce7ca9acde.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp7jarp0/ad4c9bf5ddd3b88c9f5fe6ce7ca9acde.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpi6ogbj/edba196692e795465f757a4384358e49.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpi6ogbj/edba196692e795465f757a4384358e49.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpv0nnwv/a933967e6ffba21f9f614365bc6d68f2.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpv0nnwv/a933967e6ffba21f9f614365bc6d68f2.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpoygtdt/27ff8fc3e411f4f8c03f91bfffc445de.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpoygtdt/27ff8fc3e411f4f8c03f91bfffc445de.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphv5dv7/93e53b94c35b5dc3ce0bb90d66411745.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmphv5dv7/93e53b94c35b5dc3ce0bb90d66411745.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpusz4uv/9404403c331c0f0c2952000f1724be7b.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpusz4uv/9404403c331c0f0c2952000f1724be7b.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_zftk2/79433e79a52b64e69466fae390f37dd6.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_zftk2/79433e79a52b64e69466fae390f37dd6.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptr0px1/a6c816eba9a8d2dc1e4389ccc1f6a757.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptr0px1/a6c816eba9a8d2dc1e4389ccc1f6a757.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp3k7j7i/115ad5545091042921c058d87f071db9.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp3k7j7i/115ad5545091042921c058d87f071db9.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkpsopv/a33f1ff67321ab80e11f53f17e41909d.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkpsopv/a33f1ff67321ab80e11f53f17e41909d.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpk6i9f2/92b4cd5041224f8e34985dae82a211ad.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpk6i9f2/92b4cd5041224f8e34985dae82a211ad.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpictztf/911cdcf3f95e8daceae4c3858bcd1e88.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpictztf/911cdcf3f95e8daceae4c3858bcd1e88.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprng4b5/24fa2ebf8b1c817c673d6a766af002b8.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprng4b5/24fa2ebf8b1c817c673d6a766af002b8.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6extkg/0787a97229bcb74c09ea811a4e75f774.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp6extkg/0787a97229bcb74c09ea811a4e75f774.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp1zkcxd/6cad082928c1972ed2acfc307cc2bb93.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp1zkcxd/6cad082928c1972ed2acfc307cc2bb93.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_wvl1b/b7bbb54f07baa8e98fcc87ba4285788d.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp_wvl1b/b7bbb54f07baa8e98fcc87ba4285788d.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprryi2l/1f168239c7c97d8098a7bde1c6f46d15.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmprryi2l/1f168239c7c97d8098a7bde1c6f46d15.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkebkct/85cf03734e2743fc09e678ce1e86081a.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpkebkct/85cf03734e2743fc09e678ce1e86081a.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbhxdeq/ac8553f67e9911c9f16203479455a677.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpbhxdeq/ac8553f67e9911c9f16203479455a677.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpb1jplm/0022808f212c800898bd4f02880e4695.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpb1jplm/0022808f212c800898bd4f02880e4695.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp3jvim3/fc5b1c16dcc3e06db0a4949472824c3a.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmp3jvim3/fc5b1c16dcc3e06db0a4949472824c3a.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppvyj56/02091d33e9334e22d0fd2410f5185d10.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmppvyj56/02091d33e9334e22d0fd2410f5185d10.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmplhoo1d/9854bfa6f034fe0d8f1c2131d4045172.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmplhoo1d/9854bfa6f034fe0d8f1c2131d4045172.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmjp1pf/c270ded5125e4b5140f317d0221abfcb.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpmjp1pf/c270ded5125e4b5140f317d0221abfcb.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptcn_io/73593e4c72c9ba0aa905457f38f73d86.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmptcn_io/73593e4c72c9ba0aa905457f38f73d86.exp

Train on 1974 samples, validate on 219 samples
Epoch 1/3
1974/1974 [==============================] - 131s - loss: 9.5641 - acc: 0.1145 - val_loss: 10.0141 - val_acc: 0.1050
Epoch 2/3
1974/1974 [==============================] - 131s - loss: 9.3202 - acc: 0.1170 - val_loss: 10.0139 - val_acc: 0.1050
Epoch 3/3
1974/1974 [==============================] - 130s - loss: 9.3200 - acc: 0.1170 - val_loss: 10.0138 - val_acc: 0.1050
Wall time: 20min 38s
C:\Anaconda\lib\site-packages\keras\models.py:426: UserWarning: The "show_accuracy" argument is deprecated, instead you should pass the "accuracy" metric to the model at compile time:
`model.compile(optimizer, loss, metrics=["accuracy"])`
  warnings.warn('The "show_accuracy" argument is deprecated, '
1974/1974 [==============================] - 53s    
Train score: 9.31977784718
Train Accuracy:  0.117021276656
219/219 [==============================] - 5s     
Test score: 10.0138272521
Test Accuracy:  0.105022831254

Bag of words + Hand craft features


In [19]:
# spare_matrix_file = os.path.join(YELP_DATA_SPARSE_MATRIX_DIR, "bagWords_feat_add" + data_subset)
# feature_matrix_bag_of_words_and_hand_craft_features = load_sparse_csr(spare_matrix_file + ".npz")

In [20]:
# myLSTM(feature_matrix_bag_of_words_and_hand_craft_features.toarray(), y, SEED_VAL)

Word Embedding


In [21]:
word2vec_feature_matrix_file = os.path.join(YELP_DATA_WORD_2_VEC_MODEL_DIR, "word2vec_feature_matrix" + data_subset+ ".csv")
feature_matrix_word2vec = np.genfromtxt(word2vec_feature_matrix_file, delimiter=',')

In [22]:
myLSTM(feature_matrix_word2vec, y, SEED_VAL)


Pad sequences (samples x time)
Build model...
Train...
DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpwzdufs/46035747dd44bd1429349de5669a2bee.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpwzdufs/46035747dd44bd1429349de5669a2bee.exp

DEBUG: nvcc STDOUT mod.cu
   Creating library C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpl1c3bj/79af18160b739f65153df56cfa3e90b7.lib and object C:/Users/hrushikesh/AppData/Local/Theano/compiledir_Windows-10-10.0.10586-Intel64_Family_6_Model_60_Stepping_3_GenuineIntel-2.7.12-64/tmpl1c3bj/79af18160b739f65153df56cfa3e90b7.exp

Train on 1974 samples, validate on 219 samples
Epoch 1/3
1974/1974 [==============================] - 40s - loss: 9.7047 - acc: 0.1170 - val_loss: 8.9230 - val_acc: 0.0868
Epoch 2/3
1974/1974 [==============================] - 40s - loss: 9.4415 - acc: 0.1190 - val_loss: 8.9226 - val_acc: 0.0868
Epoch 3/3
1974/1974 [==============================] - 41s - loss: 9.4412 - acc: 0.1190 - val_loss: 8.9225 - val_acc: 0.0868
Wall time: 2min 22s
1974/1974 [==============================] - 16s    
Train score: 9.44090737495
Train Accuracy:  0.119047619123
219/219 [==============================] - 1s     
Test score: 8.92254887759
Test Accuracy:  0.0867579909016

Word Embedding + Hand craft features


In [26]:
# word2vec_feature_matrix_file = os.path.join(YELP_DATA_WORD_2_VEC_MODEL_DIR, "word2vec_add_feature_matrix" + data_subset+ ".csv")
# feature_matrix_word2vec_and_hand_craft_features = np.genfromtxt(word2vec_feature_matrix_file, delimiter=',')

In [27]:
# myLSTM(feature_matrix_word2vec_and_hand_craft_features, y, SEED_VAL)

Hand craft features


In [28]:
# feature_matrix_hand_craft_features = feature_matrix_word2vec_and_hand_craft_features[:,100:104]

In [29]:
# myLSTM(feature_matrix_hand_craft_features, y, SEED_VAL)

In [ ]: