├── aml_config ├── docker.compute ├── dsvm.compute ├── dsvm.runconfig ├── docker.runconfig ├── conda_dependencies.yml ├── local.compute ├── spark_dependencies.yml ├── local.runconfig └── jupyter_notebook_config.py ├── .azureml └── project.json ├── preprocess.py ├── readme.md ├── train_lstm.py ├── train_cnn.py ├── train_svm.py └── azureml-logs └── dataprep ├── backgroundProcess_EngineHost.log ├── backgroundProcess_CLexExecutor.log ├── backgroundProcess_Engine.log ├── backgroundProcess_Sampling.log ├── backgroundProcess_ProjectProvider.log ├── backgroundProcess_Telemetry.log └── backgroundProcess_CLex.log /aml_config/docker.compute: -------------------------------------------------------------------------------- 1 | type: "localdocker" 2 | baseDockerImage: "microsoft/mmlspark:plus-gpu-0.9.9" 3 | #nativeSharedDirectory: "~/.azureml/share/" 4 | #sharedVolumes: true 5 | -------------------------------------------------------------------------------- /.azureml/project.json: -------------------------------------------------------------------------------- 1 | {"Id":"8d21df31-6c19-4405-a7af-fe37636676ec","Scope":"/subscriptions/e483250b-a61f-4028-bfbb-3f6ae9eebadc/resourceGroups/machinelearning/providers/Microsoft.MachineLearningExperimentation/accounts/ml_workspace/workspaces/mlWorkspace/projects/financial-default-prediction"} -------------------------------------------------------------------------------- /aml_config/dsvm.compute: -------------------------------------------------------------------------------- 1 | address: dsvm12.westus2.cloudapp.azure.com 2 | #baseDockerImage: microsoft/mmlspark:plus-0.9.9 3 | baseDockerImage: microsoft/mmlspark:plus-gpu-0.9.9 4 | #nativeSharedDirectory: ~/.azureml/share/ 5 | password: [AzureML Secret here] 6 | #sharedVolumes: true 7 | type: remotedocker 8 | username: [username] 9 | -------------------------------------------------------------------------------- /aml_config/dsvm.runconfig: -------------------------------------------------------------------------------- 1 | ArgumentVector: 2 | - $file 3 | CondaDependenciesFile: aml_config/conda_dependencies.yml 4 | EnvironmentVariables: null 5 | Framework: Python 6 | PrepareEnvironment: true 7 | #SparkDependenciesFile: aml_config/spark_dependencies.yml 8 | Target: dsvm 9 | TrackedRun: true 10 | UseSampling: true 11 | -------------------------------------------------------------------------------- /aml_config/docker.runconfig: -------------------------------------------------------------------------------- 1 | ArgumentVector: 2 | - "$file" 3 | Target: "docker" 4 | EnvironmentVariables: 5 | "EXAMPLE_ENV_VAR": "Example Value" 6 | Framework: "Python" 7 | CondaDependenciesFile: "aml_config/conda_dependencies.yml" 8 | # SparkDependenciesFile: "aml_config/spark_dependencies.yml" 9 | PrepareEnvironment: true 10 | TrackedRun: true 11 | -------------------------------------------------------------------------------- /aml_config/conda_dependencies.yml: -------------------------------------------------------------------------------- 1 | # Conda environment specification. The dependencies defined in this file will be 2 | # automatically provisioned for runs against docker, VM, and HDI cluster targets. 3 | 4 | # Details about the Conda environment file format: 5 | # https://conda.io/docs/using/envs.html#create-environment-file-by-hand 6 | 7 | # For Spark packages and configuration, see spark_dependencies.yml. 8 | 9 | name: project_environment 10 | dependencies: 11 | - python=3.5.2 12 | - scikit-learn 13 | - tensorflow 14 | - pip: 15 | - notebook 16 | - matplotlib 17 | - keras 18 | 19 | # The API for Azure Machine Learning Model Management Service. 20 | - azure-ml-api-sdk==0.1.0a11 21 | 22 | # Library for collecting data from operationalized models 23 | - azureml-model-management-sdk==1.0.1b6 24 | -------------------------------------------------------------------------------- /aml_config/local.compute: -------------------------------------------------------------------------------- 1 | # Defines a local compute target that uses an existing python environment. 2 | type: "local" 3 | 4 | # Specifies the user-managed python environment for the run. By default this 5 | # is "python" which uses the currently active python environment. The Azure ML 6 | # Workbench will use the python environment installed with it and the Azure ML 7 | # CLI will use whatever python environment it was installed into. 8 | # 9 | # You can change this to point at any python environment on your system, 10 | # including virtual environments and Conda environments. Note that backslashes 11 | # need to be escaped in this path, so it's easier to use forward slashes. 12 | pythonLocation: "python" 13 | 14 | # The $AZUREML_NATIVE_SHARE_DIRECTORY environment variable inside runs points 15 | # at a persistent directory that is shared between all runs of the same project 16 | # on the same target. This specifies the base path for those directories. 17 | nativeSharedDirectory: "~/.azureml/share/" -------------------------------------------------------------------------------- /aml_config/spark_dependencies.yml: -------------------------------------------------------------------------------- 1 | # Spark configuration and packages specification. The dependencies defined in 2 | # this file will be automatically provisioned for runs that use Spark. 3 | 4 | # For managing third-party python libraries, see conda_dependencies.yml. 5 | 6 | # Spark configuration properties. 7 | configuration: 8 | "spark.app.name": "Azure ML Experiment" 9 | "spark.yarn.maxAppAttempts": 1 10 | 11 | # Repositories to search for the specified Spark packages. 12 | repositories: 13 | - "https://mmlspark.azureedge.net/maven" 14 | 15 | # Spark packages to include in the run. 16 | packages: 17 | # Microsoft Machine Learning for Apache Spark provides a number of deep 18 | # learning and data science tools, including seamless integration of Spark 19 | # Machine Learning pipelines with Microsoft Cognitive Toolkit (CNTK) and 20 | # OpenCV, enabling you to quickly create powerful, highly-scalable 21 | # predictive and analytical models for large image and text datasets. 22 | # Details: https://github.com/Azure/mmlspark 23 | - group: "com.microsoft.ml.spark" 24 | artifact: "mmlspark_2.11" 25 | version: "0.9.9" 26 | 27 | # Required for SQL Server data sources. 28 | - group: "com.microsoft.sqlserver" 29 | artifact: "mssql-jdbc" 30 | version: "6.2.1.jre8" 31 | -------------------------------------------------------------------------------- /preprocess.py: -------------------------------------------------------------------------------- 1 | # this file is written to parse a specific dataset to construct an LSTM input layer and deserialize the data 2 | # your resulting data structure should be a 3D matrix of [samples, time steps, features] 3 | 4 | import pandas as pd 5 | import numpy as np 6 | import sys 7 | 8 | # read data 9 | prepivot = pd.read_csv('data/prepivot_weekly.csv') 10 | 11 | # read category lookup into dictionary 12 | categories = {} 13 | with open("data/categories.txt") as f: 14 | for line in f: 15 | (key, val) = line.split() 16 | categories[key] = val 17 | 18 | # construct input layer data 19 | data = np.zeros((199, 153, 37)) 20 | labels = np.empty((199, 1)) 21 | 22 | sample = 0 23 | previousID = '' 24 | for index, row in prepivot.iterrows(): 25 | if index == 0: 26 | previousID = row['LinkID'] 27 | labels[0] = row['Goal'] 28 | memberID = row['LinkID'] 29 | if memberID != previousID: 30 | sample = sample + 1 31 | labels[sample] = row['Goal'] 32 | timeStep = int(row['TimeStep']) - 1 33 | feature = int(categories[row['Category']]) 34 | 35 | if timeStep <= 153: 36 | data[sample, timeStep, feature] = int(row['Amount']) 37 | 38 | previousID = memberID 39 | 40 | # save input as .npy 41 | np.save('./data/sequence_data.npy', data) 42 | np.save('./data/sequence_labels.npy', labels) 43 | -------------------------------------------------------------------------------- /readme.md: -------------------------------------------------------------------------------- 1 | # Sequence Labeling with Traditional and DL Models for Financial Default Prediction 2 | 3 | This project uses Azure Machine Learning Workbench. Scikit-Learn, and Keras to perform sequence classification on financial transaction data, to predict whether someone is likely to default. 4 | 5 | This binary classification task is implemented in multiple ways: 6 | 7 | 1. [Support Vector Machine](https://github.com/laurentran/financial-default-prediction/blob/master/train_svm.py): Traditional ML approach with feature engineering, using SVM to handle high dimensionality and sparse feature vectors. 8 | 2. [Long Short-Term Memory](https://github.com/laurentran/financial-default-prediction/blob/master/train_lstm.py): Deep learning approach using LSTM, a natural choice for sequence labeling with it's ability to learn long-term dependencies. 9 | 3. [Convolutional Neural Network](https://github.com/laurentran/financial-default-prediction/blob/master/train_cnn.py): Extending CNN beyond it's traditional image-based tasks, using Convolution 1D to find spatial patterns in the sequential data. With our dataset, CNN achieved highest accuracy and lower training times than LSTM. 10 | 11 | The script [preprocess.py](https://github.com/laurentran/financial-default-prediction/blob/master/preprocess.py) takes the input data and builds a 3D matrix to feed into the LSTM network of shape (samples, timesteps, features). 12 | -------------------------------------------------------------------------------- /train_lstm.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | 3 | from keras.models import Sequential 4 | from keras.layers import Dense, LSTM 5 | from keras.preprocessing import sequence 6 | 7 | from azureml.logging import get_azureml_logger 8 | run_logger = get_azureml_logger() 9 | 10 | epochs = 100 11 | batch_size = 10 12 | time_steps = 153 13 | features = 37 14 | 15 | features_path = 'data/sequence_data.npy' 16 | labels_path = 'data/sequence_labels.npy' 17 | 18 | # load data from .npy files into numpy arrays 19 | X = np.load(features_path) 20 | Y = np.load(labels_path) 21 | 22 | # split data into training and test sets 23 | # this dataset is a 3D matrix, so sklearn train_test_split will not work 24 | # split your data as it makes sense here 25 | train_X1 = X[0:69,:,:] 26 | train_X2 = X[130:199,:,:] 27 | train_X = np.concatenate((train_X1,train_X2), axis=0) 28 | test_X = X[70:129,:,:] 29 | train_Y1 = Y[0:69,:] 30 | train_Y2 = Y[130:199,:] 31 | train_Y = np.concatenate((train_Y1,train_Y2), axis = 0) 32 | test_Y = Y[70:129,:] 33 | 34 | # build LSTM layers 35 | model = Sequential() 36 | model.add(LSTM(100, dropout=0.2, input_shape=(time_steps, features))) 37 | model.add(Dense(1, activation='sigmoid')) 38 | model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy']) 39 | print(model.summary()) 40 | model.fit(train_X, train_Y, validation_data=(test_X, test_Y), epochs=epochs, batch_size=batch_size) 41 | 42 | # score model and log accuracy and parameters 43 | scores = model.evaluate(test_X, test_Y, verbose=0) 44 | print("Accuracy: %.2f%%" % (scores[1]*100)) 45 | 46 | run_logger.log("Epochs", epochs) 47 | run_logger.log("Batch Size", batch_size) 48 | run_logger.log("Accuracy", scores[1]*100) 49 | -------------------------------------------------------------------------------- /train_cnn.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import pandas as pd 3 | 4 | from keras.models import Sequential 5 | from keras.layers import Dense, Conv1D, Flatten, MaxPool1D, Dropout, Activation 6 | 7 | from sklearn import preprocessing 8 | from sklearn.model_selection import train_test_split 9 | 10 | from azureml.logging import get_azureml_logger 11 | from azureml.dataprep.package import run 12 | run_logger = get_azureml_logger() 13 | 14 | epochs = 100 15 | batch_size = 10 16 | data_path = 'data/Weekly.csv' 17 | 18 | # # read dataset as dataframe 19 | data = pd.read_csv(data_path) 20 | 21 | # read features and labels 22 | X = data.iloc[:,2:3574] 23 | Y = data['Goal'] 24 | 25 | # convert to numpy array 26 | X = X.values 27 | 28 | # normalize data 29 | X = preprocessing.normalize(X, norm='l2') 30 | 31 | train_X, test_X, train_Y, test_Y = train_test_split(X, Y, train_size = 0.7, random_state=1, stratify=Y) 32 | 33 | # reshape into correct dimensions to input into cnn 34 | train_X = train_X.reshape(140,3572,1) 35 | test_X = test_X.reshape(60,3572,1) 36 | 37 | # build network layers 38 | model = Sequential() 39 | model.add(Conv1D(128,3,input_shape=(3572, 1))) 40 | model.add(Activation('relu')) 41 | model.add(MaxPool1D(pool_size=2)) 42 | model.add(Dropout(0.2)) 43 | model.add(Flatten()) 44 | model.add(Dense(1, activation='sigmoid')) 45 | model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy']) 46 | print(model.summary()) 47 | model.fit(train_X, train_Y, validation_data=(test_X, test_Y), epochs=epochs, batch_size=batch_size) 48 | 49 | # score model and log accuracy and parameters 50 | scores = model.evaluate(test_X, test_Y, verbose=0) 51 | print("Accuracy: %.2f%%" % (scores[1]*100)) 52 | 53 | run_logger.log("Epochs", epochs) 54 | run_logger.log("Batch Size", batch_size) 55 | run_logger.log("Accuracy", scores[1]*100) 56 | -------------------------------------------------------------------------------- /train_svm.py: -------------------------------------------------------------------------------- 1 | import pickle 2 | import sys 3 | import os 4 | 5 | import numpy as np 6 | import matplotlib.pyplot as plt 7 | 8 | from sklearn import svm 9 | from sklearn import preprocessing 10 | from sklearn.model_selection import train_test_split 11 | from sklearn.metrics import precision_recall_curve, roc_curve, auc 12 | 13 | from azureml.logging import get_azureml_logger 14 | from azureml.dataprep.package import run 15 | 16 | run_logger = get_azureml_logger() 17 | 18 | os.makedirs('./outputs', exist_ok=True) 19 | 20 | # read dataset as dataframe 21 | print('-------Training model-------') 22 | data = run('Weekly.dprep', dataflow_idx=0, spark=False) 23 | print('Dataset shape: {}'.format(data.shape)) 24 | 25 | # read features and labels 26 | X = data.iloc[:,2:3574] 27 | Y = data['Goal'] 28 | 29 | # normalize data 30 | X = preprocessing.normalize(X, norm='l2') 31 | 32 | train_X, test_X, train_Y, test_Y = train_test_split(X, Y, train_size = 0.7, random_state=1, stratify=Y) 33 | 34 | # train SVM 35 | clf = svm.SVC(probability=True) 36 | clf.fit(train_X, train_Y) 37 | 38 | # score training set 39 | train_acc = clf.score(train_X, train_Y) 40 | print ('training accuracy: {}'.format(train_acc)) 41 | 42 | # score test set 43 | test_acc = clf.score(test_X, test_Y) 44 | print ('validation accuracy: {}'.format(test_acc)) 45 | 46 | run_logger.log("Training accuracy", train_acc) 47 | run_logger.log("Validation accuracy", test_acc) 48 | 49 | 50 | # evaluate metrics 51 | predict_Y = clf.predict_proba(test_X) 52 | fpr, tpr, thresholds2 = roc_curve(test_Y, predict_Y[:,1], pos_label=0) 53 | 54 | roc_auc = auc(fpr, tpr) 55 | 56 | #plot roc curve 57 | fig = plt.figure(figsize=(6, 5), dpi=75) 58 | plt.title('Receiver Operating Characteristic') 59 | plt.plot(fpr, tpr, 'b', label='AUC = %0.2f'% roc_auc) 60 | plt.legend(loc='lower right') 61 | plt.plot([0,1],[0,1],'r--') 62 | plt.xlim([-0.1,1.1]) 63 | plt.ylim([-0.1,1.1]) 64 | plt.ylabel('True Positive Rate') 65 | plt.xlabel('False Positive Rate') 66 | plt.show() 67 | fig.savefig("./outputs/roc.png", bbox_inches='tight') 68 | 69 | 70 | -------------------------------------------------------------------------------- /aml_config/local.runconfig: -------------------------------------------------------------------------------- 1 | # The program name and arguments to run when they aren't specified through 2 | # other means. The $file token is replaced with the currently selected file 3 | # by the Workbench application. 4 | ArgumentVector: 5 | - "$file" 6 | 7 | # The name of the compute target to use for this run. 8 | Target: "local" 9 | 10 | # Environment variables set for the run. 11 | EnvironmentVariables: 12 | "EXAMPLE_ENV_VAR": "Example Value" 13 | 14 | # Framework to execute inside. Allowed values are "Python" and "PySpark". 15 | Framework: "Python" 16 | 17 | # Path to the Conda dependencies file to use for this run. If a project 18 | # contains multiple programs with different sets of dependencies, it may be 19 | # convenient to manage those environments with separate files. 20 | CondaDependenciesFile: "aml_config/conda_dependencies.yml" 21 | 22 | # Path to the Spark dependencies file to use for this run. If a project 23 | # contains multiple programs with different sets of dependencies, it may be 24 | # convenient to manage those environments with separate files. 25 | SparkDependenciesFile: "aml_config/spark_dependencies.yml" 26 | 27 | # Automatically prepare the run environment as part of the run itself. 28 | # Manual preparation of a compute target can be perfomed with: 29 | # az ml experiment prepare --run-configuration 30 | PrepareEnvironment: false 31 | 32 | # Enable history tracking -- this allows status, logs, metrics, and outputs 33 | # to be collected by Azure ML Workbench and uploaded to the cloud project. 34 | TrackedRun: true 35 | 36 | # The UseSampling setting controls the use of sample data or complete data on 37 | # all .dsource and .dprep files. Setting this to false will read all the data 38 | # when loading data using either a .dsource or .dprep file. 39 | UseSampling: true 40 | 41 | # For each data source (.dsource or .dprep file), the Sample setting allows a 42 | # specific named sample to be used, overriding the active sample set in the 43 | # .dsource or .dprep file. 44 | # DataSourceSettings: 45 | # my.dsource: 46 | # Sampling: 47 | # Sample: MySampleName 48 | 49 | # Data source substitutions allows all references to a .dsource, be it in a 50 | # .dprep file or in your code to load data, to instead use a different .dsource. 51 | # It can be useful to setup two .dsources and then substitute the second one 52 | # when running in some compute targets. 53 | # DataSourceSubstitutions: 54 | # my.dsource: replacement.dsource 55 | 56 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_EngineHost.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:13.1617|DEBUG|EngineHost|Startup|MessageParser initialized|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:13.1982|DEBUG|EngineHost|Startup|MessageLoop initialized|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:34.7359|DEBUG|EngineHost|Startup|MessageParser initialized|6e1abe9a-f4a2-11e7-b908-985fd3341243 4 | 2018-01-08 10:33:34.8308|DEBUG|EngineHost|Startup|MessageLoop initialized|6e1abe9a-f4a2-11e7-b908-985fd3341243 5 | 2018-01-08 11:03:22.9650|DEBUG|EngineHost|Startup|MessageParser initialized|97f3c076-f4a6-11e7-8e5c-985fd3341243 6 | 2018-01-08 11:03:23.0147|DEBUG|EngineHost|Startup|MessageLoop initialized|97f3c076-f4a6-11e7-8e5c-985fd3341243 7 | 2018-01-08 11:04:00.7847|DEBUG|EngineHost|Startup|MessageParser initialized|ae4f0bb0-f4a6-11e7-8211-985fd3341243 8 | 2018-01-08 11:04:00.8185|DEBUG|EngineHost|Startup|MessageLoop initialized|ae4f0bb0-f4a6-11e7-8211-985fd3341243 9 | 2018-01-08 11:04:26.3382|DEBUG|EngineHost|Startup|MessageParser initialized|bddf0f68-f4a6-11e7-96c2-985fd3341243 10 | 2018-01-08 11:04:26.4269|DEBUG|EngineHost|Startup|MessageLoop initialized|bddf0f68-f4a6-11e7-96c2-985fd3341243 11 | 2018-01-16 14:45:55.1617|DEBUG|EngineHost|Startup|MessageParser initialized|0188a726-fb0f-11e7-a72b-985fd3341243 12 | 2018-01-16 14:45:55.2513|DEBUG|EngineHost|Startup|MessageLoop initialized|0188a726-fb0f-11e7-a72b-985fd3341243 13 | 2018-01-16 15:05:25.0030|DEBUG|EngineHost|Startup|MessageParser initialized|bb44e228-fb11-11e7-a2b5-985fd3341243 14 | 2018-01-16 15:05:25.1097|DEBUG|EngineHost|Startup|MessageLoop initialized|bb44e228-fb11-11e7-a2b5-985fd3341243 15 | 2018-01-16 15:06:02.5339|DEBUG|EngineHost|Startup|MessageParser initialized|d134c2a8-fb11-11e7-90d0-985fd3341243 16 | 2018-01-16 15:06:02.5872|DEBUG|EngineHost|Startup|MessageLoop initialized|d134c2a8-fb11-11e7-90d0-985fd3341243 17 | 2018-01-16 15:34:10.8616|DEBUG|EngineHost|Startup|MessageParser initialized|c0048a14-fb15-11e7-b0e7-985fd3341243 18 | 2018-01-16 15:34:10.9614|DEBUG|EngineHost|Startup|MessageLoop initialized|c0048a14-fb15-11e7-b0e7-985fd3341243 19 | 2018-01-16 15:36:49.5855|DEBUG|EngineHost|Startup|MessageParser initialized|1e5d3b40-fb16-11e7-95a2-985fd3341243 20 | 2018-01-16 15:36:49.7184|DEBUG|EngineHost|Startup|MessageLoop initialized|1e5d3b40-fb16-11e7-95a2-985fd3341243 21 | 2018-01-16 15:37:31.1004|DEBUG|EngineHost|Startup|MessageParser initialized|367b3cc8-fb16-11e7-b0c2-985fd3341243 22 | 2018-01-16 15:37:31.1323|DEBUG|EngineHost|Startup|MessageLoop initialized|367b3cc8-fb16-11e7-b0c2-985fd3341243 23 | 2018-01-16 15:38:22.2540|DEBUG|EngineHost|Startup|MessageParser initialized|558bd610-fb16-11e7-ade3-985fd3341243 24 | 2018-01-16 15:38:22.2943|DEBUG|EngineHost|Startup|MessageLoop initialized|558bd610-fb16-11e7-ade3-985fd3341243 25 | 2018-01-16 15:38:43.7390|DEBUG|EngineHost|Startup|MessageParser initialized|6201736e-fb16-11e7-9032-985fd3341243 26 | 2018-01-16 15:38:43.8086|DEBUG|EngineHost|Startup|MessageLoop initialized|6201736e-fb16-11e7-9032-985fd3341243 27 | 2018-01-16 15:39:42.9307|DEBUG|EngineHost|Startup|MessageParser initialized|85dd70c6-fb16-11e7-9353-985fd3341243 28 | 2018-01-16 15:39:43.0343|DEBUG|EngineHost|Startup|MessageLoop initialized|85dd70c6-fb16-11e7-9353-985fd3341243 29 | 2018-01-16 15:53:19.5234|DEBUG|EngineHost|Startup|MessageParser initialized|6c5f519e-fb18-11e7-b260-985fd3341243 30 | 2018-01-16 15:53:19.6502|DEBUG|EngineHost|Startup|MessageLoop initialized|6c5f519e-fb18-11e7-b260-985fd3341243 31 | 2018-01-16 15:54:11.0442|DEBUG|EngineHost|Startup|MessageParser initialized|8b05f2dc-fb18-11e7-b6e6-985fd3341243 32 | 2018-01-16 15:54:11.1370|DEBUG|EngineHost|Startup|MessageLoop initialized|8b05f2dc-fb18-11e7-b6e6-985fd3341243 33 | 2018-01-16 15:54:25.1399|DEBUG|EngineHost|Startup|MessageParser initialized|93665c4a-fb18-11e7-8811-985fd3341243 34 | 2018-01-16 15:54:25.2039|DEBUG|EngineHost|Startup|MessageLoop initialized|93665c4a-fb18-11e7-8811-985fd3341243 35 | 2018-01-16 16:38:11.1659|DEBUG|EngineHost|Startup|MessageParser initialized|b0caae0a-fb1e-11e7-b09d-985fd3341243 36 | 2018-01-16 16:38:11.2590|DEBUG|EngineHost|Startup|MessageLoop initialized|b0caae0a-fb1e-11e7-b09d-985fd3341243 37 | 2018-01-16 16:38:29.2585|DEBUG|EngineHost|Startup|MessageParser initialized|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 38 | 2018-01-16 16:38:29.3730|DEBUG|EngineHost|Startup|MessageLoop initialized|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 39 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_CLexExecutor.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:16.2210|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"9bcf251d-3de4-40d0-8ad4-33841f2621d6"}|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:17.1929|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"9bcf251d-3de4-40d0-8ad4-33841f2621d6"}|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:37.0567|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"93270eff-e16c-4313-9ab9-f904aa07aa05"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 4 | 2018-01-08 10:33:37.7747|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"93270eff-e16c-4313-9ab9-f904aa07aa05"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 5 | 2018-01-08 11:03:26.8840|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"afbb59df-2d44-4c0d-8f2c-112beaaed53f"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 6 | 2018-01-08 11:03:27.6765|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"afbb59df-2d44-4c0d-8f2c-112beaaed53f"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 7 | 2018-01-08 11:04:03.6565|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"c06ecd5a-839e-4564-9e05-d04eee527b25"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 8 | 2018-01-08 11:04:04.3255|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"c06ecd5a-839e-4564-9e05-d04eee527b25"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 9 | 2018-01-08 11:04:28.9916|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"ca397dcf-8e27-4eb9-bf5e-b5d69c71296c"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 10 | 2018-01-08 11:04:29.7223|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"ca397dcf-8e27-4eb9-bf5e-b5d69c71296c"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 11 | 2018-01-16 14:45:58.3419|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"3d87ed30-81f4-43c4-b680-c63b1445e928"}|0188a726-fb0f-11e7-a72b-985fd3341243 12 | 2018-01-16 14:45:59.2995|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"3d87ed30-81f4-43c4-b680-c63b1445e928"}|0188a726-fb0f-11e7-a72b-985fd3341243 13 | 2018-01-16 15:05:27.1874|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"06c9ff14-de23-4c40-9998-eae8eaa309f6"}|bb44e228-fb11-11e7-a2b5-985fd3341243 14 | 2018-01-16 15:05:27.9313|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"06c9ff14-de23-4c40-9998-eae8eaa309f6"}|bb44e228-fb11-11e7-a2b5-985fd3341243 15 | 2018-01-16 15:06:05.8157|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"1cd05756-f475-4781-bd97-2ffd8124c834"}|d134c2a8-fb11-11e7-90d0-985fd3341243 16 | 2018-01-16 15:06:06.7887|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"1cd05756-f475-4781-bd97-2ffd8124c834"}|d134c2a8-fb11-11e7-90d0-985fd3341243 17 | 2018-01-16 15:34:12.8484|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"dab4d8ae-7ddb-4877-8134-ecdfb8bf8ac5"}|c0048a14-fb15-11e7-b0e7-985fd3341243 18 | 2018-01-16 15:34:13.4855|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"dab4d8ae-7ddb-4877-8134-ecdfb8bf8ac5"}|c0048a14-fb15-11e7-b0e7-985fd3341243 19 | 2018-01-16 15:36:51.8459|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"c56db8df-57e0-4e2e-a2e3-f4a9b6d8784c"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 20 | 2018-01-16 15:36:52.5784|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"c56db8df-57e0-4e2e-a2e3-f4a9b6d8784c"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 21 | 2018-01-16 15:37:34.2541|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"2743b1c1-1596-4275-a818-b65ca1e4ca51"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 22 | 2018-01-16 15:37:35.0077|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"2743b1c1-1596-4275-a818-b65ca1e4ca51"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 23 | 2018-01-16 15:38:24.4485|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"c208fb97-71a3-4d16-b86e-ddbdc5a02666"}|558bd610-fb16-11e7-ade3-985fd3341243 24 | 2018-01-16 15:38:25.0761|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"c208fb97-71a3-4d16-b86e-ddbdc5a02666"}|558bd610-fb16-11e7-ade3-985fd3341243 25 | 2018-01-16 15:38:45.6301|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"b2ff817e-fa92-4d82-9d5d-e09ac24d4907"}|6201736e-fb16-11e7-9032-985fd3341243 26 | 2018-01-16 15:38:46.3006|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"b2ff817e-fa92-4d82-9d5d-e09ac24d4907"}|6201736e-fb16-11e7-9032-985fd3341243 27 | 2018-01-16 15:39:44.8796|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"9ba25126-48c2-4be7-823d-ab02ede95728"}|85dd70c6-fb16-11e7-9353-985fd3341243 28 | 2018-01-16 15:39:45.5517|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"9ba25126-48c2-4be7-823d-ab02ede95728"}|85dd70c6-fb16-11e7-9353-985fd3341243 29 | 2018-01-16 15:53:21.6027|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"b7be69b3-7a2f-4fd8-922a-35f124b18ece"}|6c5f519e-fb18-11e7-b260-985fd3341243 30 | 2018-01-16 15:53:22.2799|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"b7be69b3-7a2f-4fd8-922a-35f124b18ece"}|6c5f519e-fb18-11e7-b260-985fd3341243 31 | 2018-01-16 15:54:13.1642|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"e7d48c1c-df5d-4da4-904c-6c872f52891c"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 32 | 2018-01-16 15:54:13.9868|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"e7d48c1c-df5d-4da4-904c-6c872f52891c"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 33 | 2018-01-16 15:54:27.2017|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"d2619ea9-b02f-4cda-8624-d41fc2e8f220"}|93665c4a-fb18-11e7-8811-985fd3341243 34 | 2018-01-16 15:54:27.8797|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"d2619ea9-b02f-4cda-8624-d41fc2e8f220"}|93665c4a-fb18-11e7-8811-985fd3341243 35 | 2018-01-16 16:38:13.3594|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"4421a65a-7b3d-4263-bea8-b31bd8a8b1db"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 36 | 2018-01-16 16:38:14.0547|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"4421a65a-7b3d-4263-bea8-b31bd8a8b1db"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 37 | 2018-01-16 16:38:31.3969|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|Start Execution|{"Id":"95298aa9-3de6-44f9-9a5b-b24e27dbc17a"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 38 | 2018-01-16 16:38:32.1841|DEBUG|CLexExecutor|ExecuteLariatScriptAsync|End Execution (Success)|{"Id":"95298aa9-3de6-44f9-9a5b-b24e27dbc17a"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 39 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_Engine.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:13.5061|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:15.2299|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:15.3244|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|611dc486-f4a2-11e7-bb07-985fd3341243 4 | 2018-01-08 10:33:17.4676|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|611dc486-f4a2-11e7-bb07-985fd3341243 5 | 2018-01-08 10:33:35.1133|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6e1abe9a-f4a2-11e7-b908-985fd3341243 6 | 2018-01-08 10:33:36.1314|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6e1abe9a-f4a2-11e7-b908-985fd3341243 7 | 2018-01-08 10:33:36.2052|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6e1abe9a-f4a2-11e7-b908-985fd3341243 8 | 2018-01-08 10:33:37.9181|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6e1abe9a-f4a2-11e7-b908-985fd3341243 9 | 2018-01-08 11:03:23.4634|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|97f3c076-f4a6-11e7-8e5c-985fd3341243 10 | 2018-01-08 11:03:25.5163|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|97f3c076-f4a6-11e7-8e5c-985fd3341243 11 | 2018-01-08 11:03:25.7045|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|97f3c076-f4a6-11e7-8e5c-985fd3341243 12 | 2018-01-08 11:03:27.8329|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|97f3c076-f4a6-11e7-8e5c-985fd3341243 13 | 2018-01-08 11:04:01.0533|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|ae4f0bb0-f4a6-11e7-8211-985fd3341243 14 | 2018-01-08 11:04:02.6298|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|ae4f0bb0-f4a6-11e7-8211-985fd3341243 15 | 2018-01-08 11:04:02.7067|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|ae4f0bb0-f4a6-11e7-8211-985fd3341243 16 | 2018-01-08 11:04:04.4684|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|ae4f0bb0-f4a6-11e7-8211-985fd3341243 17 | 2018-01-08 11:04:26.7147|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bddf0f68-f4a6-11e7-96c2-985fd3341243 18 | 2018-01-08 11:04:27.6433|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bddf0f68-f4a6-11e7-96c2-985fd3341243 19 | 2018-01-08 11:04:27.6971|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bddf0f68-f4a6-11e7-96c2-985fd3341243 20 | 2018-01-08 11:04:29.8746|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bddf0f68-f4a6-11e7-96c2-985fd3341243 21 | 2018-01-16 14:45:55.5817|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|0188a726-fb0f-11e7-a72b-985fd3341243 22 | 2018-01-16 14:45:56.9826|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|0188a726-fb0f-11e7-a72b-985fd3341243 23 | 2018-01-16 14:45:57.0708|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|0188a726-fb0f-11e7-a72b-985fd3341243 24 | 2018-01-16 14:45:59.6084|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|0188a726-fb0f-11e7-a72b-985fd3341243 25 | 2018-01-16 15:05:25.3419|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bb44e228-fb11-11e7-a2b5-985fd3341243 26 | 2018-01-16 15:05:26.2529|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bb44e228-fb11-11e7-a2b5-985fd3341243 27 | 2018-01-16 15:05:26.3172|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bb44e228-fb11-11e7-a2b5-985fd3341243 28 | 2018-01-16 15:05:28.0985|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bb44e228-fb11-11e7-a2b5-985fd3341243 29 | 2018-01-16 15:06:02.8568|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|d134c2a8-fb11-11e7-90d0-985fd3341243 30 | 2018-01-16 15:06:04.3960|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|d134c2a8-fb11-11e7-90d0-985fd3341243 31 | 2018-01-16 15:06:04.4803|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|d134c2a8-fb11-11e7-90d0-985fd3341243 32 | 2018-01-16 15:06:06.9860|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|d134c2a8-fb11-11e7-90d0-985fd3341243 33 | 2018-01-16 15:34:11.1551|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|c0048a14-fb15-11e7-b0e7-985fd3341243 34 | 2018-01-16 15:34:12.0591|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|c0048a14-fb15-11e7-b0e7-985fd3341243 35 | 2018-01-16 15:34:12.1203|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|c0048a14-fb15-11e7-b0e7-985fd3341243 36 | 2018-01-16 15:34:13.6222|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|c0048a14-fb15-11e7-b0e7-985fd3341243 37 | 2018-01-16 15:36:49.9730|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|1e5d3b40-fb16-11e7-95a2-985fd3341243 38 | 2018-01-16 15:36:50.8562|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|1e5d3b40-fb16-11e7-95a2-985fd3341243 39 | 2018-01-16 15:36:50.9093|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|1e5d3b40-fb16-11e7-95a2-985fd3341243 40 | 2018-01-16 15:36:52.7357|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|1e5d3b40-fb16-11e7-95a2-985fd3341243 41 | 2018-01-16 15:37:31.7336|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|367b3cc8-fb16-11e7-b0c2-985fd3341243 42 | 2018-01-16 15:37:33.3367|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|367b3cc8-fb16-11e7-b0c2-985fd3341243 43 | 2018-01-16 15:37:33.3968|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|367b3cc8-fb16-11e7-b0c2-985fd3341243 44 | 2018-01-16 15:37:35.1537|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|367b3cc8-fb16-11e7-b0c2-985fd3341243 45 | 2018-01-16 15:38:22.5601|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|558bd610-fb16-11e7-ade3-985fd3341243 46 | 2018-01-16 15:38:23.5422|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|558bd610-fb16-11e7-ade3-985fd3341243 47 | 2018-01-16 15:38:23.6087|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|558bd610-fb16-11e7-ade3-985fd3341243 48 | 2018-01-16 15:38:25.2207|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|558bd610-fb16-11e7-ade3-985fd3341243 49 | 2018-01-16 15:38:44.0292|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6201736e-fb16-11e7-9032-985fd3341243 50 | 2018-01-16 15:38:44.8647|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6201736e-fb16-11e7-9032-985fd3341243 51 | 2018-01-16 15:38:44.9207|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6201736e-fb16-11e7-9032-985fd3341243 52 | 2018-01-16 15:38:46.4694|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6201736e-fb16-11e7-9032-985fd3341243 53 | 2018-01-16 15:39:43.2402|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|85dd70c6-fb16-11e7-9353-985fd3341243 54 | 2018-01-16 15:39:44.0697|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|85dd70c6-fb16-11e7-9353-985fd3341243 55 | 2018-01-16 15:39:44.1258|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|85dd70c6-fb16-11e7-9353-985fd3341243 56 | 2018-01-16 15:39:45.6808|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|85dd70c6-fb16-11e7-9353-985fd3341243 57 | 2018-01-16 15:53:19.9099|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6c5f519e-fb18-11e7-b260-985fd3341243 58 | 2018-01-16 15:53:20.8048|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|6c5f519e-fb18-11e7-b260-985fd3341243 59 | 2018-01-16 15:53:20.8492|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6c5f519e-fb18-11e7-b260-985fd3341243 60 | 2018-01-16 15:53:22.4340|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|6c5f519e-fb18-11e7-b260-985fd3341243 61 | 2018-01-16 15:54:11.3891|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|8b05f2dc-fb18-11e7-b6e6-985fd3341243 62 | 2018-01-16 15:54:12.3039|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|8b05f2dc-fb18-11e7-b6e6-985fd3341243 63 | 2018-01-16 15:54:12.3483|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|8b05f2dc-fb18-11e7-b6e6-985fd3341243 64 | 2018-01-16 15:54:14.1786|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|8b05f2dc-fb18-11e7-b6e6-985fd3341243 65 | 2018-01-16 15:54:25.4050|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|93665c4a-fb18-11e7-8811-985fd3341243 66 | 2018-01-16 15:54:26.3660|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|93665c4a-fb18-11e7-8811-985fd3341243 67 | 2018-01-16 15:54:26.4059|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|93665c4a-fb18-11e7-8811-985fd3341243 68 | 2018-01-16 15:54:28.0375|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|93665c4a-fb18-11e7-8811-985fd3341243 69 | 2018-01-16 16:38:11.5507|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|b0caae0a-fb1e-11e7-b09d-985fd3341243 70 | 2018-01-16 16:38:12.5092|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|b0caae0a-fb1e-11e7-b09d-985fd3341243 71 | 2018-01-16 16:38:12.5685|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|b0caae0a-fb1e-11e7-b09d-985fd3341243 72 | 2018-01-16 16:38:14.2036|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|b0caae0a-fb1e-11e7-b09d-985fd3341243 73 | 2018-01-16 16:38:29.5851|DEBUG|Engine|ProjectManagement|Reading the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 74 | 2018-01-16 16:38:30.5393|DEBUG|Engine|ProjectManagement|Successfully read the project from: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 75 | 2018-01-16 16:38:30.5953|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 76 | 2018-01-16 16:38:32.3463|DEBUG|Engine|ProjectManagement|Deleting recovery files: C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.tmp, C:\Users\latra\Desktop\repos\financial-default-prediction\Weekly.dprep.user.tmp|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 77 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_Sampling.log: -------------------------------------------------------------------------------- 1 | 2018-01-16 16:38:30.7830|DEBUG|Sampling|SamplingOrchestrator|Starting sampled execution|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 2 | 2018-01-16 16:38:30.8011|DEBUG|Sampling|SamplingOrchestrator|Resolving activity reference|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 3 | 2018-01-16 16:38:30.8011|DEBUG|Sampling|SamplingOrchestrator|No sample block found|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 4 | 2018-01-16 16:38:30.8191|DEBUG|Sampling|SamplingOrchestrator|Resolving activity reference|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 5 | 2018-01-16 16:38:30.8191|DEBUG|Sampling|SamplingOrchestrator|No sample block found|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 6 | 2018-01-16 16:38:30.9888|DEBUG|Sampling|ProjectSampleManager|Initializing ProjectSampleManager|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 7 | 2018-01-16 16:38:31.0185|DEBUG|Sampling|SamplingOrchestrator|Resolving activity reference|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 8 | 2018-01-16 16:38:31.0185|DEBUG|Sampling|SamplingOrchestrator|Retrieving sample|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 9 | 2018-01-16 16:38:31.1765|DEBUG|Sampling|ProjectSampleManager|Initializing ProjectSampleManager|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 10 | 2018-01-16 16:38:31.2050|DEBUG|Sampling|ProjectSampleManager|Getting sample|{"sample":"2445cb08-48a1-4f3f-bc83-1c246825bf69"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 11 | 2018-01-16 16:38:31.2050|DEBUG|Sampling|SamplingOrchestrator|Resolving activity reference|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 12 | 2018-01-16 16:38:31.2050|DEBUG|Sampling|SamplingOrchestrator|Retrieving sample|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 13 | 2018-01-16 16:38:31.2050|DEBUG|Sampling|SamplingOrchestrator|Resolving sample from within sample generation. Returning steps list.|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 14 | 2018-01-16 16:38:31.3271|DEBUG|Sampling|SampleIndex|Retrieving sample information|{"sample":{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 15 | 2018-01-16 16:38:31.3271|DEBUG|Sampling|ProjectSampleManager|Existing sample found|{"sample":"2445cb08-48a1-4f3f-bc83-1c246825bf69"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 16 | 2018-01-16 16:38:31.3389|DEBUG|Sampling|SamplingOrchestrator|Sample retrieved|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 17 | 2018-01-16 16:38:31.3389|DEBUG|Sampling|SamplingOrchestrator|Steps resolved with sample|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 18 | 2018-01-16 16:38:32.1841|DEBUG|Sampling|SamplingOrchestrator|Sampled execution completed|{"Reference":{"ReferenceType":2,"ReferenceContainerPath":null,"ReferencedActivityId":null,"ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":[{"Id":"eeb1d943-b3b1-4b84-8abe-44c600d245c4","Type":"Microsoft.DPrep.ReferenceActivityBlock","DataEffectDetails":{"DataEffect":1},"PropertyDescriptions":[{"Name":"reference","Type":21,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":1,"Condition":null}],"Arguments":[{"Key":"reference","Value":{"ReferenceType":1,"ReferenceContainerPath":"C:\\Users\\latra\\Desktop\\repos\\financial-default-prediction\\Weekly.dsource","ReferencedActivityId":"dfceb566-dcf5-4b2d-94a1-353e2a25ec13","ReferencedBranchId":null,"ReferencedStep":null,"AnonymousSteps":null}}]},{"Id":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","Type":"Microsoft.DPrep.WriteDataSetBlock","DataEffectDetails":{"DataEffect":7},"PropertyDescriptions":[{"Name":"outputPath","Type":18,"MultipleValues":false,"Domain":null,"IsRequired":true,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":2,"Condition":null},{"Name":"columnsToIntern","Type":1,"MultipleValues":true,"Domain":null,"IsRequired":false,"Origin":1,"DefaultValue":null,"InitializeFromProperty":null,"TelemetryStrategy":0,"Condition":null}],"Arguments":[{"Key":"outputPath","Value":{"Target":0,"ResourceDetails":[{"Path":"C:\\Users\\latra\\AppData\\Local\\Temp\\tmpnohew2q_"}]}}]}]},"SamplePath":null,"Exception":null}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 19 | -------------------------------------------------------------------------------- /aml_config/jupyter_notebook_config.py: -------------------------------------------------------------------------------- 1 | # Configuration file for jupyter-notebook. 2 | 3 | #------------------------------------------------------------------------------ 4 | # Application(SingletonConfigurable) configuration 5 | #------------------------------------------------------------------------------ 6 | 7 | ## This is an application. 8 | 9 | ## The date format used by logging formatters for %(asctime)s 10 | #c.Application.log_datefmt = '%Y-%m-%d %H:%M:%S' 11 | 12 | ## The Logging format template 13 | #c.Application.log_format = '[%(name)s]%(highlevel)s %(message)s' 14 | 15 | ## Set the log level by value or name. 16 | #c.Application.log_level = 30 17 | 18 | #------------------------------------------------------------------------------ 19 | # JupyterApp(Application) configuration 20 | #------------------------------------------------------------------------------ 21 | 22 | ## Base class for Jupyter applications 23 | 24 | ## Answer yes to any prompts. 25 | #c.JupyterApp.answer_yes = False 26 | 27 | ## Full path of a config file. 28 | #c.JupyterApp.config_file = '' 29 | 30 | ## Specify a config file to load. 31 | #c.JupyterApp.config_file_name = '' 32 | 33 | ## Generate default config file. 34 | #c.JupyterApp.generate_config = False 35 | 36 | #------------------------------------------------------------------------------ 37 | # NotebookApp(JupyterApp) configuration 38 | #------------------------------------------------------------------------------ 39 | 40 | ## Set the Access-Control-Allow-Credentials: true header 41 | #c.NotebookApp.allow_credentials = False 42 | 43 | ## Set the Access-Control-Allow-Origin header 44 | # 45 | # Use '*' to allow any origin to access your server. 46 | # 47 | # Takes precedence over allow_origin_pat. 48 | #c.NotebookApp.allow_origin = '' 49 | 50 | ## Use a regular expression for the Access-Control-Allow-Origin header 51 | # 52 | # Requests from an origin matching the expression will get replies with: 53 | # 54 | # Access-Control-Allow-Origin: origin 55 | # 56 | # where `origin` is the origin of the request. 57 | # 58 | # Ignored if allow_origin is set. 59 | #c.NotebookApp.allow_origin_pat = '' 60 | 61 | ## Whether to allow the user to run the notebook as root. 62 | #c.NotebookApp.allow_root = False 63 | 64 | ## DEPRECATED use base_url 65 | #c.NotebookApp.base_project_url = '/' 66 | 67 | ## The base URL for the notebook server. 68 | # 69 | # Leading and trailing slashes can be omitted, and will automatically be added. 70 | #c.NotebookApp.base_url = '/' 71 | 72 | ## Specify what command to use to invoke a web browser when opening the notebook. 73 | # If not specified, the default browser will be determined by the `webbrowser` 74 | # standard library module, which allows setting of the BROWSER environment 75 | # variable to override it. 76 | #c.NotebookApp.browser = '' 77 | 78 | ## The full path to an SSL/TLS certificate file. 79 | #c.NotebookApp.certfile = '' 80 | 81 | ## The full path to a certificate authority certificate for SSL/TLS client 82 | # authentication. 83 | #c.NotebookApp.client_ca = '' 84 | 85 | ## The config manager class to use 86 | #c.NotebookApp.config_manager_class = 'notebook.services.config.manager.ConfigManager' 87 | 88 | ## The notebook manager class to use. 89 | #c.NotebookApp.contents_manager_class = 'notebook.services.contents.largefilemanager.LargeFileManager' 90 | 91 | ## Extra keyword arguments to pass to `set_secure_cookie`. See tornado's 92 | # set_secure_cookie docs for details. 93 | #c.NotebookApp.cookie_options = {} 94 | 95 | ## The random bytes used to secure cookies. By default this is a new random 96 | # number every time you start the Notebook. Set it to a value in a config file 97 | # to enable logins to persist across server sessions. 98 | # 99 | # Note: Cookie secrets should be kept private, do not share config files with 100 | # cookie_secret stored in plaintext (you can read the value from a file). 101 | #c.NotebookApp.cookie_secret = b'' 102 | 103 | ## The file where the cookie secret is stored. 104 | #c.NotebookApp.cookie_secret_file = '' 105 | 106 | ## The default URL to redirect to from `/` 107 | #c.NotebookApp.default_url = '/tree' 108 | 109 | ## Disable cross-site-request-forgery protection 110 | # 111 | # Jupyter notebook 4.3.1 introduces protection from cross-site request 112 | # forgeries, requiring API requests to either: 113 | # 114 | # - originate from pages served by this server (validated with XSRF cookie and 115 | # token), or - authenticate with a token 116 | # 117 | # Some anonymous compute resources still desire the ability to run code, 118 | # completely without authentication. These services can disable all 119 | # authentication and security checks, with the full knowledge of what that 120 | # implies. 121 | #c.NotebookApp.disable_check_xsrf = False 122 | 123 | ## Whether to enable MathJax for typesetting math/TeX 124 | # 125 | # MathJax is the javascript library Jupyter uses to render math/LaTeX. It is 126 | # very large, so you may want to disable it if you have a slow internet 127 | # connection, or for offline use of the notebook. 128 | # 129 | # When disabled, equations etc. will appear as their untransformed TeX source. 130 | #c.NotebookApp.enable_mathjax = True 131 | 132 | ## extra paths to look for Javascript notebook extensions 133 | #c.NotebookApp.extra_nbextensions_path = [] 134 | 135 | ## Extra paths to search for serving static files. 136 | # 137 | # This allows adding javascript/css to be available from the notebook server 138 | # machine, or overriding individual files in the IPython 139 | #c.NotebookApp.extra_static_paths = [] 140 | 141 | ## Extra paths to search for serving jinja templates. 142 | # 143 | # Can be used to override templates from notebook.templates. 144 | #c.NotebookApp.extra_template_paths = [] 145 | 146 | ## 147 | #c.NotebookApp.file_to_run = '' 148 | 149 | ## Deprecated: Use minified JS file or not, mainly use during dev to avoid JS 150 | # recompilation 151 | #c.NotebookApp.ignore_minified_js = False 152 | 153 | ## (bytes/sec) Maximum rate at which messages can be sent on iopub before they 154 | # are limited. 155 | #c.NotebookApp.iopub_data_rate_limit = 1000000 156 | 157 | ## (msgs/sec) Maximum rate at which messages can be sent on iopub before they are 158 | # limited. 159 | #c.NotebookApp.iopub_msg_rate_limit = 1000 160 | 161 | ## The IP address the notebook server will listen on. 162 | #c.NotebookApp.ip = 'localhost' 163 | 164 | ## Supply extra arguments that will be passed to Jinja environment. 165 | #c.NotebookApp.jinja_environment_options = {} 166 | 167 | ## Extra variables to supply to jinja templates when rendering. 168 | #c.NotebookApp.jinja_template_vars = {} 169 | 170 | ## The kernel manager class to use. 171 | #c.NotebookApp.kernel_manager_class = 'notebook.services.kernels.kernelmanager.MappingKernelManager' 172 | 173 | ## The kernel spec manager class to use. Should be a subclass of 174 | # `jupyter_client.kernelspec.KernelSpecManager`. 175 | # 176 | # The Api of KernelSpecManager is provisional and might change without warning 177 | # between this version of Jupyter and the next stable one. 178 | #c.NotebookApp.kernel_spec_manager_class = 'jupyter_client.kernelspec.KernelSpecManager' 179 | 180 | ## The full path to a private key file for usage with SSL/TLS. 181 | #c.NotebookApp.keyfile = '' 182 | 183 | ## The login handler class to use. 184 | #c.NotebookApp.login_handler_class = 'notebook.auth.login.LoginHandler' 185 | 186 | ## The logout handler class to use. 187 | #c.NotebookApp.logout_handler_class = 'notebook.auth.logout.LogoutHandler' 188 | 189 | ## The MathJax.js configuration file that is to be used. 190 | #c.NotebookApp.mathjax_config = 'TeX-AMS-MML_HTMLorMML-full,Safe' 191 | 192 | ## A custom url for MathJax.js. Should be in the form of a case-sensitive url to 193 | # MathJax, for example: /static/components/MathJax/MathJax.js 194 | #c.NotebookApp.mathjax_url = '' 195 | 196 | ## Dict of Python modules to load as notebook server extensions.Entry values can 197 | # be used to enable and disable the loading ofthe extensions. The extensions 198 | # will be loaded in alphabetical order. 199 | #c.NotebookApp.nbserver_extensions = {} 200 | 201 | ## The directory to use for notebooks and kernels. 202 | #c.NotebookApp.notebook_dir = '' 203 | 204 | ## Whether to open in a browser after starting. The specific browser used is 205 | # platform dependent and determined by the python standard library `webbrowser` 206 | # module, unless it is overridden using the --browser (NotebookApp.browser) 207 | # configuration option. 208 | #c.NotebookApp.open_browser = True 209 | 210 | ## Hashed password to use for web authentication. 211 | # 212 | # To generate, type in a python/IPython shell: 213 | # 214 | # from notebook.auth import passwd; passwd() 215 | # 216 | # The string should be of the form type:salt:hashed-password. 217 | #c.NotebookApp.password = '' 218 | 219 | ## Forces users to use a password for the Notebook server. This is useful in a 220 | # multi user environment, for instance when everybody in the LAN can access each 221 | # other's machine though ssh. 222 | # 223 | # In such a case, server the notebook server on localhost is not secure since 224 | # any user can connect to the notebook server via ssh. 225 | #c.NotebookApp.password_required = False 226 | 227 | ## The port the notebook server will listen on. 228 | #c.NotebookApp.port = 8888 229 | 230 | ## The number of additional ports to try if the specified port is not available. 231 | #c.NotebookApp.port_retries = 50 232 | 233 | ## DISABLED: use %pylab or %matplotlib in the notebook to enable matplotlib. 234 | #c.NotebookApp.pylab = 'disabled' 235 | 236 | ## (sec) Time window used to check the message and data rate limits. 237 | #c.NotebookApp.rate_limit_window = 3 238 | 239 | ## Reraise exceptions encountered loading server extensions? 240 | #c.NotebookApp.reraise_server_extension_failures = False 241 | 242 | ## DEPRECATED use the nbserver_extensions dict instead 243 | #c.NotebookApp.server_extensions = [] 244 | 245 | ## The session manager class to use. 246 | #c.NotebookApp.session_manager_class = 'notebook.services.sessions.sessionmanager.SessionManager' 247 | 248 | ## Supply SSL options for the tornado HTTPServer. See the tornado docs for 249 | # details. 250 | #c.NotebookApp.ssl_options = {} 251 | 252 | ## Supply overrides for terminado. Currently only supports "shell_command". 253 | #c.NotebookApp.terminado_settings = {} 254 | 255 | ## Token used for authenticating first-time connections to the server. 256 | # 257 | # When no password is enabled, the default is to generate a new, random token. 258 | # 259 | # Setting to an empty string disables authentication altogether, which is NOT 260 | # RECOMMENDED. 261 | #c.NotebookApp.token = '' 262 | 263 | ## Supply overrides for the tornado.web.Application that the Jupyter notebook 264 | # uses. 265 | #c.NotebookApp.tornado_settings = {} 266 | 267 | ## Whether to trust or not X-Scheme/X-Forwarded-Proto and X-Real-Ip/X-Forwarded- 268 | # For headerssent by the upstream reverse proxy. Necessary if the proxy handles 269 | # SSL 270 | #c.NotebookApp.trust_xheaders = False 271 | 272 | ## DEPRECATED, use tornado_settings 273 | #c.NotebookApp.webapp_settings = {} 274 | 275 | ## The base URL for websockets, if it differs from the HTTP server (hint: it 276 | # almost certainly doesn't). 277 | # 278 | # Should be in the form of an HTTP origin: ws[s]://hostname[:port] 279 | #c.NotebookApp.websocket_url = '' 280 | 281 | #------------------------------------------------------------------------------ 282 | # ConnectionFileMixin(LoggingConfigurable) configuration 283 | #------------------------------------------------------------------------------ 284 | 285 | ## Mixin for configurable classes that work with connection files 286 | 287 | ## JSON file in which to store connection info [default: kernel-.json] 288 | # 289 | # This file will contain the IP, ports, and authentication key needed to connect 290 | # clients to this kernel. By default, this file will be created in the security 291 | # dir of the current profile, but can be specified by absolute path. 292 | #c.ConnectionFileMixin.connection_file = '' 293 | 294 | ## set the control (ROUTER) port [default: random] 295 | #c.ConnectionFileMixin.control_port = 0 296 | 297 | ## set the heartbeat port [default: random] 298 | #c.ConnectionFileMixin.hb_port = 0 299 | 300 | ## set the iopub (PUB) port [default: random] 301 | #c.ConnectionFileMixin.iopub_port = 0 302 | 303 | ## Set the kernel's IP address [default localhost]. If the IP address is 304 | # something other than localhost, then Consoles on other machines will be able 305 | # to connect to the Kernel, so be careful! 306 | #c.ConnectionFileMixin.ip = '' 307 | 308 | ## set the shell (ROUTER) port [default: random] 309 | #c.ConnectionFileMixin.shell_port = 0 310 | 311 | ## set the stdin (ROUTER) port [default: random] 312 | #c.ConnectionFileMixin.stdin_port = 0 313 | 314 | ## 315 | #c.ConnectionFileMixin.transport = 'tcp' 316 | 317 | #------------------------------------------------------------------------------ 318 | # KernelManager(ConnectionFileMixin) configuration 319 | #------------------------------------------------------------------------------ 320 | 321 | ## Manages a single kernel in a subprocess on this host. 322 | # 323 | # This version starts kernels with Popen. 324 | 325 | ## Should we autorestart the kernel if it dies. 326 | #c.KernelManager.autorestart = True 327 | 328 | ## DEPRECATED: Use kernel_name instead. 329 | # 330 | # The Popen Command to launch the kernel. Override this if you have a custom 331 | # kernel. If kernel_cmd is specified in a configuration file, Jupyter does not 332 | # pass any arguments to the kernel, because it cannot make any assumptions about 333 | # the arguments that the kernel understands. In particular, this means that the 334 | # kernel does not receive the option --debug if it given on the Jupyter command 335 | # line. 336 | #c.KernelManager.kernel_cmd = [] 337 | 338 | ## Time to wait for a kernel to terminate before killing it, in seconds. 339 | #c.KernelManager.shutdown_wait_time = 5.0 340 | 341 | #------------------------------------------------------------------------------ 342 | # Session(Configurable) configuration 343 | #------------------------------------------------------------------------------ 344 | 345 | ## Object for handling serialization and sending of messages. 346 | # 347 | # The Session object handles building messages and sending them with ZMQ sockets 348 | # or ZMQStream objects. Objects can communicate with each other over the 349 | # network via Session objects, and only need to work with the dict-based IPython 350 | # message spec. The Session will handle serialization/deserialization, security, 351 | # and metadata. 352 | # 353 | # Sessions support configurable serialization via packer/unpacker traits, and 354 | # signing with HMAC digests via the key/keyfile traits. 355 | # 356 | # Parameters ---------- 357 | # 358 | # debug : bool 359 | # whether to trigger extra debugging statements 360 | # packer/unpacker : str : 'json', 'pickle' or import_string 361 | # importstrings for methods to serialize message parts. If just 362 | # 'json' or 'pickle', predefined JSON and pickle packers will be used. 363 | # Otherwise, the entire importstring must be used. 364 | # 365 | # The functions must accept at least valid JSON input, and output *bytes*. 366 | # 367 | # For example, to use msgpack: 368 | # packer = 'msgpack.packb', unpacker='msgpack.unpackb' 369 | # pack/unpack : callables 370 | # You can also set the pack/unpack callables for serialization directly. 371 | # session : bytes 372 | # the ID of this Session object. The default is to generate a new UUID. 373 | # username : unicode 374 | # username added to message headers. The default is to ask the OS. 375 | # key : bytes 376 | # The key used to initialize an HMAC signature. If unset, messages 377 | # will not be signed or checked. 378 | # keyfile : filepath 379 | # The file containing a key. If this is set, `key` will be initialized 380 | # to the contents of the file. 381 | 382 | ## Threshold (in bytes) beyond which an object's buffer should be extracted to 383 | # avoid pickling. 384 | #c.Session.buffer_threshold = 1024 385 | 386 | ## Whether to check PID to protect against calls after fork. 387 | # 388 | # This check can be disabled if fork-safety is handled elsewhere. 389 | #c.Session.check_pid = True 390 | 391 | ## Threshold (in bytes) beyond which a buffer should be sent without copying. 392 | #c.Session.copy_threshold = 65536 393 | 394 | ## Debug output in the Session 395 | #c.Session.debug = False 396 | 397 | ## The maximum number of digests to remember. 398 | # 399 | # The digest history will be culled when it exceeds this value. 400 | #c.Session.digest_history_size = 65536 401 | 402 | ## The maximum number of items for a container to be introspected for custom 403 | # serialization. Containers larger than this are pickled outright. 404 | #c.Session.item_threshold = 64 405 | 406 | ## execution key, for signing messages. 407 | #c.Session.key = b'' 408 | 409 | ## path to file containing execution key. 410 | #c.Session.keyfile = '' 411 | 412 | ## Metadata dictionary, which serves as the default top-level metadata dict for 413 | # each message. 414 | #c.Session.metadata = {} 415 | 416 | ## The name of the packer for serializing messages. Should be one of 'json', 417 | # 'pickle', or an import name for a custom callable serializer. 418 | #c.Session.packer = 'json' 419 | 420 | ## The UUID identifying this session. 421 | #c.Session.session = '' 422 | 423 | ## The digest scheme used to construct the message signatures. Must have the form 424 | # 'hmac-HASH'. 425 | #c.Session.signature_scheme = 'hmac-sha256' 426 | 427 | ## The name of the unpacker for unserializing messages. Only used with custom 428 | # functions for `packer`. 429 | #c.Session.unpacker = 'json' 430 | 431 | ## Username for the Session. Default is your system username. 432 | #c.Session.username = 'username' 433 | 434 | #------------------------------------------------------------------------------ 435 | # MultiKernelManager(LoggingConfigurable) configuration 436 | #------------------------------------------------------------------------------ 437 | 438 | ## A class for managing multiple kernels. 439 | 440 | ## The name of the default kernel to start 441 | #c.MultiKernelManager.default_kernel_name = 'python3' 442 | 443 | ## The kernel manager class. This is configurable to allow subclassing of the 444 | # KernelManager for customized behavior. 445 | #c.MultiKernelManager.kernel_manager_class = 'jupyter_client.ioloop.IOLoopKernelManager' 446 | 447 | #------------------------------------------------------------------------------ 448 | # MappingKernelManager(MultiKernelManager) configuration 449 | #------------------------------------------------------------------------------ 450 | 451 | ## A KernelManager that handles notebook mapping and HTTP error handling 452 | 453 | ## 454 | #c.MappingKernelManager.root_dir = '' 455 | 456 | #------------------------------------------------------------------------------ 457 | # ContentsManager(LoggingConfigurable) configuration 458 | #------------------------------------------------------------------------------ 459 | 460 | ## Base class for serving files and directories. 461 | # 462 | # This serves any text or binary file, as well as directories, with special 463 | # handling for JSON notebook documents. 464 | # 465 | # Most APIs take a path argument, which is always an API-style unicode path, and 466 | # always refers to a directory. 467 | # 468 | # - unicode, not url-escaped 469 | # - '/'-separated 470 | # - leading and trailing '/' will be stripped 471 | # - if unspecified, path defaults to '', 472 | # indicating the root path. 473 | 474 | ## 475 | #c.ContentsManager.checkpoints = None 476 | 477 | ## 478 | #c.ContentsManager.checkpoints_class = 'notebook.services.contents.checkpoints.Checkpoints' 479 | 480 | ## 481 | #c.ContentsManager.checkpoints_kwargs = {} 482 | 483 | ## Glob patterns to hide in file and directory listings. 484 | #c.ContentsManager.hide_globs = ['__pycache__', '*.pyc', '*.pyo', '.DS_Store', '*.so', '*.dylib', '*~'] 485 | 486 | ## Python callable or importstring thereof 487 | # 488 | # To be called on a contents model prior to save. 489 | # 490 | # This can be used to process the structure, such as removing notebook outputs 491 | # or other side effects that should not be saved. 492 | # 493 | # It will be called as (all arguments passed by keyword):: 494 | # 495 | # hook(path=path, model=model, contents_manager=self) 496 | # 497 | # - model: the model to be saved. Includes file contents. 498 | # Modifying this dict will affect the file that is stored. 499 | # - path: the API path of the save destination 500 | # - contents_manager: this ContentsManager instance 501 | #c.ContentsManager.pre_save_hook = None 502 | 503 | ## 504 | #c.ContentsManager.root_dir = '/' 505 | 506 | ## The base name used when creating untitled directories. 507 | #c.ContentsManager.untitled_directory = 'Untitled Folder' 508 | 509 | ## The base name used when creating untitled files. 510 | #c.ContentsManager.untitled_file = 'untitled' 511 | 512 | ## The base name used when creating untitled notebooks. 513 | #c.ContentsManager.untitled_notebook = 'Untitled' 514 | 515 | #------------------------------------------------------------------------------ 516 | # FileManagerMixin(Configurable) configuration 517 | #------------------------------------------------------------------------------ 518 | 519 | ## Mixin for ContentsAPI classes that interact with the filesystem. 520 | # 521 | # Provides facilities for reading, writing, and copying both notebooks and 522 | # generic files. 523 | # 524 | # Shared by FileContentsManager and FileCheckpoints. 525 | # 526 | # Note ---- Classes using this mixin must provide the following attributes: 527 | # 528 | # root_dir : unicode 529 | # A directory against against which API-style paths are to be resolved. 530 | # 531 | # log : logging.Logger 532 | 533 | ## By default notebooks are saved on disk on a temporary file and then if 534 | # succefully written, it replaces the old ones. This procedure, namely 535 | # 'atomic_writing', causes some bugs on file system whitout operation order 536 | # enforcement (like some networked fs). If set to False, the new notebook is 537 | # written directly on the old one which could fail (eg: full filesystem or quota 538 | # ) 539 | #c.FileManagerMixin.use_atomic_writing = True 540 | 541 | #------------------------------------------------------------------------------ 542 | # FileContentsManager(FileManagerMixin,ContentsManager) configuration 543 | #------------------------------------------------------------------------------ 544 | 545 | ## Python callable or importstring thereof 546 | # 547 | # to be called on the path of a file just saved. 548 | # 549 | # This can be used to process the file on disk, such as converting the notebook 550 | # to a script or HTML via nbconvert. 551 | # 552 | # It will be called as (all arguments passed by keyword):: 553 | # 554 | # hook(os_path=os_path, model=model, contents_manager=instance) 555 | # 556 | # - path: the filesystem path to the file just written - model: the model 557 | # representing the file - contents_manager: this ContentsManager instance 558 | #c.FileContentsManager.post_save_hook = None 559 | 560 | ## 561 | #c.FileContentsManager.root_dir = '' 562 | 563 | ## DEPRECATED, use post_save_hook. Will be removed in Notebook 5.0 564 | #c.FileContentsManager.save_script = False 565 | 566 | #------------------------------------------------------------------------------ 567 | # NotebookNotary(LoggingConfigurable) configuration 568 | #------------------------------------------------------------------------------ 569 | 570 | ## A class for computing and verifying notebook signatures. 571 | 572 | ## The hashing algorithm used to sign notebooks. 573 | #c.NotebookNotary.algorithm = 'sha256' 574 | 575 | ## The sqlite file in which to store notebook signatures. By default, this will 576 | # be in your Jupyter data directory. You can set it to ':memory:' to disable 577 | # sqlite writing to the filesystem. 578 | #c.NotebookNotary.db_file = '' 579 | 580 | ## The secret key with which notebooks are signed. 581 | #c.NotebookNotary.secret = b'' 582 | 583 | ## The file where the secret key is stored. 584 | #c.NotebookNotary.secret_file = '' 585 | 586 | ## A callable returning the storage backend for notebook signatures. The default 587 | # uses an SQLite database. 588 | #c.NotebookNotary.store_factory = traitlets.Undefined 589 | 590 | #------------------------------------------------------------------------------ 591 | # KernelSpecManager(LoggingConfigurable) configuration 592 | #------------------------------------------------------------------------------ 593 | 594 | ## If there is no Python kernelspec registered and the IPython kernel is 595 | # available, ensure it is added to the spec list. 596 | #c.KernelSpecManager.ensure_native_kernel = True 597 | 598 | ## The kernel spec class. This is configurable to allow subclassing of the 599 | # KernelSpecManager for customized behavior. 600 | #c.KernelSpecManager.kernel_spec_class = 'jupyter_client.kernelspec.KernelSpec' 601 | 602 | ## Whitelist of allowed kernel names. 603 | # 604 | # By default, all installed kernels are allowed. 605 | #c.KernelSpecManager.whitelist = set() 606 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_ProjectProvider.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:14.1436|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:14.2794|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:14.9142|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|611dc486-f4a2-11e7-bb07-985fd3341243 4 | 2018-01-08 10:33:14.9872|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|611dc486-f4a2-11e7-bb07-985fd3341243 5 | 2018-01-08 10:33:15.8048|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|611dc486-f4a2-11e7-bb07-985fd3341243 6 | 2018-01-08 10:33:15.8048|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|611dc486-f4a2-11e7-bb07-985fd3341243 7 | 2018-01-08 10:33:15.9987|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|611dc486-f4a2-11e7-bb07-985fd3341243 8 | 2018-01-08 10:33:15.9987|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|611dc486-f4a2-11e7-bb07-985fd3341243 9 | 2018-01-08 10:33:35.4111|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6e1abe9a-f4a2-11e7-b908-985fd3341243 10 | 2018-01-08 10:33:35.4884|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|6e1abe9a-f4a2-11e7-b908-985fd3341243 11 | 2018-01-08 10:33:35.9748|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6e1abe9a-f4a2-11e7-b908-985fd3341243 12 | 2018-01-08 10:33:35.9858|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6e1abe9a-f4a2-11e7-b908-985fd3341243 13 | 2018-01-08 10:33:36.6502|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6e1abe9a-f4a2-11e7-b908-985fd3341243 14 | 2018-01-08 10:33:36.6502|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6e1abe9a-f4a2-11e7-b908-985fd3341243 15 | 2018-01-08 10:33:36.8082|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6e1abe9a-f4a2-11e7-b908-985fd3341243 16 | 2018-01-08 10:33:36.8082|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6e1abe9a-f4a2-11e7-b908-985fd3341243 17 | 2018-01-08 11:03:24.0991|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|97f3c076-f4a6-11e7-8e5c-985fd3341243 18 | 2018-01-08 11:03:24.2433|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|97f3c076-f4a6-11e7-8e5c-985fd3341243 19 | 2018-01-08 11:03:24.9530|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|97f3c076-f4a6-11e7-8e5c-985fd3341243 20 | 2018-01-08 11:03:24.9761|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|97f3c076-f4a6-11e7-8e5c-985fd3341243 21 | 2018-01-08 11:03:26.3819|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|97f3c076-f4a6-11e7-8e5c-985fd3341243 22 | 2018-01-08 11:03:26.3819|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|97f3c076-f4a6-11e7-8e5c-985fd3341243 23 | 2018-01-08 11:03:26.5799|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|97f3c076-f4a6-11e7-8e5c-985fd3341243 24 | 2018-01-08 11:03:26.5799|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|97f3c076-f4a6-11e7-8e5c-985fd3341243 25 | 2018-01-08 11:04:01.3502|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|ae4f0bb0-f4a6-11e7-8211-985fd3341243 26 | 2018-01-08 11:04:01.4246|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 27 | 2018-01-08 11:04:02.2518|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|ae4f0bb0-f4a6-11e7-8211-985fd3341243 28 | 2018-01-08 11:04:02.2802|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 29 | 2018-01-08 11:04:03.1565|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|ae4f0bb0-f4a6-11e7-8211-985fd3341243 30 | 2018-01-08 11:04:03.1565|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 31 | 2018-01-08 11:04:03.3554|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|ae4f0bb0-f4a6-11e7-8211-985fd3341243 32 | 2018-01-08 11:04:03.3554|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 33 | 2018-01-08 11:04:27.0083|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bddf0f68-f4a6-11e7-96c2-985fd3341243 34 | 2018-01-08 11:04:27.0856|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|bddf0f68-f4a6-11e7-96c2-985fd3341243 35 | 2018-01-08 11:04:27.4890|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bddf0f68-f4a6-11e7-96c2-985fd3341243 36 | 2018-01-08 11:04:27.4890|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bddf0f68-f4a6-11e7-96c2-985fd3341243 37 | 2018-01-08 11:04:28.1286|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bddf0f68-f4a6-11e7-96c2-985fd3341243 38 | 2018-01-08 11:04:28.1286|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bddf0f68-f4a6-11e7-96c2-985fd3341243 39 | 2018-01-08 11:04:28.5160|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bddf0f68-f4a6-11e7-96c2-985fd3341243 40 | 2018-01-08 11:04:28.5160|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bddf0f68-f4a6-11e7-96c2-985fd3341243 41 | 2018-01-16 14:45:55.9460|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|0188a726-fb0f-11e7-a72b-985fd3341243 42 | 2018-01-16 14:45:56.0692|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|0188a726-fb0f-11e7-a72b-985fd3341243 43 | 2018-01-16 14:45:56.8181|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|0188a726-fb0f-11e7-a72b-985fd3341243 44 | 2018-01-16 14:45:56.8368|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|0188a726-fb0f-11e7-a72b-985fd3341243 45 | 2018-01-16 14:45:57.9008|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|0188a726-fb0f-11e7-a72b-985fd3341243 46 | 2018-01-16 14:45:57.9008|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|0188a726-fb0f-11e7-a72b-985fd3341243 47 | 2018-01-16 14:45:58.0771|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|0188a726-fb0f-11e7-a72b-985fd3341243 48 | 2018-01-16 14:45:58.0771|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|0188a726-fb0f-11e7-a72b-985fd3341243 49 | 2018-01-16 15:05:25.6119|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb44e228-fb11-11e7-a2b5-985fd3341243 50 | 2018-01-16 15:05:25.6761|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|bb44e228-fb11-11e7-a2b5-985fd3341243 51 | 2018-01-16 15:05:26.0972|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb44e228-fb11-11e7-a2b5-985fd3341243 52 | 2018-01-16 15:05:26.0972|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb44e228-fb11-11e7-a2b5-985fd3341243 53 | 2018-01-16 15:05:26.7235|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb44e228-fb11-11e7-a2b5-985fd3341243 54 | 2018-01-16 15:05:26.7235|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb44e228-fb11-11e7-a2b5-985fd3341243 55 | 2018-01-16 15:05:26.8894|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb44e228-fb11-11e7-a2b5-985fd3341243 56 | 2018-01-16 15:05:26.8894|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb44e228-fb11-11e7-a2b5-985fd3341243 57 | 2018-01-16 15:06:03.3608|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|d134c2a8-fb11-11e7-90d0-985fd3341243 58 | 2018-01-16 15:06:03.5358|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|d134c2a8-fb11-11e7-90d0-985fd3341243 59 | 2018-01-16 15:06:04.1725|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|d134c2a8-fb11-11e7-90d0-985fd3341243 60 | 2018-01-16 15:06:04.1813|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|d134c2a8-fb11-11e7-90d0-985fd3341243 61 | 2018-01-16 15:06:05.1349|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|d134c2a8-fb11-11e7-90d0-985fd3341243 62 | 2018-01-16 15:06:05.1349|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|d134c2a8-fb11-11e7-90d0-985fd3341243 63 | 2018-01-16 15:06:05.3599|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|d134c2a8-fb11-11e7-90d0-985fd3341243 64 | 2018-01-16 15:06:05.3599|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|d134c2a8-fb11-11e7-90d0-985fd3341243 65 | 2018-01-16 15:34:11.4456|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|c0048a14-fb15-11e7-b0e7-985fd3341243 66 | 2018-01-16 15:34:11.5214|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|c0048a14-fb15-11e7-b0e7-985fd3341243 67 | 2018-01-16 15:34:11.9211|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|c0048a14-fb15-11e7-b0e7-985fd3341243 68 | 2018-01-16 15:34:11.9280|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|c0048a14-fb15-11e7-b0e7-985fd3341243 69 | 2018-01-16 15:34:12.4751|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|c0048a14-fb15-11e7-b0e7-985fd3341243 70 | 2018-01-16 15:34:12.4751|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|c0048a14-fb15-11e7-b0e7-985fd3341243 71 | 2018-01-16 15:34:12.6306|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|c0048a14-fb15-11e7-b0e7-985fd3341243 72 | 2018-01-16 15:34:12.6306|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|c0048a14-fb15-11e7-b0e7-985fd3341243 73 | 2018-01-16 15:36:50.2598|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|1e5d3b40-fb16-11e7-95a2-985fd3341243 74 | 2018-01-16 15:36:50.3210|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|1e5d3b40-fb16-11e7-95a2-985fd3341243 75 | 2018-01-16 15:36:50.7176|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|1e5d3b40-fb16-11e7-95a2-985fd3341243 76 | 2018-01-16 15:36:50.7234|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|1e5d3b40-fb16-11e7-95a2-985fd3341243 77 | 2018-01-16 15:36:51.2889|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|1e5d3b40-fb16-11e7-95a2-985fd3341243 78 | 2018-01-16 15:36:51.2889|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|1e5d3b40-fb16-11e7-95a2-985fd3341243 79 | 2018-01-16 15:36:51.5195|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|1e5d3b40-fb16-11e7-95a2-985fd3341243 80 | 2018-01-16 15:36:51.5195|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|1e5d3b40-fb16-11e7-95a2-985fd3341243 81 | 2018-01-16 15:37:32.4907|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|367b3cc8-fb16-11e7-b0c2-985fd3341243 82 | 2018-01-16 15:37:32.6869|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|367b3cc8-fb16-11e7-b0c2-985fd3341243 83 | 2018-01-16 15:37:33.1794|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|367b3cc8-fb16-11e7-b0c2-985fd3341243 84 | 2018-01-16 15:37:33.1794|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|367b3cc8-fb16-11e7-b0c2-985fd3341243 85 | 2018-01-16 15:37:33.8236|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|367b3cc8-fb16-11e7-b0c2-985fd3341243 86 | 2018-01-16 15:37:33.8236|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|367b3cc8-fb16-11e7-b0c2-985fd3341243 87 | 2018-01-16 15:37:33.9778|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|367b3cc8-fb16-11e7-b0c2-985fd3341243 88 | 2018-01-16 15:37:33.9778|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|367b3cc8-fb16-11e7-b0c2-985fd3341243 89 | 2018-01-16 15:38:22.9184|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|558bd610-fb16-11e7-ade3-985fd3341243 90 | 2018-01-16 15:38:22.9959|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|558bd610-fb16-11e7-ade3-985fd3341243 91 | 2018-01-16 15:38:23.3733|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|558bd610-fb16-11e7-ade3-985fd3341243 92 | 2018-01-16 15:38:23.3835|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|558bd610-fb16-11e7-ade3-985fd3341243 93 | 2018-01-16 15:38:24.0506|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|558bd610-fb16-11e7-ade3-985fd3341243 94 | 2018-01-16 15:38:24.0506|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|558bd610-fb16-11e7-ade3-985fd3341243 95 | 2018-01-16 15:38:24.2251|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|558bd610-fb16-11e7-ade3-985fd3341243 96 | 2018-01-16 15:38:24.2251|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|558bd610-fb16-11e7-ade3-985fd3341243 97 | 2018-01-16 15:38:44.2901|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6201736e-fb16-11e7-9032-985fd3341243 98 | 2018-01-16 15:38:44.3634|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|6201736e-fb16-11e7-9032-985fd3341243 99 | 2018-01-16 15:38:44.7341|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6201736e-fb16-11e7-9032-985fd3341243 100 | 2018-01-16 15:38:44.7404|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6201736e-fb16-11e7-9032-985fd3341243 101 | 2018-01-16 15:38:45.2694|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6201736e-fb16-11e7-9032-985fd3341243 102 | 2018-01-16 15:38:45.2694|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6201736e-fb16-11e7-9032-985fd3341243 103 | 2018-01-16 15:38:45.4279|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6201736e-fb16-11e7-9032-985fd3341243 104 | 2018-01-16 15:38:45.4279|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6201736e-fb16-11e7-9032-985fd3341243 105 | 2018-01-16 15:39:43.5190|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|85dd70c6-fb16-11e7-9353-985fd3341243 106 | 2018-01-16 15:39:43.5888|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|85dd70c6-fb16-11e7-9353-985fd3341243 107 | 2018-01-16 15:39:43.9420|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|85dd70c6-fb16-11e7-9353-985fd3341243 108 | 2018-01-16 15:39:43.9509|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|85dd70c6-fb16-11e7-9353-985fd3341243 109 | 2018-01-16 15:39:44.4874|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|85dd70c6-fb16-11e7-9353-985fd3341243 110 | 2018-01-16 15:39:44.4874|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|85dd70c6-fb16-11e7-9353-985fd3341243 111 | 2018-01-16 15:39:44.6392|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|85dd70c6-fb16-11e7-9353-985fd3341243 112 | 2018-01-16 15:39:44.6392|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|85dd70c6-fb16-11e7-9353-985fd3341243 113 | 2018-01-16 15:53:20.1680|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6c5f519e-fb18-11e7-b260-985fd3341243 114 | 2018-01-16 15:53:20.2355|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|6c5f519e-fb18-11e7-b260-985fd3341243 115 | 2018-01-16 15:53:20.6372|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6c5f519e-fb18-11e7-b260-985fd3341243 116 | 2018-01-16 15:53:20.6372|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6c5f519e-fb18-11e7-b260-985fd3341243 117 | 2018-01-16 15:53:21.2134|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6c5f519e-fb18-11e7-b260-985fd3341243 118 | 2018-01-16 15:53:21.2134|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6c5f519e-fb18-11e7-b260-985fd3341243 119 | 2018-01-16 15:53:21.3704|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|6c5f519e-fb18-11e7-b260-985fd3341243 120 | 2018-01-16 15:53:21.3704|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|6c5f519e-fb18-11e7-b260-985fd3341243 121 | 2018-01-16 15:54:11.6822|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|8b05f2dc-fb18-11e7-b6e6-985fd3341243 122 | 2018-01-16 15:54:11.7504|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 123 | 2018-01-16 15:54:12.1531|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|8b05f2dc-fb18-11e7-b6e6-985fd3341243 124 | 2018-01-16 15:54:12.1531|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 125 | 2018-01-16 15:54:12.7281|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|8b05f2dc-fb18-11e7-b6e6-985fd3341243 126 | 2018-01-16 15:54:12.7281|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 127 | 2018-01-16 15:54:12.9056|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|8b05f2dc-fb18-11e7-b6e6-985fd3341243 128 | 2018-01-16 15:54:12.9056|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 129 | 2018-01-16 15:54:25.7096|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|93665c4a-fb18-11e7-8811-985fd3341243 130 | 2018-01-16 15:54:25.7859|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|93665c4a-fb18-11e7-8811-985fd3341243 131 | 2018-01-16 15:54:26.2253|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|93665c4a-fb18-11e7-8811-985fd3341243 132 | 2018-01-16 15:54:26.2317|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|93665c4a-fb18-11e7-8811-985fd3341243 133 | 2018-01-16 15:54:26.8057|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|93665c4a-fb18-11e7-8811-985fd3341243 134 | 2018-01-16 15:54:26.8057|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|93665c4a-fb18-11e7-8811-985fd3341243 135 | 2018-01-16 15:54:26.9568|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|93665c4a-fb18-11e7-8811-985fd3341243 136 | 2018-01-16 15:54:26.9568|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|93665c4a-fb18-11e7-8811-985fd3341243 137 | 2018-01-16 16:38:11.8300|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|b0caae0a-fb1e-11e7-b09d-985fd3341243 138 | 2018-01-16 16:38:11.9053|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|b0caae0a-fb1e-11e7-b09d-985fd3341243 139 | 2018-01-16 16:38:12.3604|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|b0caae0a-fb1e-11e7-b09d-985fd3341243 140 | 2018-01-16 16:38:12.3681|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|b0caae0a-fb1e-11e7-b09d-985fd3341243 141 | 2018-01-16 16:38:12.9517|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|b0caae0a-fb1e-11e7-b09d-985fd3341243 142 | 2018-01-16 16:38:12.9517|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|b0caae0a-fb1e-11e7-b09d-985fd3341243 143 | 2018-01-16 16:38:13.1353|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|b0caae0a-fb1e-11e7-b09d-985fd3341243 144 | 2018-01-16 16:38:13.1353|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|b0caae0a-fb1e-11e7-b09d-985fd3341243 145 | 2018-01-16 16:38:29.8964|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 146 | 2018-01-16 16:38:29.9673|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[],"PendingReservations":[]}}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 147 | 2018-01-16 16:38:30.3698|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 148 | 2018-01-16 16:38:30.3698|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 149 | 2018-01-16 16:38:30.9888|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 150 | 2018-01-16 16:38:30.9888|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 151 | 2018-01-16 16:38:31.1765|DEBUG|ProjectProvider|SampleIndexProvider|Restoring index from disk|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 152 | 2018-01-16 16:38:31.1765|DEBUG|ProjectProvider|SampleIndexProvider|Index restored|{"artifact":{"Version":1,"Samples":[{"Id":"2445cb08-48a1-4f3f-bc83-1c246825bf69","Hash":"7DhIjGP-UPIwwV8XXSIeP-UR+Hxd3mL87hq-9yf2u9A=","Path":"C:\\Users\\latra\\AppData\\Roaming\\AmlWorkbench\\samples\\111935c6-33c0-4a52-bfa7-12983a238cc6","SampleGeneratorId":{"Id":null,"Type":0},"ErrorCode":null,"ErrorMessage":null,"FailedStepId":null}],"PendingReservations":[]}}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 153 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_Telemetry.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:15.2420|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b5b5cc4d-04d4-4320-8005-0461a0822779"}|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:15.2420|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b5b5cc4d-04d4-4320-8005-0461a0822779"}|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:16.6176|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 4 | 2018-01-08 10:33:16.6176|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 5 | 2018-01-08 10:33:16.7600|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 6 | 2018-01-08 10:33:16.7600|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 7 | 2018-01-08 10:33:16.9651|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 8 | 2018-01-08 10:33:16.9651|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 9 | 2018-01-08 10:33:17.0582|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 10 | 2018-01-08 10:33:17.0582|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|611dc486-f4a2-11e7-bb07-985fd3341243 11 | 2018-01-08 10:33:36.1436|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b311ddd0-20ed-482c-91b2-2897fe264f14"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 12 | 2018-01-08 10:33:36.1436|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b311ddd0-20ed-482c-91b2-2897fe264f14"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 13 | 2018-01-08 10:33:37.2960|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 14 | 2018-01-08 10:33:37.2960|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 15 | 2018-01-08 10:33:37.4056|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 16 | 2018-01-08 10:33:37.4056|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 17 | 2018-01-08 10:33:37.5967|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 18 | 2018-01-08 10:33:37.5967|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 19 | 2018-01-08 10:33:37.6796|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 20 | 2018-01-08 10:33:37.6796|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 21 | 2018-01-08 11:03:25.5494|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"d2722a89-413a-4a8f-a3bf-2a49f7d5eab8"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 22 | 2018-01-08 11:03:25.5494|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"d2722a89-413a-4a8f-a3bf-2a49f7d5eab8"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 23 | 2018-01-08 11:03:27.1772|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 24 | 2018-01-08 11:03:27.1772|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 25 | 2018-01-08 11:03:27.2825|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 26 | 2018-01-08 11:03:27.2825|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 27 | 2018-01-08 11:03:27.4659|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 28 | 2018-01-08 11:03:27.4659|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 29 | 2018-01-08 11:03:27.5564|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 30 | 2018-01-08 11:03:27.5564|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 31 | 2018-01-08 11:04:02.6442|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"c55e606c-5772-4be5-b061-ab82999cc021"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 32 | 2018-01-08 11:04:02.6442|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"c55e606c-5772-4be5-b061-ab82999cc021"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 33 | 2018-01-08 11:04:03.8992|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 34 | 2018-01-08 11:04:03.8992|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 35 | 2018-01-08 11:04:04.0226|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 36 | 2018-01-08 11:04:04.0226|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 37 | 2018-01-08 11:04:04.1652|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 38 | 2018-01-08 11:04:04.1652|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 39 | 2018-01-08 11:04:04.2321|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 40 | 2018-01-08 11:04:04.2321|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 41 | 2018-01-08 11:04:27.6537|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"75395434-5049-4c2d-9c1b-325e5e1af198"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 42 | 2018-01-08 11:04:27.6537|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"75395434-5049-4c2d-9c1b-325e5e1af198"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 43 | 2018-01-08 11:04:29.2162|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 44 | 2018-01-08 11:04:29.2162|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 45 | 2018-01-08 11:04:29.3283|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 46 | 2018-01-08 11:04:29.3283|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 47 | 2018-01-08 11:04:29.4970|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 48 | 2018-01-08 11:04:29.4970|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 49 | 2018-01-08 11:04:29.5987|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 50 | 2018-01-08 11:04:29.5987|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 51 | 2018-01-16 14:45:56.9942|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"60f72a9f-169c-4070-9711-06e36bc9fd0e"}|0188a726-fb0f-11e7-a72b-985fd3341243 52 | 2018-01-16 14:45:56.9942|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"60f72a9f-169c-4070-9711-06e36bc9fd0e"}|0188a726-fb0f-11e7-a72b-985fd3341243 53 | 2018-01-16 14:45:58.7470|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 54 | 2018-01-16 14:45:58.7470|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 55 | 2018-01-16 14:45:58.8919|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 56 | 2018-01-16 14:45:58.8919|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 57 | 2018-01-16 14:45:59.0710|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 58 | 2018-01-16 14:45:59.0710|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 59 | 2018-01-16 14:45:59.1444|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 60 | 2018-01-16 14:45:59.1444|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|0188a726-fb0f-11e7-a72b-985fd3341243 61 | 2018-01-16 15:05:26.2681|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"00e55e0f-77f1-4ea2-b7d3-a70fe3cf52b7"}|bb44e228-fb11-11e7-a2b5-985fd3341243 62 | 2018-01-16 15:05:26.2681|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"00e55e0f-77f1-4ea2-b7d3-a70fe3cf52b7"}|bb44e228-fb11-11e7-a2b5-985fd3341243 63 | 2018-01-16 15:05:27.4381|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 64 | 2018-01-16 15:05:27.4381|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 65 | 2018-01-16 15:05:27.5780|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 66 | 2018-01-16 15:05:27.5780|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 67 | 2018-01-16 15:05:27.7374|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 68 | 2018-01-16 15:05:27.7374|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 69 | 2018-01-16 15:05:27.8317|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 70 | 2018-01-16 15:05:27.8317|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb44e228-fb11-11e7-a2b5-985fd3341243 71 | 2018-01-16 15:06:04.4100|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"e2d8d7b2-00b8-4f2a-9f6b-402929d94e6c"}|d134c2a8-fb11-11e7-90d0-985fd3341243 72 | 2018-01-16 15:06:04.4100|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"e2d8d7b2-00b8-4f2a-9f6b-402929d94e6c"}|d134c2a8-fb11-11e7-90d0-985fd3341243 73 | 2018-01-16 15:06:06.1458|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 74 | 2018-01-16 15:06:06.1458|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 75 | 2018-01-16 15:06:06.3685|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 76 | 2018-01-16 15:06:06.3685|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 77 | 2018-01-16 15:06:06.5893|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 78 | 2018-01-16 15:06:06.5893|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 79 | 2018-01-16 15:06:06.6704|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 80 | 2018-01-16 15:06:06.6704|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|d134c2a8-fb11-11e7-90d0-985fd3341243 81 | 2018-01-16 15:34:12.0810|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"5dacdfbd-9c48-4600-90f7-4ad9308f05a9"}|c0048a14-fb15-11e7-b0e7-985fd3341243 82 | 2018-01-16 15:34:12.0810|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"5dacdfbd-9c48-4600-90f7-4ad9308f05a9"}|c0048a14-fb15-11e7-b0e7-985fd3341243 83 | 2018-01-16 15:34:13.0711|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 84 | 2018-01-16 15:34:13.0711|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 85 | 2018-01-16 15:34:13.2033|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 86 | 2018-01-16 15:34:13.2033|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 87 | 2018-01-16 15:34:13.3312|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 88 | 2018-01-16 15:34:13.3312|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 89 | 2018-01-16 15:34:13.3942|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 90 | 2018-01-16 15:34:13.3942|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|c0048a14-fb15-11e7-b0e7-985fd3341243 91 | 2018-01-16 15:36:50.8675|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"41c6c1d6-a791-40d3-8ce3-4ff37b619af1"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 92 | 2018-01-16 15:36:50.8675|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"41c6c1d6-a791-40d3-8ce3-4ff37b619af1"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 93 | 2018-01-16 15:36:52.0777|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 94 | 2018-01-16 15:36:52.0777|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 95 | 2018-01-16 15:36:52.2653|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 96 | 2018-01-16 15:36:52.2653|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 97 | 2018-01-16 15:36:52.4069|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 98 | 2018-01-16 15:36:52.4069|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 99 | 2018-01-16 15:36:52.4887|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 100 | 2018-01-16 15:36:52.4887|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 101 | 2018-01-16 15:37:33.3497|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b368e86a-ce80-4a6e-b219-a9d230c586d9"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 102 | 2018-01-16 15:37:33.3497|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"b368e86a-ce80-4a6e-b219-a9d230c586d9"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 103 | 2018-01-16 15:37:34.5163|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 104 | 2018-01-16 15:37:34.5163|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 105 | 2018-01-16 15:37:34.6058|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 106 | 2018-01-16 15:37:34.6058|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 107 | 2018-01-16 15:37:34.7886|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 108 | 2018-01-16 15:37:34.7886|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 109 | 2018-01-16 15:37:34.8859|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 110 | 2018-01-16 15:37:34.8859|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 111 | 2018-01-16 15:38:23.5581|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"8cb991a1-12fb-4060-b871-2cb0912c5d8e"}|558bd610-fb16-11e7-ade3-985fd3341243 112 | 2018-01-16 15:38:23.5581|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"8cb991a1-12fb-4060-b871-2cb0912c5d8e"}|558bd610-fb16-11e7-ade3-985fd3341243 113 | 2018-01-16 15:38:24.6615|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 114 | 2018-01-16 15:38:24.6615|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 115 | 2018-01-16 15:38:24.7610|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 116 | 2018-01-16 15:38:24.7610|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 117 | 2018-01-16 15:38:24.9103|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 118 | 2018-01-16 15:38:24.9103|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 119 | 2018-01-16 15:38:24.9898|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 120 | 2018-01-16 15:38:24.9898|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|558bd610-fb16-11e7-ade3-985fd3341243 121 | 2018-01-16 15:38:44.8647|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"ba2be39e-fc0c-4e83-a7b7-7c8b273464d5"}|6201736e-fb16-11e7-9032-985fd3341243 122 | 2018-01-16 15:38:44.8647|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"ba2be39e-fc0c-4e83-a7b7-7c8b273464d5"}|6201736e-fb16-11e7-9032-985fd3341243 123 | 2018-01-16 15:38:45.8434|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 124 | 2018-01-16 15:38:45.8434|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 125 | 2018-01-16 15:38:45.9656|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 126 | 2018-01-16 15:38:45.9656|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 127 | 2018-01-16 15:38:46.1245|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 128 | 2018-01-16 15:38:46.1245|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 129 | 2018-01-16 15:38:46.2090|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 130 | 2018-01-16 15:38:46.2090|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6201736e-fb16-11e7-9032-985fd3341243 131 | 2018-01-16 15:39:44.0697|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"053b06fa-0144-48cf-a4a4-6d2a240acda4"}|85dd70c6-fb16-11e7-9353-985fd3341243 132 | 2018-01-16 15:39:44.0697|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"053b06fa-0144-48cf-a4a4-6d2a240acda4"}|85dd70c6-fb16-11e7-9353-985fd3341243 133 | 2018-01-16 15:39:45.1557|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 134 | 2018-01-16 15:39:45.1557|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 135 | 2018-01-16 15:39:45.2768|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 136 | 2018-01-16 15:39:45.2768|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 137 | 2018-01-16 15:39:45.3927|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 138 | 2018-01-16 15:39:45.3927|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 139 | 2018-01-16 15:39:45.4688|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 140 | 2018-01-16 15:39:45.4688|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|85dd70c6-fb16-11e7-9353-985fd3341243 141 | 2018-01-16 15:53:20.8048|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"35b71627-cae5-40cb-99bb-30f05e5b29dd"}|6c5f519e-fb18-11e7-b260-985fd3341243 142 | 2018-01-16 15:53:20.8048|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"35b71627-cae5-40cb-99bb-30f05e5b29dd"}|6c5f519e-fb18-11e7-b260-985fd3341243 143 | 2018-01-16 15:53:21.8411|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 144 | 2018-01-16 15:53:21.8411|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 145 | 2018-01-16 15:53:21.9502|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 146 | 2018-01-16 15:53:21.9502|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 147 | 2018-01-16 15:53:22.1154|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 148 | 2018-01-16 15:53:22.1154|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 149 | 2018-01-16 15:53:22.1963|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 150 | 2018-01-16 15:53:22.1963|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|6c5f519e-fb18-11e7-b260-985fd3341243 151 | 2018-01-16 15:54:12.3159|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"94cbd1ef-6e15-4c7c-ad7f-7d77fee61a88"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 152 | 2018-01-16 15:54:12.3159|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"94cbd1ef-6e15-4c7c-ad7f-7d77fee61a88"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 153 | 2018-01-16 15:54:13.4231|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 154 | 2018-01-16 15:54:13.4231|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 155 | 2018-01-16 15:54:13.5691|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 156 | 2018-01-16 15:54:13.5691|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 157 | 2018-01-16 15:54:13.7239|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 158 | 2018-01-16 15:54:13.7239|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 159 | 2018-01-16 15:54:13.8521|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 160 | 2018-01-16 15:54:13.8521|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 161 | 2018-01-16 15:54:26.3749|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"a5a9b444-21db-42b3-85fd-5ee2bf53acb0"}|93665c4a-fb18-11e7-8811-985fd3341243 162 | 2018-01-16 15:54:26.3749|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"a5a9b444-21db-42b3-85fd-5ee2bf53acb0"}|93665c4a-fb18-11e7-8811-985fd3341243 163 | 2018-01-16 15:54:27.4343|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 164 | 2018-01-16 15:54:27.4343|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 165 | 2018-01-16 15:54:27.5812|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 166 | 2018-01-16 15:54:27.5812|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 167 | 2018-01-16 15:54:27.7308|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 168 | 2018-01-16 15:54:27.7308|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 169 | 2018-01-16 15:54:27.7942|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 170 | 2018-01-16 15:54:27.7942|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|93665c4a-fb18-11e7-8811-985fd3341243 171 | 2018-01-16 16:38:12.5092|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"9e51a665-cb3d-4736-948b-d07f3ff2fcf2"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 172 | 2018-01-16 16:38:12.5092|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"9e51a665-cb3d-4736-948b-d07f3ff2fcf2"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 173 | 2018-01-16 16:38:13.6004|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 174 | 2018-01-16 16:38:13.6004|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 175 | 2018-01-16 16:38:13.7381|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 176 | 2018-01-16 16:38:13.7381|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 177 | 2018-01-16 16:38:13.8806|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 178 | 2018-01-16 16:38:13.8806|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 179 | 2018-01-16 16:38:13.9570|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 180 | 2018-01-16 16:38:13.9570|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 181 | 2018-01-16 16:38:30.5573|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"099ee670-4589-4817-9779-21602d158a55"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 182 | 2018-01-16 16:38:30.5573|DEBUG|Telemetry|event: ActivityAdded|metrics: {}, properties: {"id":"e0d0d6ef-93de-4db9-a076-82db873de762","parentId":"099ee670-4589-4817-9779-21602d158a55"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 183 | 2018-01-16 16:38:31.6254|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 184 | 2018-01-16 16:38:31.6254|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 185 | 2018-01-16 16:38:31.7776|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 186 | 2018-01-16 16:38:31.7776|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 187 | 2018-01-16 16:38:31.9557|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 188 | 2018-01-16 16:38:31.9557|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 189 | 2018-01-16 16:38:32.0723|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 190 | 2018-01-16 16:38:32.0723|DEBUG|Telemetry|event: DataSourceGetFiles|metrics: {"size":3410764.0}, properties: {"datasourceType":"Local","datasourcePath":"51805770872AAA875974F728A4A099B6612BC6DF7BC8F7B2412FEF34D9AB61FB","isSampled":"True"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 191 | -------------------------------------------------------------------------------- /azureml-logs/dataprep/backgroundProcess_CLex.log: -------------------------------------------------------------------------------- 1 | 2018-01-08 10:33:16.3130|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"fd8652c2-be6d-4371-b1ba-b3f51d2f6fd1","Main":"tOHslAQT84Fkxb9mMT3owbdZbITprp4cCoL4uJ0wYtQ="}|611dc486-f4a2-11e7-bb07-985fd3341243 2 | 2018-01-08 10:33:16.3130|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: tOHslAQT84Fkxb9mMT3owbdZbITprp4cCoL4uJ0wYtQ=|611dc486-f4a2-11e7-bb07-985fd3341243 3 | 2018-01-08 10:33:16.3444|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"b05e3e0f-56ed-4b6a-aae9-902860573bbb","ContextTag":"0","ParentContextTag":""}|611dc486-f4a2-11e7-bb07-985fd3341243 4 | 2018-01-08 10:33:16.5100|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"b05e3e0f-56ed-4b6a-aae9-902860573bbb","ContextTag":"0","ParentContextTag":""}|611dc486-f4a2-11e7-bb07-985fd3341243 5 | 2018-01-08 10:33:16.5100|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"c51d2f76-10a7-4f56-8d61-62adcae45ecc","ContextTag":"1","ParentContextTag":"0"}|611dc486-f4a2-11e7-bb07-985fd3341243 6 | 2018-01-08 10:33:16.6697|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"c51d2f76-10a7-4f56-8d61-62adcae45ecc","ContextTag":"1","ParentContextTag":"0"}|611dc486-f4a2-11e7-bb07-985fd3341243 7 | 2018-01-08 10:33:16.6697|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|611dc486-f4a2-11e7-bb07-985fd3341243 8 | 2018-01-08 10:33:16.6879|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|611dc486-f4a2-11e7-bb07-985fd3341243 9 | 2018-01-08 10:33:16.6879|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"d3c3dc0a-83af-400c-b8f6-1dba733efac9","ContextTag":"3","ParentContextTag":"2"}|611dc486-f4a2-11e7-bb07-985fd3341243 10 | 2018-01-08 10:33:17.1929|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"d3c3dc0a-83af-400c-b8f6-1dba733efac9","ContextTag":"3","ParentContextTag":"2"}|611dc486-f4a2-11e7-bb07-985fd3341243 11 | 2018-01-08 10:33:17.1929|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|611dc486-f4a2-11e7-bb07-985fd3341243 12 | 2018-01-08 10:33:17.1929|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|611dc486-f4a2-11e7-bb07-985fd3341243 13 | 2018-01-08 10:33:17.1929|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"fd8652c2-be6d-4371-b1ba-b3f51d2f6fd1","Main":"tOHslAQT84Fkxb9mMT3owbdZbITprp4cCoL4uJ0wYtQ="}|611dc486-f4a2-11e7-bb07-985fd3341243 14 | 2018-01-08 10:33:37.1371|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"50f416c0-b5e3-462c-b795-7238d23935aa","Main":"qSBgpLHx4vyrDM01CtCsK5hiWo/LUs6RlAuVD3L+8BI="}|6e1abe9a-f4a2-11e7-b908-985fd3341243 15 | 2018-01-08 10:33:37.1389|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: qSBgpLHx4vyrDM01CtCsK5hiWo/LUs6RlAuVD3L+8BI=|6e1abe9a-f4a2-11e7-b908-985fd3341243 16 | 2018-01-08 10:33:37.1626|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"33be1043-4854-40a3-a235-b8e88ddae6cc","ContextTag":"0","ParentContextTag":""}|6e1abe9a-f4a2-11e7-b908-985fd3341243 17 | 2018-01-08 10:33:37.2312|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"33be1043-4854-40a3-a235-b8e88ddae6cc","ContextTag":"0","ParentContextTag":""}|6e1abe9a-f4a2-11e7-b908-985fd3341243 18 | 2018-01-08 10:33:37.2312|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"8fb6fadb-8b0d-45ce-b04f-e5cadb303d3f","ContextTag":"1","ParentContextTag":"0"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 19 | 2018-01-08 10:33:37.3564|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"8fb6fadb-8b0d-45ce-b04f-e5cadb303d3f","ContextTag":"1","ParentContextTag":"0"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 20 | 2018-01-08 10:33:37.3564|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 21 | 2018-01-08 10:33:37.3564|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 22 | 2018-01-08 10:33:37.3564|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"b11604ac-4948-4311-a80c-18786552bfc1","ContextTag":"3","ParentContextTag":"2"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 23 | 2018-01-08 10:33:37.7747|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"b11604ac-4948-4311-a80c-18786552bfc1","ContextTag":"3","ParentContextTag":"2"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 24 | 2018-01-08 10:33:37.7747|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 25 | 2018-01-08 10:33:37.7747|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6e1abe9a-f4a2-11e7-b908-985fd3341243 26 | 2018-01-08 10:33:37.7747|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"50f416c0-b5e3-462c-b795-7238d23935aa","Main":"qSBgpLHx4vyrDM01CtCsK5hiWo/LUs6RlAuVD3L+8BI="}|6e1abe9a-f4a2-11e7-b908-985fd3341243 27 | 2018-01-08 11:03:26.9673|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"1b75bbea-7e8d-47c7-be45-7c2d4dcd3f60","Main":"ONTbjdAB8vadBIQG+uqQjk18pNlMHucrXGgkFAOaPaU="}|97f3c076-f4a6-11e7-8e5c-985fd3341243 28 | 2018-01-08 11:03:26.9673|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: ONTbjdAB8vadBIQG+uqQjk18pNlMHucrXGgkFAOaPaU=|97f3c076-f4a6-11e7-8e5c-985fd3341243 29 | 2018-01-08 11:03:26.9938|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"70d095bb-cf65-4612-9a04-f2944af6f6be","ContextTag":"0","ParentContextTag":""}|97f3c076-f4a6-11e7-8e5c-985fd3341243 30 | 2018-01-08 11:03:27.0921|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"70d095bb-cf65-4612-9a04-f2944af6f6be","ContextTag":"0","ParentContextTag":""}|97f3c076-f4a6-11e7-8e5c-985fd3341243 31 | 2018-01-08 11:03:27.0921|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"486a5ec2-b44f-46bd-b4d4-c15aca295285","ContextTag":"1","ParentContextTag":"0"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 32 | 2018-01-08 11:03:27.2193|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"486a5ec2-b44f-46bd-b4d4-c15aca295285","ContextTag":"1","ParentContextTag":"0"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 33 | 2018-01-08 11:03:27.2193|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 34 | 2018-01-08 11:03:27.2309|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 35 | 2018-01-08 11:03:27.2309|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"7dc5103f-f382-4e71-be81-be9819c9c6ec","ContextTag":"3","ParentContextTag":"2"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 36 | 2018-01-08 11:03:27.6765|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"7dc5103f-f382-4e71-be81-be9819c9c6ec","ContextTag":"3","ParentContextTag":"2"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 37 | 2018-01-08 11:03:27.6765|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 38 | 2018-01-08 11:03:27.6765|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|97f3c076-f4a6-11e7-8e5c-985fd3341243 39 | 2018-01-08 11:03:27.6765|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"1b75bbea-7e8d-47c7-be45-7c2d4dcd3f60","Main":"ONTbjdAB8vadBIQG+uqQjk18pNlMHucrXGgkFAOaPaU="}|97f3c076-f4a6-11e7-8e5c-985fd3341243 40 | 2018-01-08 11:04:03.7485|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"9b174db1-78f8-4654-afaa-e0d97c698683","Main":"fkeJNAcQsuuntCb2Z19ZCPZ5OTU8u3FZ/GL50aX2M90="}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 41 | 2018-01-08 11:04:03.7485|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: fkeJNAcQsuuntCb2Z19ZCPZ5OTU8u3FZ/GL50aX2M90=|ae4f0bb0-f4a6-11e7-8211-985fd3341243 42 | 2018-01-08 11:04:03.7774|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"2b84193f-e127-4ec3-8d43-976d0b5315bb","ContextTag":"0","ParentContextTag":""}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 43 | 2018-01-08 11:04:03.8463|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"2b84193f-e127-4ec3-8d43-976d0b5315bb","ContextTag":"0","ParentContextTag":""}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 44 | 2018-01-08 11:04:03.8463|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"eeca38fc-c0f4-4c4a-8bb0-e45389a34e12","ContextTag":"1","ParentContextTag":"0"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 45 | 2018-01-08 11:04:03.9340|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"eeca38fc-c0f4-4c4a-8bb0-e45389a34e12","ContextTag":"1","ParentContextTag":"0"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 46 | 2018-01-08 11:04:03.9340|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 47 | 2018-01-08 11:04:03.9565|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 48 | 2018-01-08 11:04:03.9565|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"0ed1c425-631d-493d-aba4-54e3e39b0a6c","ContextTag":"3","ParentContextTag":"2"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 49 | 2018-01-08 11:04:04.3255|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"0ed1c425-631d-493d-aba4-54e3e39b0a6c","ContextTag":"3","ParentContextTag":"2"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 50 | 2018-01-08 11:04:04.3255|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 51 | 2018-01-08 11:04:04.3255|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 52 | 2018-01-08 11:04:04.3255|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"9b174db1-78f8-4654-afaa-e0d97c698683","Main":"fkeJNAcQsuuntCb2Z19ZCPZ5OTU8u3FZ/GL50aX2M90="}|ae4f0bb0-f4a6-11e7-8211-985fd3341243 53 | 2018-01-08 11:04:29.0562|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"ce3daccc-d3d6-4eeb-a246-09cfaff29d46","Main":"KFAula1E0Zo23noqcdl8K0WwD12XOXCa/gBGPzlfBfM="}|bddf0f68-f4a6-11e7-96c2-985fd3341243 54 | 2018-01-08 11:04:29.0562|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: KFAula1E0Zo23noqcdl8K0WwD12XOXCa/gBGPzlfBfM=|bddf0f68-f4a6-11e7-96c2-985fd3341243 55 | 2018-01-08 11:04:29.0859|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"e1442cc5-ffda-4629-8099-ea3c0f1dd3b1","ContextTag":"0","ParentContextTag":""}|bddf0f68-f4a6-11e7-96c2-985fd3341243 56 | 2018-01-08 11:04:29.1683|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"e1442cc5-ffda-4629-8099-ea3c0f1dd3b1","ContextTag":"0","ParentContextTag":""}|bddf0f68-f4a6-11e7-96c2-985fd3341243 57 | 2018-01-08 11:04:29.1683|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"e1f787f6-1a80-4ee6-9840-6bbbd84585d4","ContextTag":"1","ParentContextTag":"0"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 58 | 2018-01-08 11:04:29.2563|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"e1f787f6-1a80-4ee6-9840-6bbbd84585d4","ContextTag":"1","ParentContextTag":"0"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 59 | 2018-01-08 11:04:29.2563|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 60 | 2018-01-08 11:04:29.2817|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 61 | 2018-01-08 11:04:29.2817|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"c40c25db-2345-4332-b570-d724ead734ee","ContextTag":"3","ParentContextTag":"2"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 62 | 2018-01-08 11:04:29.7222|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"c40c25db-2345-4332-b570-d724ead734ee","ContextTag":"3","ParentContextTag":"2"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 63 | 2018-01-08 11:04:29.7223|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 64 | 2018-01-08 11:04:29.7223|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bddf0f68-f4a6-11e7-96c2-985fd3341243 65 | 2018-01-08 11:04:29.7223|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"ce3daccc-d3d6-4eeb-a246-09cfaff29d46","Main":"KFAula1E0Zo23noqcdl8K0WwD12XOXCa/gBGPzlfBfM="}|bddf0f68-f4a6-11e7-96c2-985fd3341243 66 | 2018-01-16 14:45:58.5581|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"ec8d5883-b51e-4620-b877-bc0bf2ec9239","Main":"8bUsl0zrfRKn2HgpTQ7dlDN0Ql+6loMbfLqTn3VEr/0="}|0188a726-fb0f-11e7-a72b-985fd3341243 67 | 2018-01-16 14:45:58.5581|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: 8bUsl0zrfRKn2HgpTQ7dlDN0Ql+6loMbfLqTn3VEr/0=|0188a726-fb0f-11e7-a72b-985fd3341243 68 | 2018-01-16 14:45:58.5846|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"46472d10-5379-4066-ac07-fbf056032769","ContextTag":"0","ParentContextTag":""}|0188a726-fb0f-11e7-a72b-985fd3341243 69 | 2018-01-16 14:45:58.6710|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"46472d10-5379-4066-ac07-fbf056032769","ContextTag":"0","ParentContextTag":""}|0188a726-fb0f-11e7-a72b-985fd3341243 70 | 2018-01-16 14:45:58.6710|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"216e5f50-8677-481d-aeed-584c38fb307b","ContextTag":"1","ParentContextTag":"0"}|0188a726-fb0f-11e7-a72b-985fd3341243 71 | 2018-01-16 14:45:58.8156|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"216e5f50-8677-481d-aeed-584c38fb307b","ContextTag":"1","ParentContextTag":"0"}|0188a726-fb0f-11e7-a72b-985fd3341243 72 | 2018-01-16 14:45:58.8156|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|0188a726-fb0f-11e7-a72b-985fd3341243 73 | 2018-01-16 14:45:58.8156|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|0188a726-fb0f-11e7-a72b-985fd3341243 74 | 2018-01-16 14:45:58.8291|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"c36fdb55-969c-4e52-8a22-2fc1989a5e2f","ContextTag":"3","ParentContextTag":"2"}|0188a726-fb0f-11e7-a72b-985fd3341243 75 | 2018-01-16 14:45:59.2976|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"c36fdb55-969c-4e52-8a22-2fc1989a5e2f","ContextTag":"3","ParentContextTag":"2"}|0188a726-fb0f-11e7-a72b-985fd3341243 76 | 2018-01-16 14:45:59.2976|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|0188a726-fb0f-11e7-a72b-985fd3341243 77 | 2018-01-16 14:45:59.2976|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|0188a726-fb0f-11e7-a72b-985fd3341243 78 | 2018-01-16 14:45:59.2976|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"ec8d5883-b51e-4620-b877-bc0bf2ec9239","Main":"8bUsl0zrfRKn2HgpTQ7dlDN0Ql+6loMbfLqTn3VEr/0="}|0188a726-fb0f-11e7-a72b-985fd3341243 79 | 2018-01-16 15:05:27.2764|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"dbcb53a1-3309-4c7b-acc0-a919bafef7f4","Main":"aD/2/BR/w0jt85w/ngG1qSg6EwyGj27rAjFhac0cAPs="}|bb44e228-fb11-11e7-a2b5-985fd3341243 80 | 2018-01-16 15:05:27.2764|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: aD/2/BR/w0jt85w/ngG1qSg6EwyGj27rAjFhac0cAPs=|bb44e228-fb11-11e7-a2b5-985fd3341243 81 | 2018-01-16 15:05:27.2983|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"b312f60a-58e5-4d72-a57f-1078f1fe5a59","ContextTag":"0","ParentContextTag":""}|bb44e228-fb11-11e7-a2b5-985fd3341243 82 | 2018-01-16 15:05:27.3737|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"b312f60a-58e5-4d72-a57f-1078f1fe5a59","ContextTag":"0","ParentContextTag":""}|bb44e228-fb11-11e7-a2b5-985fd3341243 83 | 2018-01-16 15:05:27.3737|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"69c935f8-c381-4092-8a21-9dbcaa3d36cf","ContextTag":"1","ParentContextTag":"0"}|bb44e228-fb11-11e7-a2b5-985fd3341243 84 | 2018-01-16 15:05:27.4916|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"69c935f8-c381-4092-8a21-9dbcaa3d36cf","ContextTag":"1","ParentContextTag":"0"}|bb44e228-fb11-11e7-a2b5-985fd3341243 85 | 2018-01-16 15:05:27.4916|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bb44e228-fb11-11e7-a2b5-985fd3341243 86 | 2018-01-16 15:05:27.5025|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bb44e228-fb11-11e7-a2b5-985fd3341243 87 | 2018-01-16 15:05:27.5025|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"727dd8eb-3dec-4107-b968-9d4bdbc6a6c2","ContextTag":"3","ParentContextTag":"2"}|bb44e228-fb11-11e7-a2b5-985fd3341243 88 | 2018-01-16 15:05:27.9313|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"727dd8eb-3dec-4107-b968-9d4bdbc6a6c2","ContextTag":"3","ParentContextTag":"2"}|bb44e228-fb11-11e7-a2b5-985fd3341243 89 | 2018-01-16 15:05:27.9313|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bb44e228-fb11-11e7-a2b5-985fd3341243 90 | 2018-01-16 15:05:27.9313|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bb44e228-fb11-11e7-a2b5-985fd3341243 91 | 2018-01-16 15:05:27.9313|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"dbcb53a1-3309-4c7b-acc0-a919bafef7f4","Main":"aD/2/BR/w0jt85w/ngG1qSg6EwyGj27rAjFhac0cAPs="}|bb44e228-fb11-11e7-a2b5-985fd3341243 92 | 2018-01-16 15:06:05.9223|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"8ecc1a88-7afc-43f0-a580-2a5b9185a4c1","Main":"TxWXqG8f0yoH84kBniwpNiGajwAaa6pmM74nXaBZ7pc="}|d134c2a8-fb11-11e7-90d0-985fd3341243 93 | 2018-01-16 15:06:05.9241|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: TxWXqG8f0yoH84kBniwpNiGajwAaa6pmM74nXaBZ7pc=|d134c2a8-fb11-11e7-90d0-985fd3341243 94 | 2018-01-16 15:06:05.9577|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"ca4a2a39-14c6-4be3-ac2b-f5acd6514517","ContextTag":"0","ParentContextTag":""}|d134c2a8-fb11-11e7-90d0-985fd3341243 95 | 2018-01-16 15:06:06.0614|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"ca4a2a39-14c6-4be3-ac2b-f5acd6514517","ContextTag":"0","ParentContextTag":""}|d134c2a8-fb11-11e7-90d0-985fd3341243 96 | 2018-01-16 15:06:06.0614|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"e9cb0537-1936-4930-a581-216d40bd0ced","ContextTag":"1","ParentContextTag":"0"}|d134c2a8-fb11-11e7-90d0-985fd3341243 97 | 2018-01-16 15:06:06.2280|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"e9cb0537-1936-4930-a581-216d40bd0ced","ContextTag":"1","ParentContextTag":"0"}|d134c2a8-fb11-11e7-90d0-985fd3341243 98 | 2018-01-16 15:06:06.2280|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|d134c2a8-fb11-11e7-90d0-985fd3341243 99 | 2018-01-16 15:06:06.2456|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|d134c2a8-fb11-11e7-90d0-985fd3341243 100 | 2018-01-16 15:06:06.2456|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"2435c3f7-03ee-4a5a-a684-f00403005664","ContextTag":"3","ParentContextTag":"2"}|d134c2a8-fb11-11e7-90d0-985fd3341243 101 | 2018-01-16 15:06:06.7887|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"2435c3f7-03ee-4a5a-a684-f00403005664","ContextTag":"3","ParentContextTag":"2"}|d134c2a8-fb11-11e7-90d0-985fd3341243 102 | 2018-01-16 15:06:06.7887|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|d134c2a8-fb11-11e7-90d0-985fd3341243 103 | 2018-01-16 15:06:06.7887|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|d134c2a8-fb11-11e7-90d0-985fd3341243 104 | 2018-01-16 15:06:06.7887|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"8ecc1a88-7afc-43f0-a580-2a5b9185a4c1","Main":"TxWXqG8f0yoH84kBniwpNiGajwAaa6pmM74nXaBZ7pc="}|d134c2a8-fb11-11e7-90d0-985fd3341243 105 | 2018-01-16 15:34:12.9145|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"2a62a57e-cba9-4ff9-bc07-fb2e4d5a71ad","Main":"jfF/5dELgRVN7PBUi3bhEooEIJ0ca3VYy1YcbB2Q2+E="}|c0048a14-fb15-11e7-b0e7-985fd3341243 106 | 2018-01-16 15:34:12.9145|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: jfF/5dELgRVN7PBUi3bhEooEIJ0ca3VYy1YcbB2Q2+E=|c0048a14-fb15-11e7-b0e7-985fd3341243 107 | 2018-01-16 15:34:12.9358|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"19a4e5e3-3aa7-4872-9562-ceb2c76fb608","ContextTag":"0","ParentContextTag":""}|c0048a14-fb15-11e7-b0e7-985fd3341243 108 | 2018-01-16 15:34:13.0207|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"19a4e5e3-3aa7-4872-9562-ceb2c76fb608","ContextTag":"0","ParentContextTag":""}|c0048a14-fb15-11e7-b0e7-985fd3341243 109 | 2018-01-16 15:34:13.0207|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"7157ea53-e203-4fe4-b087-bf0df38988c1","ContextTag":"1","ParentContextTag":"0"}|c0048a14-fb15-11e7-b0e7-985fd3341243 110 | 2018-01-16 15:34:13.1235|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"7157ea53-e203-4fe4-b087-bf0df38988c1","ContextTag":"1","ParentContextTag":"0"}|c0048a14-fb15-11e7-b0e7-985fd3341243 111 | 2018-01-16 15:34:13.1235|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|c0048a14-fb15-11e7-b0e7-985fd3341243 112 | 2018-01-16 15:34:13.1371|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|c0048a14-fb15-11e7-b0e7-985fd3341243 113 | 2018-01-16 15:34:13.1371|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"163adc67-183f-4b7f-af61-085496742197","ContextTag":"3","ParentContextTag":"2"}|c0048a14-fb15-11e7-b0e7-985fd3341243 114 | 2018-01-16 15:34:13.4837|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"163adc67-183f-4b7f-af61-085496742197","ContextTag":"3","ParentContextTag":"2"}|c0048a14-fb15-11e7-b0e7-985fd3341243 115 | 2018-01-16 15:34:13.4837|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|c0048a14-fb15-11e7-b0e7-985fd3341243 116 | 2018-01-16 15:34:13.4837|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|c0048a14-fb15-11e7-b0e7-985fd3341243 117 | 2018-01-16 15:34:13.4837|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"2a62a57e-cba9-4ff9-bc07-fb2e4d5a71ad","Main":"jfF/5dELgRVN7PBUi3bhEooEIJ0ca3VYy1YcbB2Q2+E="}|c0048a14-fb15-11e7-b0e7-985fd3341243 118 | 2018-01-16 15:36:51.9256|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"027eac83-63e3-4e64-80c0-a14ddfc72b74","Main":"vk7gCM7X8iFcpdTS8FMAGzl98r1vhsONbaqKW8Fo99I="}|1e5d3b40-fb16-11e7-95a2-985fd3341243 119 | 2018-01-16 15:36:51.9256|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: vk7gCM7X8iFcpdTS8FMAGzl98r1vhsONbaqKW8Fo99I=|1e5d3b40-fb16-11e7-95a2-985fd3341243 120 | 2018-01-16 15:36:51.9493|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"4f22b5a4-f30c-419b-878e-3477434f6917","ContextTag":"0","ParentContextTag":""}|1e5d3b40-fb16-11e7-95a2-985fd3341243 121 | 2018-01-16 15:36:52.0228|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"4f22b5a4-f30c-419b-878e-3477434f6917","ContextTag":"0","ParentContextTag":""}|1e5d3b40-fb16-11e7-95a2-985fd3341243 122 | 2018-01-16 15:36:52.0228|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"0dbc0fad-0fd2-4836-98e3-45ca1167ef16","ContextTag":"1","ParentContextTag":"0"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 123 | 2018-01-16 15:36:52.1384|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"0dbc0fad-0fd2-4836-98e3-45ca1167ef16","ContextTag":"1","ParentContextTag":"0"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 124 | 2018-01-16 15:36:52.1384|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 125 | 2018-01-16 15:36:52.1578|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 126 | 2018-01-16 15:36:52.1602|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"38f585a7-7735-403f-81c3-579953b2fb70","ContextTag":"3","ParentContextTag":"2"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 127 | 2018-01-16 15:36:52.5784|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"38f585a7-7735-403f-81c3-579953b2fb70","ContextTag":"3","ParentContextTag":"2"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 128 | 2018-01-16 15:36:52.5784|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 129 | 2018-01-16 15:36:52.5784|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|1e5d3b40-fb16-11e7-95a2-985fd3341243 130 | 2018-01-16 15:36:52.5784|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"027eac83-63e3-4e64-80c0-a14ddfc72b74","Main":"vk7gCM7X8iFcpdTS8FMAGzl98r1vhsONbaqKW8Fo99I="}|1e5d3b40-fb16-11e7-95a2-985fd3341243 131 | 2018-01-16 15:37:34.3425|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"61eaa472-659a-4835-8654-99b7b5978965","Main":"y7oh2Yb4lgEtuRr9hzIWBb1A6rxae40hCgs5ULH2z68="}|367b3cc8-fb16-11e7-b0c2-985fd3341243 132 | 2018-01-16 15:37:34.3425|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: y7oh2Yb4lgEtuRr9hzIWBb1A6rxae40hCgs5ULH2z68=|367b3cc8-fb16-11e7-b0c2-985fd3341243 133 | 2018-01-16 15:37:34.3732|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"e06a07a5-36c5-4d58-8669-19fd6fa2e896","ContextTag":"0","ParentContextTag":""}|367b3cc8-fb16-11e7-b0c2-985fd3341243 134 | 2018-01-16 15:37:34.4660|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"e06a07a5-36c5-4d58-8669-19fd6fa2e896","ContextTag":"0","ParentContextTag":""}|367b3cc8-fb16-11e7-b0c2-985fd3341243 135 | 2018-01-16 15:37:34.4660|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"77f3b028-9c5f-4b3b-8fe5-929942db9ef1","ContextTag":"1","ParentContextTag":"0"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 136 | 2018-01-16 15:37:34.5572|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"77f3b028-9c5f-4b3b-8fe5-929942db9ef1","ContextTag":"1","ParentContextTag":"0"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 137 | 2018-01-16 15:37:34.5572|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 138 | 2018-01-16 15:37:34.5681|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 139 | 2018-01-16 15:37:34.5681|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"357da96d-4c6c-440b-b372-cf8257484058","ContextTag":"3","ParentContextTag":"2"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 140 | 2018-01-16 15:37:35.0077|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"357da96d-4c6c-440b-b372-cf8257484058","ContextTag":"3","ParentContextTag":"2"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 141 | 2018-01-16 15:37:35.0077|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 142 | 2018-01-16 15:37:35.0077|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|367b3cc8-fb16-11e7-b0c2-985fd3341243 143 | 2018-01-16 15:37:35.0077|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"61eaa472-659a-4835-8654-99b7b5978965","Main":"y7oh2Yb4lgEtuRr9hzIWBb1A6rxae40hCgs5ULH2z68="}|367b3cc8-fb16-11e7-b0c2-985fd3341243 144 | 2018-01-16 15:38:24.5207|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"9feb41ec-46f5-499a-9324-337d22fbe3c9","Main":"fB4EcASth+xwli7CeMAyYoZ5HcsIrAh7DSes9AQi1Sk="}|558bd610-fb16-11e7-ade3-985fd3341243 145 | 2018-01-16 15:38:24.5207|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: fB4EcASth+xwli7CeMAyYoZ5HcsIrAh7DSes9AQi1Sk=|558bd610-fb16-11e7-ade3-985fd3341243 146 | 2018-01-16 15:38:24.5455|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"99e43efc-f32a-4b6c-b154-fc5db2a40a55","ContextTag":"0","ParentContextTag":""}|558bd610-fb16-11e7-ade3-985fd3341243 147 | 2018-01-16 15:38:24.6061|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"99e43efc-f32a-4b6c-b154-fc5db2a40a55","ContextTag":"0","ParentContextTag":""}|558bd610-fb16-11e7-ade3-985fd3341243 148 | 2018-01-16 15:38:24.6061|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"4503d979-12ec-427b-96d6-8cf0546727fb","ContextTag":"1","ParentContextTag":"0"}|558bd610-fb16-11e7-ade3-985fd3341243 149 | 2018-01-16 15:38:24.7045|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"4503d979-12ec-427b-96d6-8cf0546727fb","ContextTag":"1","ParentContextTag":"0"}|558bd610-fb16-11e7-ade3-985fd3341243 150 | 2018-01-16 15:38:24.7045|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|558bd610-fb16-11e7-ade3-985fd3341243 151 | 2018-01-16 15:38:24.7233|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|558bd610-fb16-11e7-ade3-985fd3341243 152 | 2018-01-16 15:38:24.7233|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"12e5a1c2-24c0-444d-9fa4-042c1fd2c781","ContextTag":"3","ParentContextTag":"2"}|558bd610-fb16-11e7-ade3-985fd3341243 153 | 2018-01-16 15:38:25.0761|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"12e5a1c2-24c0-444d-9fa4-042c1fd2c781","ContextTag":"3","ParentContextTag":"2"}|558bd610-fb16-11e7-ade3-985fd3341243 154 | 2018-01-16 15:38:25.0761|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|558bd610-fb16-11e7-ade3-985fd3341243 155 | 2018-01-16 15:38:25.0761|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|558bd610-fb16-11e7-ade3-985fd3341243 156 | 2018-01-16 15:38:25.0761|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"9feb41ec-46f5-499a-9324-337d22fbe3c9","Main":"fB4EcASth+xwli7CeMAyYoZ5HcsIrAh7DSes9AQi1Sk="}|558bd610-fb16-11e7-ade3-985fd3341243 157 | 2018-01-16 15:38:45.7085|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"2b25cef4-c971-403f-b6f7-9ddf824541fc","Main":"w29blW1ZsxczMGBs8lHqYzV0QgqSKeQD74qGaBjGEN4="}|6201736e-fb16-11e7-9032-985fd3341243 158 | 2018-01-16 15:38:45.7085|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: w29blW1ZsxczMGBs8lHqYzV0QgqSKeQD74qGaBjGEN4=|6201736e-fb16-11e7-9032-985fd3341243 159 | 2018-01-16 15:38:45.7270|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"dae8b0cb-afc5-4788-8001-966edfc531fa","ContextTag":"0","ParentContextTag":""}|6201736e-fb16-11e7-9032-985fd3341243 160 | 2018-01-16 15:38:45.7908|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"dae8b0cb-afc5-4788-8001-966edfc531fa","ContextTag":"0","ParentContextTag":""}|6201736e-fb16-11e7-9032-985fd3341243 161 | 2018-01-16 15:38:45.7908|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"92f246b3-cab7-4d34-9e56-f49d0812d9cb","ContextTag":"1","ParentContextTag":"0"}|6201736e-fb16-11e7-9032-985fd3341243 162 | 2018-01-16 15:38:45.8798|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"92f246b3-cab7-4d34-9e56-f49d0812d9cb","ContextTag":"1","ParentContextTag":"0"}|6201736e-fb16-11e7-9032-985fd3341243 163 | 2018-01-16 15:38:45.8798|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6201736e-fb16-11e7-9032-985fd3341243 164 | 2018-01-16 15:38:45.8798|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6201736e-fb16-11e7-9032-985fd3341243 165 | 2018-01-16 15:38:45.8798|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"ef7be4ab-492c-405c-8689-74f517892c31","ContextTag":"3","ParentContextTag":"2"}|6201736e-fb16-11e7-9032-985fd3341243 166 | 2018-01-16 15:38:46.2999|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"ef7be4ab-492c-405c-8689-74f517892c31","ContextTag":"3","ParentContextTag":"2"}|6201736e-fb16-11e7-9032-985fd3341243 167 | 2018-01-16 15:38:46.2999|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6201736e-fb16-11e7-9032-985fd3341243 168 | 2018-01-16 15:38:46.3006|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6201736e-fb16-11e7-9032-985fd3341243 169 | 2018-01-16 15:38:46.3006|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"2b25cef4-c971-403f-b6f7-9ddf824541fc","Main":"w29blW1ZsxczMGBs8lHqYzV0QgqSKeQD74qGaBjGEN4="}|6201736e-fb16-11e7-9032-985fd3341243 170 | 2018-01-16 15:39:44.9884|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"4e1fed07-633c-47c5-9967-4253aeba4956","Main":"EjfgvTPlKQygayz16E+sG680TrQt7SR1kkqF4N9a/uo="}|85dd70c6-fb16-11e7-9353-985fd3341243 171 | 2018-01-16 15:39:44.9884|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: EjfgvTPlKQygayz16E+sG680TrQt7SR1kkqF4N9a/uo=|85dd70c6-fb16-11e7-9353-985fd3341243 172 | 2018-01-16 15:39:45.0125|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"dc4ca1ce-9caf-48b2-a99b-f81f45762f32","ContextTag":"0","ParentContextTag":""}|85dd70c6-fb16-11e7-9353-985fd3341243 173 | 2018-01-16 15:39:45.0893|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"dc4ca1ce-9caf-48b2-a99b-f81f45762f32","ContextTag":"0","ParentContextTag":""}|85dd70c6-fb16-11e7-9353-985fd3341243 174 | 2018-01-16 15:39:45.0893|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"16c8cfd2-9888-429f-a702-52487ce4c989","ContextTag":"1","ParentContextTag":"0"}|85dd70c6-fb16-11e7-9353-985fd3341243 175 | 2018-01-16 15:39:45.2031|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"16c8cfd2-9888-429f-a702-52487ce4c989","ContextTag":"1","ParentContextTag":"0"}|85dd70c6-fb16-11e7-9353-985fd3341243 176 | 2018-01-16 15:39:45.2031|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|85dd70c6-fb16-11e7-9353-985fd3341243 177 | 2018-01-16 15:39:45.2133|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|85dd70c6-fb16-11e7-9353-985fd3341243 178 | 2018-01-16 15:39:45.2133|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"e968c6cb-2f9a-4751-a3aa-57575eec076c","ContextTag":"3","ParentContextTag":"2"}|85dd70c6-fb16-11e7-9353-985fd3341243 179 | 2018-01-16 15:39:45.5517|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"e968c6cb-2f9a-4751-a3aa-57575eec076c","ContextTag":"3","ParentContextTag":"2"}|85dd70c6-fb16-11e7-9353-985fd3341243 180 | 2018-01-16 15:39:45.5517|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|85dd70c6-fb16-11e7-9353-985fd3341243 181 | 2018-01-16 15:39:45.5517|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|85dd70c6-fb16-11e7-9353-985fd3341243 182 | 2018-01-16 15:39:45.5517|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"4e1fed07-633c-47c5-9967-4253aeba4956","Main":"EjfgvTPlKQygayz16E+sG680TrQt7SR1kkqF4N9a/uo="}|85dd70c6-fb16-11e7-9353-985fd3341243 183 | 2018-01-16 15:53:21.6692|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"6423e7f1-4c78-48fc-a4bb-e89cebd5a24e","Main":"lMvW59THCzYbZMcIKwyv7V4GmWoLMq3Zbdx1pSTeAZE="}|6c5f519e-fb18-11e7-b260-985fd3341243 184 | 2018-01-16 15:53:21.6692|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: lMvW59THCzYbZMcIKwyv7V4GmWoLMq3Zbdx1pSTeAZE=|6c5f519e-fb18-11e7-b260-985fd3341243 185 | 2018-01-16 15:53:21.6997|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"28e8f5d0-8357-443f-97dc-47a55f87d32a","ContextTag":"0","ParentContextTag":""}|6c5f519e-fb18-11e7-b260-985fd3341243 186 | 2018-01-16 15:53:21.7779|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"28e8f5d0-8357-443f-97dc-47a55f87d32a","ContextTag":"0","ParentContextTag":""}|6c5f519e-fb18-11e7-b260-985fd3341243 187 | 2018-01-16 15:53:21.7779|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"c59636fe-a033-4d56-a7d2-ade6a5fd1c5c","ContextTag":"1","ParentContextTag":"0"}|6c5f519e-fb18-11e7-b260-985fd3341243 188 | 2018-01-16 15:53:21.8950|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"c59636fe-a033-4d56-a7d2-ade6a5fd1c5c","ContextTag":"1","ParentContextTag":"0"}|6c5f519e-fb18-11e7-b260-985fd3341243 189 | 2018-01-16 15:53:21.8950|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6c5f519e-fb18-11e7-b260-985fd3341243 190 | 2018-01-16 15:53:21.9110|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|6c5f519e-fb18-11e7-b260-985fd3341243 191 | 2018-01-16 15:53:21.9110|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"ed93e661-5bce-47c5-87be-8fa2374ed2ca","ContextTag":"3","ParentContextTag":"2"}|6c5f519e-fb18-11e7-b260-985fd3341243 192 | 2018-01-16 15:53:22.2799|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"ed93e661-5bce-47c5-87be-8fa2374ed2ca","ContextTag":"3","ParentContextTag":"2"}|6c5f519e-fb18-11e7-b260-985fd3341243 193 | 2018-01-16 15:53:22.2799|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6c5f519e-fb18-11e7-b260-985fd3341243 194 | 2018-01-16 15:53:22.2799|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|6c5f519e-fb18-11e7-b260-985fd3341243 195 | 2018-01-16 15:53:22.2799|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"6423e7f1-4c78-48fc-a4bb-e89cebd5a24e","Main":"lMvW59THCzYbZMcIKwyv7V4GmWoLMq3Zbdx1pSTeAZE="}|6c5f519e-fb18-11e7-b260-985fd3341243 196 | 2018-01-16 15:54:13.2446|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"6a4f45bc-6500-43ee-a068-5f178a0615b1","Main":"B5IUHZsNKHE5/b7Ru8BhscJqkg3nHI1WUl8I2eeExQw="}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 197 | 2018-01-16 15:54:13.2446|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: B5IUHZsNKHE5/b7Ru8BhscJqkg3nHI1WUl8I2eeExQw=|8b05f2dc-fb18-11e7-b6e6-985fd3341243 198 | 2018-01-16 15:54:13.2712|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"66e35f8a-5c5a-4492-adca-1ff35654c515","ContextTag":"0","ParentContextTag":""}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 199 | 2018-01-16 15:54:13.3562|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"66e35f8a-5c5a-4492-adca-1ff35654c515","ContextTag":"0","ParentContextTag":""}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 200 | 2018-01-16 15:54:13.3562|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"900c592a-1899-46d6-97a3-241909984f47","ContextTag":"1","ParentContextTag":"0"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 201 | 2018-01-16 15:54:13.4823|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"900c592a-1899-46d6-97a3-241909984f47","ContextTag":"1","ParentContextTag":"0"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 202 | 2018-01-16 15:54:13.4823|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 203 | 2018-01-16 15:54:13.4939|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 204 | 2018-01-16 15:54:13.4939|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"0c78fac9-9c3e-48d2-871a-c2d5e4839821","ContextTag":"3","ParentContextTag":"2"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 205 | 2018-01-16 15:54:13.9868|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"0c78fac9-9c3e-48d2-871a-c2d5e4839821","ContextTag":"3","ParentContextTag":"2"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 206 | 2018-01-16 15:54:13.9868|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 207 | 2018-01-16 15:54:13.9868|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 208 | 2018-01-16 15:54:13.9868|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"6a4f45bc-6500-43ee-a068-5f178a0615b1","Main":"B5IUHZsNKHE5/b7Ru8BhscJqkg3nHI1WUl8I2eeExQw="}|8b05f2dc-fb18-11e7-b6e6-985fd3341243 209 | 2018-01-16 15:54:27.2831|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"3a4c5a4e-600b-408c-8204-20f32888be1a","Main":"b9FstC9xqyhB1O/3DMEf+xMczRTSsROled69dcslCJc="}|93665c4a-fb18-11e7-8811-985fd3341243 210 | 2018-01-16 15:54:27.2831|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: b9FstC9xqyhB1O/3DMEf+xMczRTSsROled69dcslCJc=|93665c4a-fb18-11e7-8811-985fd3341243 211 | 2018-01-16 15:54:27.3059|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"b3803d1a-0e50-476d-bacf-d91970245d1e","ContextTag":"0","ParentContextTag":""}|93665c4a-fb18-11e7-8811-985fd3341243 212 | 2018-01-16 15:54:27.3749|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"b3803d1a-0e50-476d-bacf-d91970245d1e","ContextTag":"0","ParentContextTag":""}|93665c4a-fb18-11e7-8811-985fd3341243 213 | 2018-01-16 15:54:27.3749|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"3a23e736-3a02-46ed-8091-39934ac0e07f","ContextTag":"1","ParentContextTag":"0"}|93665c4a-fb18-11e7-8811-985fd3341243 214 | 2018-01-16 15:54:27.4954|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"3a23e736-3a02-46ed-8091-39934ac0e07f","ContextTag":"1","ParentContextTag":"0"}|93665c4a-fb18-11e7-8811-985fd3341243 215 | 2018-01-16 15:54:27.4954|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|93665c4a-fb18-11e7-8811-985fd3341243 216 | 2018-01-16 15:54:27.5111|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|93665c4a-fb18-11e7-8811-985fd3341243 217 | 2018-01-16 15:54:27.5111|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"bc108876-4d10-42f1-89a6-b3627927ff80","ContextTag":"3","ParentContextTag":"2"}|93665c4a-fb18-11e7-8811-985fd3341243 218 | 2018-01-16 15:54:27.8797|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"bc108876-4d10-42f1-89a6-b3627927ff80","ContextTag":"3","ParentContextTag":"2"}|93665c4a-fb18-11e7-8811-985fd3341243 219 | 2018-01-16 15:54:27.8797|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|93665c4a-fb18-11e7-8811-985fd3341243 220 | 2018-01-16 15:54:27.8797|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|93665c4a-fb18-11e7-8811-985fd3341243 221 | 2018-01-16 15:54:27.8797|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"3a4c5a4e-600b-408c-8204-20f32888be1a","Main":"b9FstC9xqyhB1O/3DMEf+xMczRTSsROled69dcslCJc="}|93665c4a-fb18-11e7-8811-985fd3341243 222 | 2018-01-16 16:38:13.4343|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"66047d86-0ef0-4088-8369-450aee248204","Main":"v3qTxu2j4MmCvIbw3ENnaTN6lAbU8JAFao2/Kz1hIKU="}|b0caae0a-fb1e-11e7-b09d-985fd3341243 223 | 2018-01-16 16:38:13.4343|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: v3qTxu2j4MmCvIbw3ENnaTN6lAbU8JAFao2/Kz1hIKU=|b0caae0a-fb1e-11e7-b09d-985fd3341243 224 | 2018-01-16 16:38:13.4618|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"ec225099-8a4a-48f5-bcb9-2a7a9d382184","ContextTag":"0","ParentContextTag":""}|b0caae0a-fb1e-11e7-b09d-985fd3341243 225 | 2018-01-16 16:38:13.5445|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"ec225099-8a4a-48f5-bcb9-2a7a9d382184","ContextTag":"0","ParentContextTag":""}|b0caae0a-fb1e-11e7-b09d-985fd3341243 226 | 2018-01-16 16:38:13.5445|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"0504a5a6-77c2-43b9-8e28-e50b4e348660","ContextTag":"1","ParentContextTag":"0"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 227 | 2018-01-16 16:38:13.6469|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"0504a5a6-77c2-43b9-8e28-e50b4e348660","ContextTag":"1","ParentContextTag":"0"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 228 | 2018-01-16 16:38:13.6469|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 229 | 2018-01-16 16:38:13.6677|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 230 | 2018-01-16 16:38:13.6677|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"e18ef2a6-7edf-47b6-8e81-61b34c872d5d","ContextTag":"3","ParentContextTag":"2"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 231 | 2018-01-16 16:38:14.0547|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"e18ef2a6-7edf-47b6-8e81-61b34c872d5d","ContextTag":"3","ParentContextTag":"2"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 232 | 2018-01-16 16:38:14.0547|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 233 | 2018-01-16 16:38:14.0547|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|b0caae0a-fb1e-11e7-b09d-985fd3341243 234 | 2018-01-16 16:38:14.0547|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"66047d86-0ef0-4088-8369-450aee248204","Main":"v3qTxu2j4MmCvIbw3ENnaTN6lAbU8JAFao2/Kz1hIKU="}|b0caae0a-fb1e-11e7-b09d-985fd3341243 235 | 2018-01-16 16:38:31.4715|DEBUG|CLex|MapReduceExecutor|Execution started|{"ExecutionId":"9704f074-0c63-4121-bc85-6fe1d4ab212b","Main":"6WzC606tB+etsXO9AKfoyq++mnV0K/52rDbsYImH7Dc="}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 236 | 2018-01-16 16:38:31.4715|DEBUG|CLex|QueryCacheOperationVisitor|Visiting activity. Activity: 6WzC606tB+etsXO9AKfoyq++mnV0K/52rDbsYImH7Dc=|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 237 | 2018-01-16 16:38:31.4939|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"GetFilesOperation","Reference":"","Tag":"fcb0332d-9c3f-4bc7-b69f-82733e4bc008","ContextTag":"0","ParentContextTag":""}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 238 | 2018-01-16 16:38:31.5668|DEBUG|CLex|QueryCache|Cache added|{"Operation":"GetFilesOperation","Reference":"","Tag":"fcb0332d-9c3f-4bc7-b69f-82733e4bc008","ContextTag":"0","ParentContextTag":""}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 239 | 2018-01-16 16:38:31.5668|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"ReadFilesOperation","Reference":"","Tag":"d6d071f7-174f-4b24-9dbe-fc8019b77bc5","ContextTag":"1","ParentContextTag":"0"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 240 | 2018-01-16 16:38:31.6957|DEBUG|CLex|QueryCache|Cache added|{"Operation":"ReadFilesOperation","Reference":"","Tag":"d6d071f7-174f-4b24-9dbe-fc8019b77bc5","ContextTag":"1","ParentContextTag":"0"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 241 | 2018-01-16 16:38:31.6957|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 242 | 2018-01-16 16:38:31.7108|DEBUG|CLex|QueryCache|Cache added|{"Operation":"RemoveColumnsOperation","Reference":"","Tag":"bf1c7cc5-c07f-409f-925a-20e5170b0a70","ContextTag":"2","ParentContextTag":"1"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 243 | 2018-01-16 16:38:31.7108|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"WriteFilesOperation","Reference":"","Tag":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","ContextTag":"3","ParentContextTag":"2"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 244 | 2018-01-16 16:38:32.1841|DEBUG|CLex|QueryCache|Cache added|{"Operation":"WriteFilesOperation","Reference":"","Tag":"9c3a199d-cdab-4b9a-a189-74b4f6fab995","ContextTag":"3","ParentContextTag":"2"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 245 | 2018-01-16 16:38:32.1841|DEBUG|CLex|QueryCache|Build RDD|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 246 | 2018-01-16 16:38:32.1841|DEBUG|CLex|QueryCache|Cache added|{"Operation":"TakeOperation","Reference":"","Tag":"","ContextTag":"4","ParentContextTag":"3"}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 247 | 2018-01-16 16:38:32.1841|DEBUG|CLex|MapReduceExecutor|Execution Succeeded|{"ExecutionId":"9704f074-0c63-4121-bc85-6fe1d4ab212b","Main":"6WzC606tB+etsXO9AKfoyq++mnV0K/52rDbsYImH7Dc="}|bb9fffd8-fb1e-11e7-8b0b-985fd3341243 248 | --------------------------------------------------------------------------------