├── 1-FeatureExtraction.py ├── 2-Training_Data_Generating.py ├── 3-Action_Sequence_Training.py ├── 4-Static_Feature_Training.py ├── 5-Role-Feature_and_Mix.py ├── 6-Mix_data_for_MLP.py ├── 7-MLP_Training_and_Metrics.py ├── Data ├── EDB0714 │ ├── Mix │ │ ├── Mix_loss.csv │ │ └── label_loss.csv │ ├── Model │ │ ├── Action │ │ │ └── model.h5 │ │ ├── Feature │ │ │ └── model.h5 │ │ ├── Role_features.jpg │ │ └── Role_loss.csv │ ├── device.csv │ ├── email.csv │ ├── feature │ │ ├── data_all.csv │ │ ├── data_out.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── myloss_all.csv │ │ ├── myloss_all.jpg │ │ ├── predict.csv │ │ └── predict_all.csv │ ├── file.csv │ ├── http.csv │ ├── logon.csv │ ├── new │ │ ├── device.csv │ │ ├── device2.csv │ │ ├── email.csv │ │ ├── email2.csv │ │ ├── file.csv │ │ ├── file2.csv │ │ ├── http.csv │ │ ├── http2.csv │ │ ├── logon.csv │ │ └── logon2.csv │ ├── psychometric.csv │ └── sequence │ │ ├── actions_sequence.csv │ │ ├── data_all.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── predict.csv │ │ ├── sequence_code.csv │ │ └── sequence_temp.csv ├── HXL0968 │ ├── Mix │ │ ├── Mix_loss.csv │ │ └── label_loss.csv │ ├── Model │ │ ├── Action │ │ │ └── model.h5 │ │ ├── Feature │ │ │ └── model.h5 │ │ ├── Role_features.jpg │ │ └── Role_loss.csv │ ├── device.csv │ ├── email.csv │ ├── feature │ │ ├── data_all.csv │ │ ├── data_out.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── myloss_all.csv │ │ ├── myloss_all.jpg │ │ ├── predict.csv │ │ └── predict_all.csv │ ├── file.csv │ ├── http.csv │ ├── logon.csv │ ├── new │ │ ├── device.csv │ │ ├── device2.csv │ │ ├── email.csv │ │ ├── email2.csv │ │ ├── file.csv │ │ ├── file2.csv │ │ ├── http.csv │ │ ├── http2.csv │ │ ├── logon.csv │ │ └── logon2.csv │ ├── psychometric.csv │ └── sequence │ │ ├── actions_sequence.csv │ │ ├── data_all.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── predict.csv │ │ ├── sequence_code.csv │ │ └── sequence_temp.csv ├── Mix │ ├── Disorder_label.csv │ ├── Disorder_loss.csv │ ├── MLP.h5 │ ├── Mix_all_label.csv │ ├── Mix_all_loss.csv │ ├── ROC.jpg │ ├── label_test.csv │ ├── label_train.csv │ ├── predict.csv │ ├── predict_label.csv │ ├── test.csv │ └── train.csv ├── Role_feature.csv ├── TNM0961 │ ├── Mix │ │ ├── Mix_loss.csv │ │ └── label_loss.csv │ ├── Model │ │ ├── Action │ │ │ └── model.h5 │ │ ├── Feature │ │ │ └── model.h5 │ │ ├── Role_features.jpg │ │ └── Role_loss.csv │ ├── device.csv │ ├── email.csv │ ├── feature │ │ ├── data_all.csv │ │ ├── data_out.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── myloss_all.csv │ │ ├── myloss_all.jpg │ │ ├── predict.csv │ │ └── predict_all.csv │ ├── file.csv │ ├── http.csv │ ├── logon.csv │ ├── new │ │ ├── device.csv │ │ ├── device2.csv │ │ ├── email.csv │ │ ├── email2.csv │ │ ├── file.csv │ │ ├── file2.csv │ │ ├── http.csv │ │ ├── http2.csv │ │ ├── logon.csv │ │ └── logon2.csv │ ├── psychometric.csv │ └── sequence │ │ ├── actions_sequence.csv │ │ ├── data_all.csv │ │ ├── data_test.csv │ │ ├── data_train.csv │ │ ├── label_all.csv │ │ ├── label_test.csv │ │ ├── label_train.csv │ │ ├── loss_all.csv │ │ ├── loss_all.jpg │ │ ├── predict.csv │ │ ├── sequence_code.csv │ │ └── sequence_temp.csv └── readme.txt ├── LICENSE ├── README.md └── __pycache__ └── FeatureExtract.cpython-36.pyc /2-Training_Data_Generating.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import linecache 3 | import os 4 | # from FeatureExtract import path_check 5 | 6 | 7 | # --------------------------------------- STEP THREE 8 | 9 | def path_check(path): 10 | """ Check the path 11 | """ 12 | folders=os.path.exists(path) 13 | if not folders: 14 | print("Create new folders: ' %s ' successfully!"%(path)) 15 | os.makedirs(path) 16 | else: 17 | print("The folder ' %s ' exits, Some data will be rewrited !"%(path)) 18 | pass 19 | # os._exit(0) 20 | 21 | def count_line(files_in): 22 | file_open=open(files_in,'r') 23 | count=0 24 | for line in file_open: 25 | count+=1 26 | return count 27 | 28 | def data_generator(files_name,num_days=5): 29 | # 删除最后一行数据,因为可能会有缺漏 30 | counts=count_line(files_name)-1 31 | real_counts=counts-num_days+1 32 | print (real_counts) 33 | for i in range(real_counts): 34 | data_index=i+1 35 | label_index=data_index+4 36 | data_one=np.array(linecache.getline(files_name,data_index).strip().split(',')+linecache.getline(files_name,data_index+1).strip().split(',')+linecache.getline(files_name,data_index+2).strip().split(',')+linecache.getline(files_name,data_index+3).strip().split(',')) 37 | labe_data=np.array(linecache.getline(files_name,label_index).strip().split(',')) 38 | # print(np.shape(labe_data)) 39 | # print (data_one) 40 | # exit (0) 41 | yield (data_one,labe_data) 42 | 43 | 44 | 45 | # # types='ActionSequence' 46 | # types='FeatureMap' 47 | def type_check(): 48 | if types=='FeatureMap': 49 | # -------- file_name for feture map 50 | files_name='Data/'+USERNAME+'/feature/data_out.csv' 51 | data_all='Data/'+USERNAME+'/feature/data_all.csv' 52 | label_all='Data/'+USERNAME+'/feature/label_all.csv' 53 | data_train='Data/'+USERNAME+'/feature/data_train.csv' 54 | data_test='Data/'+USERNAME+'/feature/data_test.csv' 55 | label_train='Data/'+USERNAME+'/feature/label_train.csv' 56 | label_test='Data/'+USERNAME+'/feature/label_test.csv' 57 | # -------- file_name for action sequence 58 | else: 59 | files_name='Data/'+USERNAME+'/sequence/sequence_code.csv' 60 | data_all='Data/'+USERNAME+'/sequence/data_all.csv' 61 | label_all='Data/'+USERNAME+'/sequence/label_all.csv' 62 | data_train='Data/'+USERNAME+'/sequence/data_train.csv' 63 | data_test='Data/'+USERNAME+'/sequence/data_test.csv' 64 | label_train='Data/'+USERNAME+'/sequence/label_train.csv' 65 | label_test='Data/'+USERNAME+'/sequence/label_test.csv' 66 | 67 | 68 | # # step one ------------------------------------- generate data with several days 69 | # 数据先清空 (emtpy the data ) 70 | def data_clean(data_all,label_all): 71 | data_save=open(data_all,'wt') 72 | label_save=open(label_all,'wt') 73 | data_save.close() 74 | label_save.close() 75 | # 数据保存 (save the data ) 76 | def generate_data(data_all,label_all,files_name): 77 | ''' 78 | we extract every five data for our datatset, 79 | the former four data are used for input data, the fivth data are used as label. 80 | ''' 81 | data_save=open(data_all,'a+') 82 | label_save=open(label_all,'a+') 83 | batch_size=10 84 | num_days_for_OneSequence=5 85 | # 删除最后一行数据,因为可能会有缺漏 86 | counts=count_line(files_name)-1 # the number of data 87 | real_counts=counts-num_days_for_OneSequence+1 88 | rounds=int(real_counts/batch_size) 89 | print (rounds) 90 | for i in range(rounds): 91 | i=i*10 92 | data_batch=[] 93 | label_batch=[] 94 | for j in range (batch_size): 95 | data_index=i+j+1 96 | label_index=data_index+4 97 | data_one=linecache.getline(files_name,data_index).strip().split(',')+linecache.getline(files_name,data_index+1).strip().split(',')+linecache.getline(files_name,data_index+2).strip().split(',')+linecache.getline(files_name,data_index+3).strip().split(',') 98 | labe_data=linecache.getline(files_name,label_index).strip().split(',') 99 | data_batch.append(data_one) 100 | label_batch.append(labe_data) 101 | 102 | data_batch=np.array(data_batch) 103 | label_batch=np.array(label_batch) 104 | 105 | data_batch2=data_batch.astype('float32') 106 | label_batch2=label_batch.astype('float32') 107 | 108 | # print (data_batch[0]) 109 | # exit(0) 110 | np.savetxt(data_save,data_batch2,fmt='%f',delimiter=',') 111 | np.savetxt(label_save,label_batch2,fmt='%f',delimiter=',') 112 | 113 | data_save.close() 114 | label_save.close() 115 | 116 | # step two----------------------------------------------- 划分 train and test --------------------------------------------- 117 | def train_test_generate(data_all,label_all,train_data_save,train_label_save,test_data_save,test_label_save,rate=0.8): 118 | ''' 119 | we extract 'rate' (the defaults is 0.8) percent data for training, and the rest for testing. 120 | 121 | ''' 122 | 123 | data_in=open(data_all,'r') 124 | label_in=open(label_all,'r') 125 | data_train=open(train_data_save,'wt') 126 | data_test=open(test_data_save,'wt') 127 | label_train=open(train_label_save,'wt') 128 | label_test=open(test_label_save,'wt') 129 | data_num=count_line(data_all) 130 | train_num=data_num*rate 131 | # print(train_num) 132 | index=0 133 | for line in data_in: 134 | if index0,pred,0) 97 | np.savetxt(predict_save,pred,fmt='%f',delimiter=',') 98 | 99 | # ------- define my loss 100 | def my_loss_forFeatures(label_test,predict_save,myloss_save,figure_save): 101 | y_true=np.loadtxt(label_test,delimiter=',') 102 | y_pred=np.loadtxt(predict_save,delimiter=',') 103 | batch_size=np.shape(y_pred)[0] 104 | paras=np.array([1.2,1,0.2,0,0,0,0,1,0.1,1.2,\ 105 | 2,1,1.5,\ 106 | 0.5,1,1,0.5,0.1,0.7,\ 107 | 0.5,1,1,0.5,0.1,0.7,\ 108 | 0.5,1,1,0.5,0.1,0.7,\ 109 | 0.5,1,1,0.5,0.1,0.7]) 110 | All_loss=[] 111 | for i in range(batch_size): 112 | # Times=np.square(((y_pred[i]+0.6).astype(np.int32)-y_true[i])) 113 | # ---- Original 114 | Times=np.square(np.multiply((y_pred[i]-y_true[i]),paras)) 115 | sums=Times.sum()/37 116 | All_loss.append(sums) 117 | x_list=range(0,batch_size) 118 | np.savetxt(myloss_save,All_loss,fmt='%f',delimiter=',') 119 | # --------- draw pictures 120 | plt.figure() 121 | plt.plot(x_list,All_loss) 122 | # plt.show() 123 | plt.savefig(figure_save) 124 | # print(np.shape(loss)) 125 | 126 | def Calculate_deviations(files_test,label_test,save_path,loss_save,figure_save,action_length): 127 | x_test=np.loadtxt(files_test,delimiter=',') 128 | y_test=np.loadtxt(label_test,delimiter=',') 129 | # print (np.shape(x_test)) 130 | # print(np.shape([x_test[0]])) 131 | # print(len(x_test)) 132 | # exit (0) 133 | model=load_model(save_path) 134 | # exit(0) 135 | All_loss=[] 136 | x_list=range(0,len(x_test)) 137 | for i in range (len(x_test)): 138 | x_small_test=np.reshape(x_test[i],(1,4*action_length)) 139 | y_small_test=np.reshape(y_test[i],(1,action_length)) 140 | loss,acc=model.evaluate(x=x_small_test,y=y_small_test,verbose=0) 141 | All_loss.append(loss) 142 | np.savetxt(loss_save,All_loss,fmt='%f',delimiter=',') 143 | # --------- draw pictures 144 | plt.figure() 145 | plt.plot(x_list,All_loss) 146 | plt.xlabel('Days',fontsize=14) 147 | plt.ylabel('WDD loss',fontsize=14) 148 | # plt.show() 149 | plt.savefig(figure_save) 150 | # exit(0) 151 | 152 | # ---------------------------------- for all users -------------------------------- 153 | if __name__ == "__main__": 154 | 155 | 156 | # user_sets={'EDB0714':29,'TNM0961':32,'HXL0968':33} 157 | 158 | # -------- run model for every user separately or it will report errors because of the cache ----------- 159 | user_sets={'EDB0714':29} 160 | # user_sets={'TNM0961':32} 161 | # user_sets={'HXL0968':33} 162 | 163 | # ----------save the best model 164 | for username,length in user_sets.items(): 165 | USERNAME=username 166 | action_length=length 167 | 168 | folder='Data/'+ USERNAME +'/Model/Action/' 169 | save_path=folder+'model.h5' 170 | files_train='Data/'+ USERNAME+'/sequence/'+'data_train.csv' 171 | labels_train='Data/'+USERNAME+'/sequence/'+'label_train.csv' 172 | files_test='Data/'+USERNAME+'/sequence/'+'data_test.csv' 173 | label_test='Data/'+USERNAME+'/sequence/'+'label_test.csv' 174 | predict_save='Data/'+USERNAME+'/sequence/'+'predict.csv' 175 | loss_save='Data/'+USERNAME+'/sequence/'+'loss.csv' 176 | figure_save='Data/'+USERNAME+'/sequence/'+'loss.jpg' 177 | path_check(folder) 178 | 179 | # ------------------------- 运行模型 (trining model)------------------------- 180 | train(files_train,labels_train,save_path,files_test,predict_save,action_length) 181 | 182 | 183 | # ---------------- calculate all deviations for all data(train+test) 184 | predict_save='Data/'+USERNAME+'/sequence/'+'predict_all.csv' 185 | files_all='Data/'+USERNAME+'/sequence/'+'data_all.csv' 186 | labels_all='Data/'+USERNAME+'/sequence/'+'label_all.csv' 187 | loss_save='Data/'+USERNAME+'/sequence/'+'loss_all.csv' 188 | figure_save='Data/'+USERNAME+'/sequence/'+'loss_all.jpg' 189 | 190 | Calculate_deviations(files_all,labels_all,save_path,loss_save,figure_save,action_length) 191 | 192 | # ----------------------------------------- 193 | 194 | # ----------------------------------------------------------------- 195 | -------------------------------------------------------------------------------- /4-Static_Feature_Training.py: -------------------------------------------------------------------------------- 1 | from keras.models import Sequential,load_model,Model 2 | from keras.layers import Dense, Activation,Embedding,Conv2D,MaxPooling2D,Reshape,BatchNormalization,Dropout,Input,concatenate,GlobalAveragePooling2D,Flatten,ConvLSTM2D,ConvLSTM2DCell,LSTM,Conv3D 3 | from keras.optimizers import adam 4 | import numpy as np 5 | import linecache 6 | import tensorflow as tf 7 | import os 8 | from keras import losses,metrics 9 | from keras.callbacks import TensorBoard, ModelCheckpoint 10 | import matplotlib.pyplot as plt 11 | 12 | 13 | 14 | def path_check(path): 15 | folders=os.path.exists(path) 16 | if not folders: 17 | print("Create new folders: ' %s ' successfully!"%(path)) 18 | os.makedirs(path) 19 | else: 20 | print("The folder ' %s ' exits, Please check!"%(path)) 21 | os._exit(0) 22 | 23 | def count_line(files_in): 24 | file_open=open(files_in,'r') 25 | count=0 26 | for line in file_open: 27 | count+=1 28 | return count 29 | 30 | def data_generator(files_name,num_days=5,batch_size=30): 31 | # 删除最后一行数据,因为可能会有缺漏 32 | counts=count_line(files_name)-1 33 | real_counts=counts-num_days+1 34 | rounds=int(real_counts/batch_size) 35 | # print (real_counts) 36 | while (1): 37 | for i in range(rounds): 38 | data_batch=[] 39 | label_batch=[] 40 | for j in range (batch_size): 41 | data_index=i+j+1 42 | label_index=data_index+4 43 | data_one=linecache.getline(files_name,data_index).strip().split(',')+linecache.getline(files_name,data_index+1).strip().split(',')+linecache.getline(files_name,data_index+2).strip().split(',')+linecache.getline(files_name,data_index+3).strip().split(',') 44 | labe_data=linecache.getline(files_name,label_index).strip().split(',') 45 | data_batch.append(data_one) 46 | label_batch.append(labe_data) 47 | # print(np.shape(labe_data)) 48 | # print (data_one) 49 | # exit (0) 50 | data_batch=np.array(data_batch) 51 | label_batch=np.array(label_batch) 52 | data_out=np.reshape(data_batch,(batch_size,192)) 53 | label_out=np.reshape(label_batch,(batch_size,48)) 54 | i=i+batch_size+1 55 | yield data_out,label_out 56 | 57 | 58 | 59 | def train(files_train,labels_train,save_path,files_test,predict_save): 60 | """ Deep Learning model for users' features 61 | # Params: 62 | ---- 63 | files_train: training data (data for model training) 64 | labels_train: labels of training data 65 | save_path: the path of model that is going to be saved 66 | files_test: test data 67 | predict_save: the predicted labels of test data 68 | 69 | """ 70 | # ---------------模型输入 (input)--------------- 71 | x_train=np.loadtxt(files_train,delimiter=',') 72 | y_train=np.loadtxt(labels_train,delimiter=',') 73 | 74 | # ---------------模型结构 (model structure)--------------- 75 | main_input=Input(shape=(148,),dtype='float32',name='MainInput') 76 | Inputs=Reshape((4,37))(main_input) 77 | layer=LSTM(100,return_sequences=True,activation='tanh')(Inputs) 78 | layer=LSTM(160,return_sequences=False,activation='tanh')(layer) 79 | layer=Dense(37,activation='relu')(layer) 80 | output=layer 81 | model=Model(inputs=main_input,outputs=output) 82 | model.compile(optimizer='adam',loss='mse',metrics=['binary_accuracy']) 83 | 84 | # ------------------模型保存 (save the model)------------------ 85 | tensorboard_path='Data/'+ USERNAME +'/Model/Feature' 86 | tbCallback=TensorBoard(log_dir=tensorboard_path,histogram_freq=0,write_graph=True,write_grads=True,write_images=True,embeddings_freq=0,embeddings_layer_names=None,embeddings_metadata=None) 87 | checkpoint=ModelCheckpoint(save_path,monitor='loss',verbose=0,save_best_only='True') 88 | model.fit(x_train,y_train,batch_size=6,epochs=30,shuffle=True,callbacks=[tbCallback,checkpoint]) 89 | 90 | # -----------------数据预测 (data prediction )--------------------- 91 | x_test=np.loadtxt(files_test,delimiter=',') 92 | y_pred=model.predict(x_test) 93 | np.savetxt(predict_save,y_pred,fmt='%f',delimiter=',') 94 | 95 | 96 | def retrain(files_train,labels_train,save_path,files_test,predict_save): 97 | """ 98 | model retraining 99 | """ 100 | x_train=np.loadtxt(files_train,delimiter=',') 101 | y_train=np.loadtxt(labels_train,delimiter=',') 102 | model=load_model(save_path) 103 | 104 | # ----------------- load the model----- 105 | tensorboard_path='Data/'+ USERNAME +'/Model/Feature' 106 | tbCallback=TensorBoard(log_dir=tensorboard_path,histogram_freq=0,write_graph=True,write_grads=True,write_images=True,embeddings_freq=0,embeddings_layer_names=None,embeddings_metadata=None) 107 | checkpoint=ModelCheckpoint(save_path,monitor='loss',verbose=0,save_best_only='True') 108 | 109 | model.fit(x_train,y_train,batch_size=6,epochs=800,shuffle=True,callbacks=[tbCallback,checkpoint]) 110 | 111 | # ---------------- add test ------- 112 | x_test=np.loadtxt(files_test,delimiter=',') 113 | y_pred=model.predict(x_test) 114 | np.savetxt(predict_save,y_pred,fmt='%f',delimiter=',') 115 | 116 | # ----------------------------- test ---------------- 117 | def test(files_test,save_path,predict_save): 118 | 119 | # labels_name='Data/'+username+'/feature/label_test.csv' 120 | x_test=np.loadtxt(files_test,delimiter=',') 121 | model=load_model(save_path) 122 | pred=model.predict(x_test) 123 | print(np.shape(pred)) 124 | # pred 矩阵中如果大于 0.5 保持不变,否则置 0) 125 | pred=np.where(pred>0.47,pred,0) 126 | np.savetxt(predict_save,pred,fmt='%f',delimiter=',') 127 | return pred 128 | 129 | 130 | # define my loss 131 | def my_loss_forFeatures(label_test,predict_save,myloss_save,figure_save): 132 | y_true=np.loadtxt(label_test,delimiter=',') 133 | y_pred=np.loadtxt(predict_save,delimiter=',') 134 | batch_size=np.shape(y_pred)[0] 135 | paras=np.array([1.2,1,0.2,0,0,0,0,1,0.1,1.2,\ 136 | 2,1,1.5,\ 137 | 0.5,1,1,0.5,0.1,0.7,\ 138 | 0.5,1,1,0.5,0.1,0.7,\ 139 | 0.5,1,1,0.5,0.1,0.7,\ 140 | 0.5,1,1,0.5,0.1,0.7]) 141 | All_loss=[] 142 | for i in range(batch_size): 143 | # times=np.square(((y_pred[i]+0.6).astype(np.int32)-y_true[i])) 144 | # ---- Original 145 | times=np.square(np.multiply((y_pred[i]-y_true[i]),paras)) 146 | sums=times.sum()/37 147 | All_loss.append(sums) 148 | x_list=range(0,batch_size) 149 | np.savetxt(myloss_save,All_loss,fmt='%f',delimiter=',') 150 | # --------- draw pictures 151 | plt.figure() 152 | plt.plot(x_list,All_loss) 153 | plt.xlabel('Days',fontsize=14) 154 | plt.ylabel('WDD loss',fontsize=14) 155 | # plt.show() 156 | plt.savefig(figure_save) 157 | # print(np.shape(loss)) 158 | 159 | def Calculate_deviations(files_test,label_test,save_path,loss_save,figure_save): 160 | x_test=np.loadtxt(files_test,delimiter=',') 161 | y_test=np.loadtxt(label_test,delimiter=',') 162 | # print (np.shape(x_test)) 163 | # print(np.shape([x_test[0]])) 164 | # print(len(x_test)) 165 | # exit (0) 166 | model=load_model(save_path) 167 | # exit(0) 168 | All_loss=[] 169 | x_list=range(0,len(x_test)) 170 | for i in range (len(x_test)): 171 | x_small_test=np.reshape(x_test[i],(1,148)) 172 | y_small_test=np.reshape(y_test[i],(1,37)) 173 | loss,acc=model.evaluate(x=x_small_test,y=y_small_test,verbose=0) 174 | All_loss.append(loss) 175 | np.savetxt(loss_save,All_loss,fmt='%f',delimiter=',') 176 | # --------- draw pictures 177 | plt.figure() 178 | plt.plot(x_list,All_loss) 179 | plt.xlabel('Days',fontsize=14) 180 | plt.ylabel('MSE loss',fontsize=14) 181 | # plt.show() 182 | plt.savefig(figure_save) 183 | # exit(0) 184 | 185 | 186 | 187 | 188 | 189 | if __name__ == "__main__": 190 | 191 | # user_sets={'EDB0714':29,'TNM0961':32,'HXL0968':33} 192 | 193 | # -------- run model for every user separately or it will report errors because of the cache ----------- 194 | user_sets={'EDB0714':29} 195 | # user_sets={'TNM0961':32} 196 | # user_sets={'HXL0968':33} 197 | 198 | for username,length in user_sets.items(): 199 | USERNAME=username 200 | folder='Data/'+ USERNAME +'/Model/Feature/' 201 | save_path=folder+'model.h5' 202 | files_train='Data/'+USERNAME+'/feature/'+'data_train.csv' 203 | labels_train='Data/'+USERNAME+'/feature/'+'label_train.csv' 204 | files_test='Data/'+USERNAME+'/feature/'+'data_test.csv' 205 | predict_save='Data/'+USERNAME+'/feature/'+'predict.csv' 206 | label_test='Data/'+USERNAME+'/feature/'+'label_test.csv' 207 | loss_save='Data/'+USERNAME+'/feature/'+'loss.csv' 208 | figure_save='Data/'+USERNAME+'/feature/'+'loss.jpg' 209 | figure_my_save='Data/'+USERNAME+'/feature/'+'myloss.jpg' 210 | myloss_save='Data/'+USERNAME+'/feature/'+'myloss.csv' 211 | 212 | train(files_train,labels_train,save_path,files_test,predict_save) 213 | # retrain(files_train,labels_train,save_path,files_test,predict_save) 214 | 215 | # ------------ calculate all deviations for all data(train+test) 216 | predict_save='Data/'+USERNAME+'/feature/'+'predict_all.csv' 217 | files_all='Data/'+USERNAME+'/feature/'+'data_all.csv' 218 | labels_all='Data/'+USERNAME+'/feature/'+'label_all.csv' 219 | loss_save='Data/'+USERNAME+'/feature/'+'loss_all.csv' 220 | figure_save='Data/'+USERNAME+'/feature/'+'loss_all.jpg' 221 | figure_my_save='Data/'+USERNAME+'/feature/'+'myloss_all.jpg' 222 | myloss_save='Data/'+USERNAME+'/feature/'+'myloss_all.csv' 223 | test(files_all,save_path,predict_save) 224 | Calculate_deviations(files_all,labels_all,save_path,loss_save,figure_save) 225 | my_loss_forFeatures(labels_all,predict_save,myloss_save,figure_my_save) 226 | 227 | # ---------------------------------------------------------- 228 | 229 | -------------------------------------------------------------------------------- /5-Role-Feature_and_Mix.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import linecache 3 | import matplotlib.pyplot as plt 4 | import os 5 | # from FeatureExtract import path_check 6 | 7 | 8 | def path_check(path): 9 | ''' 10 | Check the input path 11 | ''' 12 | folders=os.path.exists(path) 13 | if not folders: 14 | print("Create new folders: ' %s ' successfully!"%(path)) 15 | os.makedirs(path) 16 | else: 17 | print("The folder ' %s ' exits, Please check!"%(path)) 18 | pass 19 | # os._exit(0) 20 | 21 | def role_feature(): 22 | file_name='/feature/data_out.csv' 23 | user_sets=['ASD0577', 'AAL0706', 'ASM0575', 'GCG0951', 'AAV0450', 'TDG0962', 'CCM0136', 'FRR0832', 'KPP0452', 'ABM0845', 'MJB0588', 'WJD0576', 'ILH0958', 'FEB0306', 'JJB0700', 'AHD0848', 'LDM0587', 'MLG0475', 'NCK0295', 'YJV0699',] 24 | All_users_features=np.zeros((37)) 25 | for username in user_sets: 26 | path=username+file_name 27 | All_features=np.loadtxt(path,delimiter=',') 28 | Nums=len(All_features) 29 | Aver_features=np.zeros((37)) 30 | # print(np.shape(Aver_features)) 31 | for matrix in All_features: 32 | Aver_features=Aver_features+matrix 33 | Aver_features=Aver_features/Nums 34 | All_users_features=All_users_features+Aver_features 35 | # print (np.shape(matrix)) 36 | role_features=All_users_features/len(user_sets) 37 | role_features=np.reshape(role_features,(1,37)) 38 | np.savetxt('Role_feature.csv',role_features,delimiter=',',fmt='%f') 39 | 40 | def deviations_for_users(username): 41 | ''' 42 | Calculate the deviations between user's daily feature and role feature. 43 | ''' 44 | 45 | # username='EDB0714' 46 | file_name='/feature/label_all.csv' 47 | role_feature_file='Data/'+ 'Role_feature.csv' 48 | Role_features=np.loadtxt(role_feature_file,delimiter=',') 49 | user_features=np.loadtxt('Data/'+ username+file_name,delimiter=',') 50 | All_loss=[] 51 | for matrix in user_features: 52 | paras=np.array([1.2,1,0.2,0,0,0,0,1,0.1,1.2,\ 53 | 2,1,1.5,\ 54 | 0.5,1,1,0.5,0.1,0.7,\ 55 | 0.5,1,1,0.5,0.1,0.7,\ 56 | 0.5,1,1,0.5,0.1,0.7,\ 57 | 0.5,1,1,0.5,0.1,0.7]) 58 | deviations=np.square(np.multiply((Role_features-matrix),paras)) 59 | deviations=deviations.sum()/37 60 | All_loss.append(deviations) 61 | np.savetxt('Data/'+ username+'/Model/Role_loss.csv',All_loss,delimiter=',',fmt='%f') 62 | x_list=range(0,len(user_features)) 63 | print(np.shape(All_loss)) 64 | plt.figure() 65 | plt.plot(x_list,All_loss) 66 | plt.xlabel('Days',fontsize=14) 67 | plt.ylabel('WDD loss',fontsize=14) 68 | # plt.show() 69 | plt.savefig('Data/'+ username+'/Model/Role_features.jpg') 70 | 71 | def count_line(files_in): 72 | file_open=open(files_in,'r') 73 | count=0 74 | for line in file_open: 75 | count+=1 76 | file_open.close() 77 | return count 78 | 79 | 80 | 81 | 82 | # use the code below step by step. 83 | if __name__ == "__main__": 84 | 85 | # ------ Calculate the role feature --------- 86 | # role_feature() 87 | user_sets=['EDB0714','TNM0961','HXL0968'] 88 | # ----- step 1 每个用户单独计算 role features 89 | for user in user_sets: 90 | deviations_for_users(user) 91 | # ------------------------------------ 92 | # ------ step 2 每个用户的各种偏差度进行拼接 (mix data)------ 93 | for username in user_sets: 94 | user_path='Data/'+ username+'/Mix' 95 | path_check(user_path) 96 | file_feature='/feature/myloss_all.csv' 97 | file_sequence='/sequence/loss_all.csv' 98 | file_role='/Model/Role_loss.csv' 99 | file_save=user_path+'/Mix_loss.csv' 100 | # 加载各个特征的loss 101 | feature_loss=np.loadtxt('Data/'+ username+file_feature,delimiter=',') 102 | feature_loss=np.reshape(feature_loss,(len(feature_loss),1)) 103 | sequence_loss=np.loadtxt('Data/'+ username+file_sequence,delimiter=',') 104 | sequence_loss=np.reshape(sequence_loss,(len(sequence_loss),1)) 105 | role_loss=np.loadtxt('Data/'+ username+file_role,delimiter=',') 106 | role_loss=np.reshape(role_loss,(len(role_loss),1)) 107 | mix_loss=np.concatenate((feature_loss,sequence_loss,role_loss),axis=1) 108 | np.savetxt(file_save,mix_loss,delimiter=',',fmt='%f') 109 | print(np.shape(role_loss)) 110 | print(np.shape(mix_loss)) 111 | # ----- step 3 拼接的数据进行标签 (然后根据CERT数据集中的恶意行为进行标签的修正) Generate the label according to the source data 112 | # ------- the number behind the user is the firt day that the users' anomalous behavior is emerging accoriding to the source data in CERT dataset ------------ 113 | user_sets={'EDB0714':198,'TNM0961':198,'HXL0968':165} 114 | for username,nums in user_sets.items(): 115 | user_path='Data/'+ username+'/Mix' 116 | file_save=user_path+'/label_loss.csv' 117 | file_read=user_path+'/Mix_loss.csv' 118 | Num_lines=count_line(file_read) 119 | fileopen=open(file_save,'wt') 120 | index=0 121 | while index0.5,1,0) 163 | np.savetxt(predict_label,pred,delimiter=',',fmt='%d') 164 | # -------------------- end ----------------- 165 | # -------------- 对结果进行统计 ( metrics):DRA ACC ...--------- 166 | all_label=Count_nor_ano(label_test) 167 | pred=Calculatte(predict_label,label_test) 168 | print (pred/all_label) 169 | # -------------------- end -------------------- 170 | # -------- ROC curve -------------------- 171 | file_open=open(label_test,'r') 172 | file_open_two=open(predict_save,'r') 173 | y_true=[] 174 | y_score=[] 175 | for line in file_open: 176 | if line[0]=='0': 177 | y_true.append(1) 178 | else: 179 | y_true.append(0) 180 | file_open.close() 181 | 182 | for line in file_open_two: 183 | line=line.strip() 184 | line=line.split(',') 185 | y_score.append(float(line[1])) 186 | file_open_two.close() 187 | # print (y_score) 188 | 189 | fpr,tpr,threshold=roc_curve(y_true,y_score) 190 | Auc=auc(fpr,tpr) 191 | print('FPR: ',fpr) 192 | print('TPR: ',tpr) 193 | # --------------base line 194 | baseline_fpr=[0,0.03703704,0.03803704,0.04703704,0.06407407,0.07407407,0.07407407,0.11111111,0.11311111,0.14814815,0.15814815,0.35564815,0.46444444,0.46444444,1] 195 | baseline_tpr=[0,0.16184971,0.26184971,0.26184971,0.63815029,0.83815029,0.83815029,0.88265896,0.88265896,0.88265896,0.98643931,0.99321965,0.99321965,1,1] 196 | Baseline_Auc=auc(baseline_fpr,baseline_tpr) 197 | 198 | # print(Auc) 199 | plt.figure() 200 | plt.plot(fpr,tpr,color='red',label='MBS AUC = %0.3f)'% Auc) 201 | plt.plot(baseline_fpr,baseline_tpr,color='blue',label='Baseline AUC = %0.3f)'% Baseline_Auc) 202 | plt.plot([0, 1], [0, 1], color='navy',linestyle='--') 203 | plt.xlim([0.0,1.0]) 204 | plt.ylim([0.0,1.05]) 205 | plt.xlabel('False Positive Rate',fontsize=14) 206 | plt.ylabel('True Positive Rate',fontsize=14) 207 | plt.title('Receiver operating characteristic',fontsize=14) 208 | # 显示图示 209 | plt.legend(fontsize=12) 210 | # plt.show() 211 | plt.savefig(working_folder+'ROC.jpg') 212 | # -------------------------- end ----------------------------------- 213 | # ------------- 三维散点图 (scatter diagram) ---------------- 214 | figure_ponit() 215 | 216 | 217 | 218 | 219 | -------------------------------------------------------------------------------- /Data/EDB0714/Mix/Mix_loss.csv: -------------------------------------------------------------------------------- 1 | 0.189822,1.108167,1.225708 2 | 1.033824,1.030719,1.160631 3 | 0.680418,3.484405,2.128120 4 | 0.651462,1.119858,1.281070 5 | 1.417325,2.614433,0.340711 6 | 0.392637,2.029116,1.260171 7 | 0.765394,2.581327,0.903438 8 | 0.476012,3.067587,1.557253 9 | 0.704151,1.131555,0.633609 10 | 0.555268,0.540050,1.342639 11 | 0.548717,0.784870,0.681949 12 | 1.263424,1.087532,1.822006 13 | 1.184988,2.269872,2.082971 14 | 1.004469,1.595726,0.483985 15 | 0.246021,0.894869,0.776742 16 | 0.331714,1.077577,1.367721 17 | 0.509503,1.054945,1.200105 18 | 0.583325,1.372019,1.368439 19 | 0.372386,1.451576,1.210699 20 | 0.246240,1.135703,1.100170 21 | 0.267417,1.501771,0.853812 22 | 0.772743,1.601499,0.383316 23 | 0.174393,1.170918,1.091996 24 | 0.495204,1.870671,0.853276 25 | 0.875756,1.192595,0.727431 26 | 0.324040,2.868531,1.468860 27 | 0.721312,2.583979,0.659892 28 | 1.292806,1.188223,1.656941 29 | 0.530457,3.701290,1.958088 30 | 0.837045,1.127407,0.947110 31 | 0.687532,1.702074,0.348159 32 | 0.932408,1.368357,1.036610 33 | 0.891866,3.256800,1.989907 34 | 0.259195,2.777088,1.373779 35 | 0.389189,0.838125,1.316674 36 | 0.516634,2.766960,1.376205 37 | 0.451485,1.124365,0.734334 38 | 0.339247,2.358960,1.743314 39 | 0.362296,1.618802,0.575706 40 | 0.562458,1.013119,0.666457 41 | 1.087419,2.877237,1.096033 42 | 0.881232,2.578161,1.904759 43 | 0.628949,1.697103,0.435750 44 | 0.592875,1.741222,0.422270 45 | 0.468808,2.817449,1.844005 46 | 1.074865,3.886403,2.025140 47 | 0.425232,1.844222,0.557234 48 | 0.510892,1.584316,0.927141 49 | 0.810976,2.754529,0.636465 50 | 0.409643,2.335002,1.125686 51 | 0.327385,1.127169,1.186923 52 | 0.527678,1.766707,0.496356 53 | 0.351898,2.608537,1.111733 54 | 0.259418,1.020952,1.180625 55 | 0.363435,0.865381,1.213249 56 | 0.506933,2.558506,1.068738 57 | 0.259424,1.142744,0.789492 58 | 0.766968,1.409397,0.335326 59 | 1.177067,1.400189,1.142220 60 | 0.664113,2.752491,1.362360 61 | 0.703551,3.542991,1.919471 62 | 0.515891,1.028948,0.874567 63 | 0.390281,1.072075,0.844972 64 | 0.644783,2.773572,1.646133 65 | 1.026881,2.140502,1.779535 66 | 0.332102,2.800769,1.289890 67 | 0.616534,1.145713,0.896441 68 | 0.729874,2.200090,1.708594 69 | 0.304182,2.555966,1.420256 70 | 0.393980,2.775197,1.387583 71 | 0.553070,2.987806,1.452780 72 | 0.395530,1.060931,1.131948 73 | 0.449928,2.771090,2.118903 74 | 0.613714,1.066467,1.377297 75 | 0.419258,2.365166,1.533837 76 | 0.172968,1.188662,0.671445 77 | 0.740443,1.081814,0.772684 78 | 0.274884,2.650863,1.126179 79 | 0.466059,1.145044,1.221882 80 | 0.188089,1.167317,0.871071 81 | 0.534635,1.107834,1.033291 82 | 0.536009,1.109586,0.858417 83 | 0.384258,1.332119,0.579866 84 | 0.314235,1.253710,1.097658 85 | 0.496226,3.957128,1.989518 86 | 1.065929,4.646476,3.231564 87 | 0.880102,1.289643,0.622431 88 | 0.117473,0.608852,0.980465 89 | 0.458733,1.910743,0.421122 90 | 1.110232,1.618356,0.670959 91 | 0.513159,1.192824,0.689316 92 | 0.656210,2.921651,1.350556 93 | 0.507025,2.694421,1.063135 94 | 0.892877,2.848868,1.542314 95 | 0.312121,2.919386,1.233727 96 | 1.172538,1.849680,0.502621 97 | 0.376038,1.065543,1.154936 98 | 0.291064,0.556249,1.181292 99 | 0.747365,1.052178,1.016036 100 | 0.325116,2.749959,1.190414 101 | 0.686750,1.596364,0.864920 102 | 0.353108,0.645308,0.638332 103 | 0.428499,1.058564,0.789309 104 | 0.320541,1.043324,0.649536 105 | 0.930373,3.567299,1.916579 106 | 0.421343,1.584300,0.865389 107 | 0.719656,1.124230,0.653778 108 | 0.439714,2.809739,1.075187 109 | 0.934920,4.014019,1.973555 110 | 0.390370,2.616303,1.098222 111 | 0.259783,0.810357,0.735007 112 | 0.380566,0.994672,1.518037 113 | 0.422370,1.733539,0.679203 114 | 1.068246,1.751114,1.107212 115 | 0.563576,1.116261,1.024513 116 | 0.548636,2.870988,1.223780 117 | 0.437978,2.574785,1.738848 118 | 0.535257,2.603574,1.550029 119 | 0.497627,1.086767,0.931421 120 | 0.352346,2.368344,1.320398 121 | 0.322183,1.016116,1.178220 122 | 0.238204,2.564666,1.575789 123 | 0.530177,2.418218,1.210651 124 | 0.415785,0.835684,0.899092 125 | 0.463426,1.746314,0.528560 126 | 0.404340,1.017413,1.181191 127 | 0.410932,2.094999,0.261044 128 | 0.472595,1.432744,0.643093 129 | 0.143867,0.573603,0.955987 130 | 0.905937,1.654372,0.971739 131 | 0.405567,1.039572,1.274075 132 | 0.403380,0.579642,1.285781 133 | 0.373661,1.858481,0.837299 134 | 0.543306,3.156417,1.786975 135 | 0.363504,2.800384,1.394307 136 | 0.535059,2.292263,1.308228 137 | 0.713618,3.686940,1.954061 138 | 0.771346,3.280621,2.433738 139 | 0.543992,0.982769,1.420007 140 | 0.327538,3.049196,1.732298 141 | 0.673435,1.028509,1.117894 142 | 0.790048,2.535953,1.121928 143 | 0.652995,1.863358,1.052248 144 | 0.686442,1.832645,0.846608 145 | 0.508688,1.402616,0.332383 146 | 0.469073,2.758476,1.393521 147 | 0.458537,1.728732,0.811129 148 | 0.512026,2.891798,1.572671 149 | 0.260446,2.545887,1.115706 150 | 0.514567,1.812360,1.045068 151 | 0.303983,1.071495,0.737671 152 | 0.785073,1.853721,0.423486 153 | 0.786890,2.892607,1.916911 154 | 0.527549,2.386379,1.864688 155 | 0.871027,2.623073,0.919323 156 | 0.792758,1.133822,0.802184 157 | 0.287012,2.765212,1.237227 158 | 0.991471,1.147160,1.478549 159 | 1.010635,1.351326,1.130389 160 | 0.498485,2.834048,1.618264 161 | 0.499769,1.674872,0.719800 162 | 0.374090,1.192252,1.232728 163 | 0.311496,1.132247,1.155417 164 | 0.800975,1.078114,1.058186 165 | 0.670416,1.042640,1.014992 166 | 0.203875,0.803309,0.966864 167 | 0.322275,2.853453,1.737123 168 | 0.243635,2.530269,1.607557 169 | 0.814055,1.237988,1.056223 170 | 0.188195,2.269979,1.738045 171 | 1.229994,2.832838,1.752615 172 | 0.239432,2.626635,1.411647 173 | 0.596613,2.102660,1.451546 174 | 1.018645,3.839117,2.040820 175 | 0.472394,1.545607,0.636597 176 | 0.568049,1.844661,0.652591 177 | 0.636426,1.120499,0.995884 178 | 0.795271,2.699636,0.369725 179 | 0.224256,1.158848,0.794959 180 | 0.492548,2.640833,1.802385 181 | 0.439187,1.575354,1.054301 182 | 1.076895,1.192625,1.776473 183 | 0.248475,1.230677,0.978322 184 | 0.267990,0.783992,0.676976 185 | 0.602519,2.592819,1.598574 186 | 1.210687,2.576763,0.316156 187 | 1.315860,1.147590,1.084188 188 | 0.442820,2.869822,1.630985 189 | 1.124149,2.686928,0.591529 190 | 0.361749,1.485235,0.770603 191 | 0.707492,1.720605,0.417325 192 | 0.349582,1.541351,0.542061 193 | 0.512217,3.557118,2.467069 194 | 0.682945,1.800466,0.842747 195 | 0.699432,1.773901,1.051560 196 | 0.297333,1.035632,0.889098 197 | 1.451664,1.558393,1.602786 198 | 0.827105,4.602460,1.683862 199 | 2.443390,6.195327,2.995907 200 | 1.533068,5.678340,2.816825 201 | 2.399832,5.752203,2.794411 202 | 3.022819,7.373749,4.032431 203 | 3.172120,5.778477,3.318735 204 | 1.454945,4.995849,2.543083 205 | 3.504108,5.420610,3.727098 206 | 2.484583,4.034882,2.178248 207 | 0.478499,2.208997,0.894471 208 | 1.964019,6.524648,2.834698 209 | 1.959784,4.441457,1.783201 210 | 1.992167,4.293245,2.095859 211 | 1.235600,1.487004,0.660989 212 | 1.991729,5.575341,2.573598 213 | 4.046082,7.536600,4.222145 214 | 1.240922,2.168083,1.502883 215 | 0.542519,3.288090,1.024238 216 | 2.657843,3.785527,1.811451 217 | 1.310838,5.186703,2.556637 218 | 3.982090,7.295805,4.646528 219 | 2.183004,6.323747,4.676180 220 | 0.779770,0.790660,1.276782 221 | 2.106961,4.803453,4.007600 222 | 0.221606,1.109835,0.675424 223 | 2.196914,5.430135,4.371849 224 | 0.808111,2.480332,1.416230 225 | 1.736866,4.734849,4.432062 226 | 0.449131,3.131029,2.016722 227 | 3.131209,3.998138,4.527370 228 | 1.620946,3.849056,2.878424 229 | 0.914709,2.841075,2.330687 230 | 1.062522,4.783036,2.846288 231 | -------------------------------------------------------------------------------- /Data/EDB0714/Mix/label_loss.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 0,1 13 | 0,1 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 0,1 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 0,1 101 | 0,1 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 0,1 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 0,1 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 0,1 166 | 0,1 167 | 0,1 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 0,1 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 0,1 184 | 0,1 185 | 0,1 186 | 0,1 187 | 0,1 188 | 0,1 189 | 0,1 190 | 0,1 191 | 0,1 192 | 0,1 193 | 0,1 194 | 0,1 195 | 0,1 196 | 0,1 197 | 0,1 198 | 1,0 199 | 1,0 200 | 1,0 201 | 1,0 202 | 1,0 203 | 1,0 204 | 1,0 205 | 1,0 206 | 1,0 207 | 1,0 208 | 1,0 209 | 1,0 210 | 1,0 211 | 1,0 212 | 1,0 213 | 1,0 214 | 1,0 215 | 1,0 216 | 1,0 217 | 1,0 218 | 1,0 219 | 1,0 220 | 1,0 221 | 1,0 222 | 1,0 223 | 1,0 224 | 1,0 225 | 1,0 226 | 1,0 227 | 1,0 228 | 1,0 229 | 1,0 230 | 1,0 231 | -------------------------------------------------------------------------------- /Data/EDB0714/Model/Action/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/Model/Action/model.h5 -------------------------------------------------------------------------------- /Data/EDB0714/Model/Feature/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/Model/Feature/model.h5 -------------------------------------------------------------------------------- /Data/EDB0714/Model/Role_features.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/Model/Role_features.jpg -------------------------------------------------------------------------------- /Data/EDB0714/Model/Role_loss.csv: -------------------------------------------------------------------------------- 1 | 1.225708 2 | 1.160631 3 | 2.128120 4 | 1.281070 5 | 0.340711 6 | 1.260171 7 | 0.903438 8 | 1.557253 9 | 0.633609 10 | 1.342639 11 | 0.681949 12 | 1.822006 13 | 2.082971 14 | 0.483985 15 | 0.776742 16 | 1.367721 17 | 1.200105 18 | 1.368439 19 | 1.210699 20 | 1.100170 21 | 0.853812 22 | 0.383316 23 | 1.091996 24 | 0.853276 25 | 0.727431 26 | 1.468860 27 | 0.659892 28 | 1.656941 29 | 1.958088 30 | 0.947110 31 | 0.348159 32 | 1.036610 33 | 1.989907 34 | 1.373779 35 | 1.316674 36 | 1.376205 37 | 0.734334 38 | 1.743314 39 | 0.575706 40 | 0.666457 41 | 1.096033 42 | 1.904759 43 | 0.435750 44 | 0.422270 45 | 1.844005 46 | 2.025140 47 | 0.557234 48 | 0.927141 49 | 0.636465 50 | 1.125686 51 | 1.186923 52 | 0.496356 53 | 1.111733 54 | 1.180625 55 | 1.213249 56 | 1.068738 57 | 0.789492 58 | 0.335326 59 | 1.142220 60 | 1.362360 61 | 1.919471 62 | 0.874567 63 | 0.844972 64 | 1.646133 65 | 1.779535 66 | 1.289890 67 | 0.896441 68 | 1.708594 69 | 1.420256 70 | 1.387583 71 | 1.452780 72 | 1.131948 73 | 2.118903 74 | 1.377297 75 | 1.533837 76 | 0.671445 77 | 0.772684 78 | 1.126179 79 | 1.221882 80 | 0.871071 81 | 1.033291 82 | 0.858417 83 | 0.579866 84 | 1.097658 85 | 1.989518 86 | 3.231564 87 | 0.622431 88 | 0.980465 89 | 0.421122 90 | 0.670959 91 | 0.689316 92 | 1.350556 93 | 1.063135 94 | 1.542314 95 | 1.233727 96 | 0.502621 97 | 1.154936 98 | 1.181292 99 | 1.016036 100 | 1.190414 101 | 0.864920 102 | 0.638332 103 | 0.789309 104 | 0.649536 105 | 1.916579 106 | 0.865389 107 | 0.653778 108 | 1.075187 109 | 1.973555 110 | 1.098222 111 | 0.735007 112 | 1.518037 113 | 0.679203 114 | 1.107212 115 | 1.024513 116 | 1.223780 117 | 1.738848 118 | 1.550029 119 | 0.931421 120 | 1.320398 121 | 1.178220 122 | 1.575789 123 | 1.210651 124 | 0.899092 125 | 0.528560 126 | 1.181191 127 | 0.261044 128 | 0.643093 129 | 0.955987 130 | 0.971739 131 | 1.274075 132 | 1.285781 133 | 0.837299 134 | 1.786975 135 | 1.394307 136 | 1.308228 137 | 1.954061 138 | 2.433738 139 | 1.420007 140 | 1.732298 141 | 1.117894 142 | 1.121928 143 | 1.052248 144 | 0.846608 145 | 0.332383 146 | 1.393521 147 | 0.811129 148 | 1.572671 149 | 1.115706 150 | 1.045068 151 | 0.737671 152 | 0.423486 153 | 1.916911 154 | 1.864688 155 | 0.919323 156 | 0.802184 157 | 1.237227 158 | 1.478549 159 | 1.130389 160 | 1.618264 161 | 0.719800 162 | 1.232728 163 | 1.155417 164 | 1.058186 165 | 1.014992 166 | 0.966864 167 | 1.737123 168 | 1.607557 169 | 1.056223 170 | 1.738045 171 | 1.752615 172 | 1.411647 173 | 1.451546 174 | 2.040820 175 | 0.636597 176 | 0.652591 177 | 0.995884 178 | 0.369725 179 | 0.794959 180 | 1.802385 181 | 1.054301 182 | 1.776473 183 | 0.978322 184 | 0.676976 185 | 1.598574 186 | 0.316156 187 | 1.084188 188 | 1.630985 189 | 0.591529 190 | 0.770603 191 | 0.417325 192 | 0.542061 193 | 2.467069 194 | 0.842747 195 | 1.051560 196 | 0.889098 197 | 1.602786 198 | 1.683862 199 | 2.995907 200 | 2.816825 201 | 2.794411 202 | 4.032431 203 | 3.318735 204 | 2.543083 205 | 3.727098 206 | 2.178248 207 | 0.894471 208 | 2.834698 209 | 1.783201 210 | 2.095859 211 | 0.660989 212 | 2.573598 213 | 4.222145 214 | 1.502883 215 | 1.024238 216 | 1.811451 217 | 2.556637 218 | 4.646528 219 | 4.676180 220 | 1.276782 221 | 4.007600 222 | 0.675424 223 | 4.371849 224 | 1.416230 225 | 4.432062 226 | 2.016722 227 | 4.527370 228 | 2.878424 229 | 2.330687 230 | 2.846288 231 | -------------------------------------------------------------------------------- /Data/EDB0714/feature/loss_all.csv: -------------------------------------------------------------------------------- 1 | 20.892212 2 | 54.001385 3 | 36.422157 4 | 61.152088 5 | 133.933563 6 | 12.547942 7 | 19.285826 8 | 26.484936 9 | 64.190796 10 | 50.272034 11 | 54.408813 12 | 27.102716 13 | 110.390457 14 | 80.877533 15 | 13.735987 16 | 29.293159 17 | 47.947571 18 | 29.721838 19 | 33.184040 20 | 23.778456 21 | 16.262339 22 | 61.164513 23 | 19.513714 24 | 33.968948 25 | 84.451263 26 | 27.252590 27 | 24.805487 28 | 79.815613 29 | 23.732679 30 | 125.078773 31 | 47.898388 32 | 28.733646 33 | 56.680016 34 | 24.228464 35 | 32.701580 36 | 49.286449 37 | 43.703125 38 | 20.668308 39 | 23.901800 40 | 52.358925 41 | 39.201534 42 | 79.831749 43 | 50.921394 44 | 43.659550 45 | 34.255688 46 | 76.980797 47 | 28.279673 48 | 31.588491 49 | 28.790152 50 | 35.371075 51 | 24.033779 52 | 44.443630 53 | 24.028254 54 | 24.150568 55 | 22.989265 56 | 39.808510 57 | 27.639460 58 | 57.114586 59 | 75.591377 60 | 63.883896 61 | 33.271435 62 | 45.301731 63 | 42.357395 64 | 57.637424 65 | 100.311668 66 | 28.096766 67 | 46.387299 68 | 112.187065 69 | 24.791821 70 | 41.530479 71 | 50.895020 72 | 15.688840 73 | 19.846832 74 | 54.478477 75 | 36.815620 76 | 23.084047 77 | 71.796463 78 | 25.887877 79 | 37.940163 80 | 24.127325 81 | 56.037876 82 | 27.774210 83 | 23.076277 84 | 31.881645 85 | 17.602436 86 | 24.534388 87 | 76.255020 88 | 17.263176 89 | 30.333279 90 | 96.220673 91 | 41.410484 92 | 51.567669 93 | 44.604809 94 | 81.317177 95 | 25.137640 96 | 137.254761 97 | 27.185280 98 | 26.301544 99 | 80.118187 100 | 19.645094 101 | 31.999905 102 | 32.326893 103 | 49.829708 104 | 31.411467 105 | 61.214855 106 | 27.031883 107 | 67.001953 108 | 34.474529 109 | 46.653645 110 | 25.295984 111 | 27.353216 112 | 22.959709 113 | 26.457880 114 | 89.791412 115 | 60.616833 116 | 47.326859 117 | 23.411381 118 | 49.008076 119 | 21.395197 120 | 35.198685 121 | 27.137428 122 | 16.624245 123 | 45.619564 124 | 42.197845 125 | 33.096058 126 | 29.620123 127 | 27.280893 128 | 32.599403 129 | 15.512497 130 | 71.501358 131 | 44.526917 132 | 38.209305 133 | 26.399271 134 | 35.640419 135 | 37.022011 136 | 51.986042 137 | 34.260311 138 | 45.839920 139 | 38.688686 140 | 23.370113 141 | 66.552788 142 | 72.107704 143 | 43.459736 144 | 46.193615 145 | 37.959362 146 | 21.399809 147 | 30.491522 148 | 38.795494 149 | 23.457657 150 | 31.414488 151 | 35.814163 152 | 62.626575 153 | 69.685974 154 | 38.035339 155 | 30.711327 156 | 77.841225 157 | 26.931707 158 | 92.824875 159 | 138.511719 160 | 30.047489 161 | 25.015779 162 | 35.843071 163 | 28.079002 164 | 80.549850 165 | 67.288391 166 | 21.817146 167 | 27.334871 168 | 20.189276 169 | 125.290474 170 | 7.789410 171 | 153.228256 172 | 18.992395 173 | 58.886230 174 | 70.966438 175 | 21.137722 176 | 35.796043 177 | 53.546764 178 | 26.064133 179 | 22.370356 180 | 44.927002 181 | 21.739723 182 | 42.705776 183 | 27.472961 184 | 26.039082 185 | 60.949390 186 | 52.018192 187 | 102.158936 188 | 37.605774 189 | 34.122269 190 | 20.386095 191 | 40.344509 192 | 23.742319 193 | 14.198586 194 | 52.932346 195 | 50.005608 196 | 32.771957 197 | 73.038078 198 | 34.862595 199 | 28.720545 200 | 21.293917 201 | 91.154770 202 | 61.256920 203 | 37.338577 204 | 9.933523 205 | 206.201996 206 | 56.333378 207 | 46.531174 208 | 66.481606 209 | 37.999126 210 | 52.292896 211 | 62.736626 212 | 87.297897 213 | 108.182655 214 | 67.785721 215 | 31.294430 216 | 69.159958 217 | 31.318604 218 | 208.472061 219 | 28.279703 220 | 33.670837 221 | 57.855133 222 | 27.265738 223 | 45.453949 224 | 58.499393 225 | 29.146881 226 | 16.860336 227 | 214.586868 228 | 111.357254 229 | 54.668404 230 | 25.450310 231 | -------------------------------------------------------------------------------- /Data/EDB0714/feature/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/feature/loss_all.jpg -------------------------------------------------------------------------------- /Data/EDB0714/feature/myloss_all.csv: -------------------------------------------------------------------------------- 1 | 0.189822 2 | 1.033824 3 | 0.680418 4 | 0.651462 5 | 1.417325 6 | 0.392637 7 | 0.765394 8 | 0.476012 9 | 0.704151 10 | 0.555268 11 | 0.548717 12 | 1.263424 13 | 1.184988 14 | 1.004469 15 | 0.246021 16 | 0.331714 17 | 0.509503 18 | 0.583325 19 | 0.372386 20 | 0.246240 21 | 0.267417 22 | 0.772743 23 | 0.174393 24 | 0.495204 25 | 0.875756 26 | 0.324040 27 | 0.721312 28 | 1.292806 29 | 0.530457 30 | 0.837045 31 | 0.687532 32 | 0.932408 33 | 0.891866 34 | 0.259195 35 | 0.389189 36 | 0.516634 37 | 0.451485 38 | 0.339247 39 | 0.362296 40 | 0.562458 41 | 1.087419 42 | 0.881232 43 | 0.628949 44 | 0.592875 45 | 0.468808 46 | 1.074865 47 | 0.425232 48 | 0.510892 49 | 0.810976 50 | 0.409643 51 | 0.327385 52 | 0.527678 53 | 0.351898 54 | 0.259418 55 | 0.363435 56 | 0.506933 57 | 0.259424 58 | 0.766968 59 | 1.177067 60 | 0.664113 61 | 0.703551 62 | 0.515891 63 | 0.390281 64 | 0.644783 65 | 1.026881 66 | 0.332102 67 | 0.616534 68 | 0.729874 69 | 0.304182 70 | 0.393980 71 | 0.553070 72 | 0.395530 73 | 0.449928 74 | 0.613714 75 | 0.419258 76 | 0.172968 77 | 0.740443 78 | 0.274884 79 | 0.466059 80 | 0.188089 81 | 0.534635 82 | 0.536009 83 | 0.384258 84 | 0.314235 85 | 0.496226 86 | 1.065929 87 | 0.880102 88 | 0.117473 89 | 0.458733 90 | 1.110232 91 | 0.513159 92 | 0.656210 93 | 0.507025 94 | 0.892877 95 | 0.312121 96 | 1.172538 97 | 0.376038 98 | 0.291064 99 | 0.747365 100 | 0.325116 101 | 0.686750 102 | 0.353108 103 | 0.428499 104 | 0.320541 105 | 0.930373 106 | 0.421343 107 | 0.719656 108 | 0.439714 109 | 0.934920 110 | 0.390370 111 | 0.259783 112 | 0.380566 113 | 0.422370 114 | 1.068246 115 | 0.563576 116 | 0.548636 117 | 0.437978 118 | 0.535257 119 | 0.497627 120 | 0.352346 121 | 0.322183 122 | 0.238204 123 | 0.530177 124 | 0.415785 125 | 0.463426 126 | 0.404340 127 | 0.410932 128 | 0.472595 129 | 0.143867 130 | 0.905937 131 | 0.405567 132 | 0.403380 133 | 0.373661 134 | 0.543306 135 | 0.363504 136 | 0.535059 137 | 0.713618 138 | 0.771346 139 | 0.543992 140 | 0.327538 141 | 0.673435 142 | 0.790048 143 | 0.652995 144 | 0.686442 145 | 0.508688 146 | 0.469073 147 | 0.458537 148 | 0.512026 149 | 0.260446 150 | 0.514567 151 | 0.303983 152 | 0.785073 153 | 0.786890 154 | 0.527549 155 | 0.871027 156 | 0.792758 157 | 0.287012 158 | 0.991471 159 | 1.010635 160 | 0.498485 161 | 0.499769 162 | 0.374090 163 | 0.311496 164 | 0.800975 165 | 0.670416 166 | 0.203875 167 | 0.322275 168 | 0.243635 169 | 0.814055 170 | 0.188195 171 | 1.229994 172 | 0.239432 173 | 0.596613 174 | 1.018645 175 | 0.472394 176 | 0.568049 177 | 0.636426 178 | 0.795271 179 | 0.224256 180 | 0.492548 181 | 0.439187 182 | 1.076895 183 | 0.248475 184 | 0.267990 185 | 0.602519 186 | 1.210687 187 | 1.315860 188 | 0.442820 189 | 1.124149 190 | 0.361749 191 | 0.707492 192 | 0.349582 193 | 0.512217 194 | 0.682945 195 | 0.699432 196 | 0.297333 197 | 1.451664 198 | 0.827105 199 | 2.443390 200 | 1.533068 201 | 2.399832 202 | 3.022819 203 | 3.172120 204 | 1.454945 205 | 3.504108 206 | 2.484583 207 | 0.478499 208 | 1.964019 209 | 1.959784 210 | 1.992167 211 | 1.235600 212 | 1.991729 213 | 4.046082 214 | 1.240922 215 | 0.542519 216 | 2.657843 217 | 1.310838 218 | 3.982090 219 | 2.183004 220 | 0.779770 221 | 2.106961 222 | 0.221606 223 | 2.196914 224 | 0.808111 225 | 1.736866 226 | 0.449131 227 | 3.131209 228 | 1.620946 229 | 0.914709 230 | 1.062522 231 | -------------------------------------------------------------------------------- /Data/EDB0714/feature/myloss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/feature/myloss_all.jpg -------------------------------------------------------------------------------- /Data/EDB0714/psychometric.csv: -------------------------------------------------------------------------------- 1 | Eden Deborah Ball,EDB0714,21,23,35,26,29 2 | -------------------------------------------------------------------------------- /Data/EDB0714/sequence/loss_all.csv: -------------------------------------------------------------------------------- 1 | 1.108167 2 | 1.030719 3 | 3.484405 4 | 1.119858 5 | 2.614433 6 | 2.029116 7 | 2.581327 8 | 3.067587 9 | 1.131555 10 | 0.540050 11 | 0.784870 12 | 1.087532 13 | 2.269872 14 | 1.595726 15 | 0.894869 16 | 1.077577 17 | 1.054945 18 | 1.372019 19 | 1.451576 20 | 1.135703 21 | 1.501771 22 | 1.601499 23 | 1.170918 24 | 1.870671 25 | 1.192595 26 | 2.868531 27 | 2.583979 28 | 1.188223 29 | 3.701290 30 | 1.127407 31 | 1.702074 32 | 1.368357 33 | 3.256800 34 | 2.777088 35 | 0.838125 36 | 2.766960 37 | 1.124365 38 | 2.358960 39 | 1.618802 40 | 1.013119 41 | 2.877237 42 | 2.578161 43 | 1.697103 44 | 1.741222 45 | 2.817449 46 | 3.886403 47 | 1.844222 48 | 1.584316 49 | 2.754529 50 | 2.335002 51 | 1.127169 52 | 1.766707 53 | 2.608537 54 | 1.020952 55 | 0.865381 56 | 2.558506 57 | 1.142744 58 | 1.409397 59 | 1.400189 60 | 2.752491 61 | 3.542991 62 | 1.028948 63 | 1.072075 64 | 2.773572 65 | 2.140502 66 | 2.800769 67 | 1.145713 68 | 2.200090 69 | 2.555966 70 | 2.775197 71 | 2.987806 72 | 1.060931 73 | 2.771090 74 | 1.066467 75 | 2.365166 76 | 1.188662 77 | 1.081814 78 | 2.650863 79 | 1.145044 80 | 1.167317 81 | 1.107834 82 | 1.109586 83 | 1.332119 84 | 1.253710 85 | 3.957128 86 | 4.646476 87 | 1.289643 88 | 0.608852 89 | 1.910743 90 | 1.618356 91 | 1.192824 92 | 2.921651 93 | 2.694421 94 | 2.848868 95 | 2.919386 96 | 1.849680 97 | 1.065543 98 | 0.556249 99 | 1.052178 100 | 2.749959 101 | 1.596364 102 | 0.645308 103 | 1.058564 104 | 1.043324 105 | 3.567299 106 | 1.584300 107 | 1.124230 108 | 2.809739 109 | 4.014019 110 | 2.616303 111 | 0.810357 112 | 0.994672 113 | 1.733539 114 | 1.751114 115 | 1.116261 116 | 2.870988 117 | 2.574785 118 | 2.603574 119 | 1.086767 120 | 2.368344 121 | 1.016116 122 | 2.564666 123 | 2.418218 124 | 0.835684 125 | 1.746314 126 | 1.017413 127 | 2.094999 128 | 1.432744 129 | 0.573603 130 | 1.654372 131 | 1.039572 132 | 0.579642 133 | 1.858481 134 | 3.156417 135 | 2.800384 136 | 2.292263 137 | 3.686940 138 | 3.280621 139 | 0.982769 140 | 3.049196 141 | 1.028509 142 | 2.535953 143 | 1.863358 144 | 1.832645 145 | 1.402616 146 | 2.758476 147 | 1.728732 148 | 2.891798 149 | 2.545887 150 | 1.812360 151 | 1.071495 152 | 1.853721 153 | 2.892607 154 | 2.386379 155 | 2.623073 156 | 1.133822 157 | 2.765212 158 | 1.147160 159 | 1.351326 160 | 2.834048 161 | 1.674872 162 | 1.192252 163 | 1.132247 164 | 1.078114 165 | 1.042640 166 | 0.803309 167 | 2.853453 168 | 2.530269 169 | 1.237988 170 | 2.269979 171 | 2.832838 172 | 2.626635 173 | 2.102660 174 | 3.839117 175 | 1.545607 176 | 1.844661 177 | 1.120499 178 | 2.699636 179 | 1.158848 180 | 2.640833 181 | 1.575354 182 | 1.192625 183 | 1.230677 184 | 0.783992 185 | 2.592819 186 | 2.576763 187 | 1.147590 188 | 2.869822 189 | 2.686928 190 | 1.485235 191 | 1.720605 192 | 1.541351 193 | 3.557118 194 | 1.800466 195 | 1.773901 196 | 1.035632 197 | 1.558393 198 | 4.602460 199 | 6.195327 200 | 5.678340 201 | 5.752203 202 | 7.373749 203 | 5.778477 204 | 4.995849 205 | 5.420610 206 | 4.034882 207 | 2.208997 208 | 6.524648 209 | 4.441457 210 | 4.293245 211 | 1.487004 212 | 5.575341 213 | 7.536600 214 | 2.168083 215 | 3.288090 216 | 3.785527 217 | 5.186703 218 | 7.295805 219 | 6.323747 220 | 0.790660 221 | 4.803453 222 | 1.109835 223 | 5.430135 224 | 2.480332 225 | 4.734849 226 | 3.131029 227 | 3.998138 228 | 3.849056 229 | 2.841075 230 | 4.783036 231 | -------------------------------------------------------------------------------- /Data/EDB0714/sequence/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/EDB0714/sequence/loss_all.jpg -------------------------------------------------------------------------------- /Data/EDB0714/sequence/predict.csv: -------------------------------------------------------------------------------- 1 | 0.000000,3.872398,3.845731,3.680914,3.630323,3.673110,3.328956,3.723201,3.938826,0.000000,3.649697,3.543202,3.410146,3.614595,4.541617,2.741840,3.845202,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 2 | 0.000000,3.813212,3.733121,3.639394,3.631927,3.663754,3.270321,3.715142,3.895225,0.000000,3.648740,3.503633,3.477385,3.537027,4.405179,2.796791,3.837777,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 3 | 0.000000,3.830477,3.625648,3.629575,3.727291,3.732544,3.231108,3.775025,3.905559,0.000000,3.779745,3.438127,3.485029,3.538688,4.416389,2.991839,4.191417,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 4 | 0.000000,3.834005,3.726320,3.624003,3.635381,3.678160,3.278189,3.732731,3.909320,0.000000,3.669763,3.495586,3.448351,3.532112,4.449314,2.837207,3.897365,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 5 | 0.000000,3.844871,3.856053,3.631337,3.542271,3.621788,3.348235,3.697747,3.928960,0.000000,3.564749,3.574226,3.400313,3.580172,4.509479,2.643296,3.565277,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 6 | 0.000000,3.865515,3.878889,3.626906,3.553945,3.632186,3.357074,3.704228,3.939811,0.000000,3.585135,3.559037,3.395894,3.573974,4.527104,2.655642,3.615877,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 7 | 0.000000,3.822737,3.836167,3.649290,3.559317,3.587074,3.337628,3.695394,3.930975,0.000000,3.623940,3.574888,3.435157,3.576532,4.515499,2.647131,3.629076,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 8 | 0.000000,3.825952,3.809128,3.666974,3.613102,3.605550,3.299934,3.708652,3.941258,0.000000,3.700869,3.548430,3.491869,3.617791,4.508717,2.733740,3.808937,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 9 | 0.000000,3.852874,3.735537,3.635404,3.682938,3.669037,3.277607,3.734072,3.918863,0.000000,3.708586,3.480719,3.492839,3.564518,4.462504,2.876073,4.030612,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 10 | 0.000000,3.839030,3.634231,3.650836,3.755531,3.702495,3.231814,3.769292,3.924285,0.000000,3.845546,3.433146,3.536523,3.574988,4.442097,3.021578,4.283203,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 11 | 0.000000,3.820525,3.632892,3.667611,3.745646,3.681062,3.239534,3.764584,3.931178,0.000000,3.844850,3.458076,3.542864,3.595657,4.460218,2.982470,4.257858,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 12 | 0.000000,3.794250,3.672507,3.655574,3.682788,3.624185,3.250342,3.736398,3.920486,0.000000,3.778746,3.501645,3.557659,3.594190,4.433104,2.884028,4.011958,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 13 | 0.000000,3.803572,3.617387,3.643539,3.745159,3.649980,3.218107,3.752891,3.903949,0.000000,3.838737,3.457403,3.556452,3.568082,4.432265,2.962903,4.230793,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 14 | 0.000000,3.823286,3.625195,3.658574,3.772458,3.674886,3.164387,3.742122,3.884903,0.000000,3.913929,3.469294,3.537908,3.581687,4.458969,2.969508,4.360799,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 15 | 0.000000,3.851118,3.639257,3.672297,3.770337,3.767745,3.245659,3.777111,3.909758,0.000000,3.820601,3.443751,3.480261,3.583175,4.453487,2.979501,4.310480,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 16 | 0.000000,3.820541,3.612856,3.674498,3.737497,3.767792,3.233470,3.767301,3.895036,0.000000,3.799129,3.451932,3.472543,3.551984,4.416830,2.955803,4.229847,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 17 | 0.000000,3.818087,3.644414,3.640072,3.711895,3.735741,3.227620,3.763385,3.899304,0.000000,3.774111,3.440202,3.491401,3.522579,4.403334,2.934874,4.145040,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 18 | 0.000000,3.813035,3.559129,3.665502,3.699680,3.780908,3.239515,3.766865,3.888887,0.000000,3.692477,3.463600,3.468931,3.496421,4.318105,2.966047,4.087804,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 19 | 0.000000,3.815536,3.655324,3.611234,3.646587,3.710375,3.262887,3.751948,3.900490,0.000000,3.661457,3.471153,3.468571,3.509403,4.369668,2.862186,3.879462,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 20 | 0.000000,3.769722,3.718244,3.636178,3.571688,3.594739,3.302187,3.711634,3.925510,0.000000,3.665964,3.559974,3.476547,3.574426,4.445558,2.728832,3.650560,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 21 | 0.000000,3.867436,3.752317,3.662463,3.676364,3.702184,3.299924,3.743240,3.940346,0.000000,3.705343,3.499466,3.434025,3.604241,4.510973,2.851625,4.006765,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 22 | 0.000000,3.834450,3.751861,3.634755,3.655793,3.678194,3.275190,3.732142,3.910111,0.000000,3.679450,3.489212,3.469131,3.544491,4.439785,2.834393,3.925475,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 23 | 0.000000,3.835004,3.643190,3.627958,3.732458,3.730325,3.232925,3.780571,3.907650,0.000000,3.794696,3.437399,3.479763,3.542549,4.440984,2.980804,4.214231,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 24 | 0.000000,3.823002,3.708225,3.624351,3.661516,3.682036,3.255318,3.741131,3.907562,0.000000,3.707838,3.477329,3.474854,3.545161,4.431717,2.873425,3.971512,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 25 | 0.000000,3.771249,3.762518,3.647926,3.562833,3.576220,3.324695,3.695708,3.909406,0.000000,3.648943,3.573314,3.468392,3.590270,4.463405,2.691378,3.614184,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 26 | 0.000000,3.842532,3.705686,3.664195,3.629548,3.693476,3.315705,3.722473,3.904294,0.000000,3.600374,3.537896,3.441538,3.553940,4.409075,2.806394,3.812036,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 27 | 0.000000,3.827667,3.754019,3.612962,3.618821,3.664685,3.298856,3.728623,3.904686,0.000000,3.640326,3.512498,3.433422,3.547967,4.442354,2.759096,3.768667,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 28 | 0.000000,3.785486,3.603920,3.653800,3.717705,3.676782,3.218827,3.757233,3.909726,0.000000,3.837790,3.459695,3.528447,3.554950,4.429946,2.956433,4.181312,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 29 | 0.000000,3.852993,3.633918,3.640448,3.669114,3.723414,3.296731,3.748314,3.909502,0.000000,3.639175,3.502363,3.449328,3.540586,4.389152,2.903645,3.961786,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 30 | 0.000000,3.841333,3.745651,3.697255,3.677793,3.729308,3.275229,3.733660,3.907665,0.000000,3.713722,3.481117,3.471263,3.575301,4.435576,2.832646,3.969127,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 31 | 0.000000,3.833308,3.626069,3.672602,3.732797,3.773058,3.234625,3.771338,3.912306,0.000000,3.802573,3.442070,3.465602,3.546345,4.423565,2.974332,4.235174,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 32 | 0.000000,3.818816,3.666787,3.675674,3.701538,3.754916,3.236698,3.751906,3.911056,0.000000,3.761825,3.450622,3.459532,3.547493,4.425294,2.921879,4.134618,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 33 | 0.000000,3.762039,3.654215,3.676077,3.707008,3.657916,3.144374,3.709218,3.853684,0.000000,3.881607,3.476626,3.539487,3.550948,4.405247,2.887480,4.159119,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 34 | 0.000000,3.823960,3.689596,3.710202,3.720502,3.750233,3.232980,3.734855,3.899587,0.000000,3.777457,3.452985,3.499729,3.557900,4.412261,2.908759,4.167250,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 35 | 0.000000,3.818854,3.655188,3.683556,3.719869,3.760328,3.230963,3.754158,3.904075,0.000000,3.777371,3.451915,3.481695,3.550336,4.412068,2.912903,4.161554,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 36 | 0.000000,3.821905,3.659762,3.639857,3.704110,3.729297,3.225766,3.758247,3.901443,0.000000,3.759593,3.444144,3.498527,3.522188,4.393779,2.911329,4.097562,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 37 | 0.000000,3.828260,3.689123,3.689019,3.711198,3.737466,3.226740,3.745861,3.916039,0.000000,3.774343,3.454020,3.482870,3.554572,4.427058,2.917538,4.145346,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 38 | 0.000000,3.743551,3.775728,3.642794,3.606436,3.585101,3.231042,3.677571,3.852516,0.000000,3.753748,3.578680,3.419848,3.604424,4.529291,2.599767,3.700334,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 39 | 0.000000,3.743632,3.846308,3.626183,3.544207,3.536495,3.305607,3.649837,3.858122,0.000000,3.634430,3.653286,3.384379,3.628643,4.525146,2.465444,3.401563,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 40 | 0.000000,3.761460,3.850060,3.620483,3.563601,3.557682,3.327550,3.669980,3.871964,0.000000,3.638601,3.641876,3.366043,3.639449,4.548131,2.463478,3.434186,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 41 | 0.000000,3.692455,3.813712,3.609358,3.506197,3.494429,3.327742,3.645509,3.823810,0.000000,3.573665,3.700142,3.380637,3.629441,4.482424,2.368883,3.161950,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 42 | 0.000000,3.769506,3.905472,3.653173,3.554651,3.542193,3.330480,3.655499,3.859259,0.000000,3.638733,3.671784,3.356817,3.661607,4.564161,2.371396,3.353228,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 43 | 0.000000,3.730462,3.861681,3.620825,3.535582,3.506504,3.319122,3.641093,3.828816,0.000000,3.621675,3.681805,3.369789,3.652767,4.519758,2.354397,3.258736,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 44 | 0.000000,3.720438,3.832555,3.622630,3.520972,3.503309,3.316895,3.643623,3.816162,0.000000,3.611703,3.695147,3.360771,3.654064,4.521557,2.336936,3.198608,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 45 | 0.000000,3.743252,3.874995,3.645717,3.530161,3.525425,3.301998,3.639626,3.824655,0.000000,3.634589,3.684189,3.357848,3.666566,4.548038,2.335266,3.264599,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 46 | 0.000000,3.825802,3.925529,3.674609,3.570186,3.565014,3.281751,3.659406,3.903047,0.000000,3.684181,3.641570,3.383092,3.642935,4.582827,2.449840,3.566729,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 47 | 0.000000,3.803820,3.877577,3.652258,3.567953,3.597882,3.333358,3.679270,3.902797,0.000000,3.594810,3.613873,3.371890,3.603274,4.527959,2.498830,3.524030,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 48 | 0.000000,3.719607,3.787901,3.640303,3.586096,3.547016,3.278483,3.662599,3.819545,0.000000,3.678044,3.633512,3.414130,3.627976,4.484156,2.482506,3.461237,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 49 | 0.000000,3.799065,3.712943,3.642827,3.711938,3.640367,3.200327,3.715692,3.876380,0.000000,3.838855,3.530237,3.477687,3.600185,4.506001,2.744292,4.033789,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 50 | 0.000000,3.816706,3.835364,3.628785,3.632657,3.594134,3.266102,3.692001,3.892172,0.000000,3.762208,3.598206,3.375265,3.635854,4.608859,2.576337,3.795491,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 51 | 0.000000,3.876436,3.926117,3.690880,3.588343,3.668677,3.377718,3.694768,3.929250,0.000000,3.584845,3.609179,3.343987,3.635437,4.572680,2.529066,3.607628,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 52 | 0.000000,3.742067,3.853075,3.643067,3.535669,3.546715,3.296555,3.636887,3.845690,0.000000,3.641382,3.660731,3.380984,3.624325,4.532165,2.421749,3.382294,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 53 | 0.000000,3.771594,3.892438,3.647088,3.560718,3.558402,3.310426,3.653492,3.859851,0.000000,3.659171,3.648369,3.370237,3.625180,4.563408,2.409798,3.453120,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 54 | 0.000000,3.845518,3.857515,3.647825,3.607230,3.631564,3.315151,3.706199,3.942979,0.000000,3.662913,3.571345,3.392974,3.606026,4.557881,2.625223,3.744827,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 55 | 0.000000,3.833554,3.908622,3.657368,3.583100,3.602283,3.311667,3.683502,3.917548,0.000000,3.656478,3.613840,3.382447,3.641940,4.567206,2.519617,3.607142,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 56 | 0.000000,3.830222,3.766951,3.682570,3.684555,3.646713,3.205146,3.698746,3.889260,0.000000,3.823306,3.528474,3.510262,3.602093,4.473102,2.748563,3.995769,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 57 | 0.000000,3.747037,3.621059,3.608611,3.731502,3.635345,3.205683,3.736066,3.829112,0.000000,3.843839,3.520152,3.483977,3.601222,4.450570,2.793926,4.016026,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 58 | 0.000000,3.729786,3.720346,3.595765,3.628443,3.554274,3.272559,3.706148,3.835786,0.000000,3.738554,3.625900,3.372251,3.620706,4.536937,2.557087,3.655306,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 59 | 0.000000,3.789091,3.840321,3.620089,3.586554,3.566694,3.314303,3.691548,3.882050,0.000000,3.702216,3.643624,3.372284,3.649448,4.576187,2.494529,3.565677,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 60 | 0.000000,3.858810,3.931976,3.632448,3.568831,3.618912,3.349050,3.684338,3.927394,0.000000,3.574153,3.595795,3.358103,3.598648,4.561989,2.516115,3.557785,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 61 | 0.000000,3.722619,3.835851,3.621545,3.530207,3.523985,3.331241,3.653669,3.829247,0.000000,3.591515,3.670110,3.365399,3.632311,4.509592,2.403984,3.283166,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 62 | 0.000000,3.861971,3.897332,3.634887,3.574050,3.629236,3.350185,3.699256,3.927632,0.000000,3.557223,3.590416,3.355473,3.587515,4.544943,2.564354,3.587105,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 63 | 0.000000,3.692854,3.768763,3.607298,3.514471,3.495875,3.321663,3.652998,3.841828,0.000000,3.608065,3.660532,3.391958,3.614836,4.473193,2.470696,3.289995,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 64 | 0.000000,3.794544,3.861923,3.635167,3.553349,3.546120,3.330826,3.680571,3.929710,0.000000,3.602746,3.616619,3.406121,3.613048,4.535728,2.518461,3.491212,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 65 | 0.000000,3.723191,3.793273,3.611470,3.534083,3.505958,3.310177,3.647292,3.840675,0.000000,3.614877,3.652659,3.405174,3.618226,4.494259,2.484515,3.371300,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 66 | 0.000000,3.827455,3.881233,3.664806,3.606699,3.577947,3.261865,3.661969,3.884302,0.000000,3.700760,3.606419,3.396625,3.623019,4.559710,2.551453,3.693428,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 67 | 0.000000,3.778734,3.784304,3.611350,3.632750,3.599939,3.293205,3.709487,3.856104,0.000000,3.729405,3.605536,3.345381,3.647848,4.594646,2.545402,3.676423,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 68 | 0.000000,3.798130,3.877782,3.654227,3.566701,3.547117,3.279088,3.661320,3.884729,0.000000,3.685746,3.644655,3.388751,3.637220,4.556510,2.479338,3.537281,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 69 | 0.000000,3.834208,3.855587,3.647782,3.608129,3.586329,3.260678,3.671920,3.893390,0.000000,3.717510,3.590635,3.412383,3.595707,4.542313,2.574179,3.750309,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 70 | -------------------------------------------------------------------------------- /Data/HXL0968/Mix/Mix_loss.csv: -------------------------------------------------------------------------------- 1 | 0.878564,2.146845,2.097893 2 | 0.095081,1.186201,0.909256 3 | 0.648890,2.359868,1.794773 4 | 0.654182,0.593209,0.695973 5 | 0.720574,1.323106,1.047796 6 | 0.195015,0.944320,0.970194 7 | 0.153327,1.653700,1.460601 8 | 0.813487,2.380801,2.120207 9 | 0.527062,2.702028,1.892189 10 | 0.247804,0.806606,0.650107 11 | 3.432975,4.914228,3.426243 12 | 0.183059,2.272713,1.343373 13 | 0.623619,1.123121,0.241619 14 | 0.389874,0.948724,0.994498 15 | 0.118185,1.023036,0.752627 16 | 0.530418,1.035594,0.986436 17 | 0.240236,1.161330,0.956466 18 | 0.350245,0.516282,0.487419 19 | 0.251092,0.589211,0.353386 20 | 0.126655,0.958706,0.713711 21 | 0.140909,0.979462,0.923392 22 | 0.291103,0.642202,0.539136 23 | 0.620503,1.851689,1.366006 24 | 0.380173,0.749612,0.882341 25 | 0.210479,0.573462,0.387635 26 | 0.156921,1.014259,0.745964 27 | 0.557435,1.504523,0.585560 28 | 0.226106,0.561833,0.476686 29 | 0.193312,0.870796,0.864524 30 | 0.164760,2.010263,1.248008 31 | 0.333018,0.941203,1.490962 32 | 0.255736,2.233244,1.563831 33 | 0.528102,1.409137,0.555376 34 | 0.160820,0.935138,0.732279 35 | 0.317685,0.564337,0.588377 36 | 0.337545,0.620425,0.814878 37 | 0.293810,2.340360,1.370550 38 | 0.169616,0.641371,0.609237 39 | 1.031070,1.315170,0.960431 40 | 0.100240,1.066724,0.806594 41 | 0.211425,2.328184,1.459345 42 | 0.195749,1.049761,0.719278 43 | 0.082915,0.956542,0.952736 44 | 0.347847,2.426510,1.859055 45 | 0.187810,1.100664,1.174127 46 | 0.498669,1.631316,1.987693 47 | 0.323075,0.930271,1.273253 48 | 0.069352,1.035743,0.777491 49 | 0.229719,2.334352,1.500333 50 | 0.220741,2.061544,1.450416 51 | 0.114564,1.030723,0.797229 52 | 0.136642,2.050398,1.455567 53 | 0.522527,2.256265,1.438815 54 | 0.637261,1.187611,0.571407 55 | 0.259682,0.633471,0.400950 56 | 0.208123,1.007830,1.195451 57 | 0.473696,2.398222,1.974496 58 | 0.616636,2.857229,1.890416 59 | 0.458464,2.057993,1.929665 60 | 0.143173,0.855005,0.811480 61 | 0.773516,0.555519,1.354672 62 | 0.471832,0.995811,1.103977 63 | 0.361319,1.625832,1.203995 64 | 0.080963,0.950537,0.819997 65 | 0.532445,0.998417,1.187908 66 | 0.541617,0.528425,1.093344 67 | 0.457007,1.730704,1.486166 68 | 0.367342,0.926787,1.363977 69 | 0.146306,0.993697,0.902346 70 | 0.169716,1.311144,1.274565 71 | 0.286676,1.033483,1.391725 72 | 0.314931,1.039115,0.680739 73 | 0.613683,0.623753,0.902981 74 | 0.599803,1.729179,0.820915 75 | 0.272795,0.632479,0.517162 76 | 0.171620,0.916378,0.815736 77 | 0.261263,0.611406,0.682125 78 | 0.172570,1.727819,1.103284 79 | 0.326252,1.013333,0.869119 80 | 0.565702,1.733647,2.173466 81 | 0.230214,0.639147,0.567301 82 | 0.075527,0.949659,1.124194 83 | 0.946070,2.490387,2.293444 84 | 0.822375,1.377707,0.670385 85 | 0.269811,0.920987,1.118573 86 | 0.226082,0.565898,0.456140 87 | 0.205973,2.300703,1.437709 88 | 0.404891,0.635408,0.914264 89 | 0.162466,0.988407,1.026333 90 | 0.314089,0.611342,0.863223 91 | 0.302793,0.640016,0.534137 92 | 0.182215,2.168214,1.529883 93 | 0.873143,2.693237,2.073264 94 | 0.086856,0.708574,1.116236 95 | 0.289599,0.594390,0.884390 96 | 0.051000,1.043932,0.920468 97 | 0.328602,2.259787,1.243897 98 | 0.257410,1.020136,0.723950 99 | 0.223734,0.621130,0.825962 100 | 0.312633,0.585780,0.882642 101 | 0.657668,3.129261,1.806711 102 | 0.484176,0.970096,0.850251 103 | 0.221285,2.301792,1.556141 104 | 0.572697,2.915215,2.361430 105 | 0.477098,2.298886,1.975037 106 | 0.150960,0.793591,0.632481 107 | 0.474119,1.021047,1.455383 108 | 0.229481,0.616801,0.676307 109 | 0.206453,0.989668,0.597444 110 | 0.576862,0.603944,1.326121 111 | 0.311831,0.876395,0.983378 112 | 0.263328,1.078876,0.638508 113 | 0.670316,2.722494,2.006199 114 | 0.036308,0.912992,0.717740 115 | 0.502760,2.340394,2.012822 116 | 0.275011,1.000156,1.186106 117 | 0.239485,0.598694,0.771901 118 | 0.661822,0.936385,1.294349 119 | 0.318373,0.575797,0.971320 120 | 0.040582,0.922625,0.927941 121 | 0.166274,0.552575,0.579590 122 | 0.297060,2.373675,1.137860 123 | 0.336109,2.012205,1.686100 124 | 0.347386,2.315547,1.672087 125 | 0.310981,1.157695,0.627973 126 | 0.130133,0.853417,0.699853 127 | 0.329499,2.401280,1.883305 128 | 0.337654,1.623221,1.053628 129 | 0.282708,0.957190,1.303092 130 | 0.150045,1.108761,0.631742 131 | 0.092526,1.297019,0.716173 132 | 0.271067,2.375590,1.123052 133 | 0.613819,0.584257,0.674587 134 | 0.218625,0.977401,0.766808 135 | 0.232102,0.616032,0.414664 136 | 0.609886,0.988316,1.049028 137 | 0.128954,0.874803,1.052811 138 | 0.239571,0.861090,0.696337 139 | 0.222157,0.592936,0.521242 140 | 0.313009,1.824112,1.197157 141 | 0.224027,1.065271,0.674422 142 | 0.087181,0.992370,0.811302 143 | 0.662007,1.665957,0.294468 144 | 0.138426,0.579856,0.530479 145 | 0.178849,2.365549,1.249716 146 | 0.164345,1.008093,0.591189 147 | 0.157589,1.014863,0.835804 148 | 0.504432,0.662378,0.739096 149 | 0.655322,3.428484,2.477721 150 | 0.132058,2.043986,1.394706 151 | 0.415811,2.060044,1.521739 152 | 0.158103,1.490988,1.281977 153 | 0.150851,1.121243,0.684752 154 | 0.236354,2.321162,1.096226 155 | 0.485074,1.061469,0.930692 156 | 0.075375,0.812722,0.977444 157 | 0.237514,0.527323,0.659481 158 | 0.442089,0.700294,0.729238 159 | 0.336496,2.348241,1.823437 160 | 0.568101,2.604237,2.102587 161 | 0.601609,0.838000,0.574256 162 | 0.293385,0.790705,0.372662 163 | 0.515351,2.457625,2.143225 164 | 0.601430,1.207066,0.353203 165 | 0.751603,2.191420,1.058570 166 | 1.522391,4.769839,2.665058 167 | 0.564456,3.326233,1.312257 168 | 0.858616,2.523697,2.015890 169 | 1.806217,4.601192,2.320063 170 | 0.427263,2.243565,0.892998 171 | 2.567034,5.479275,3.598708 172 | 2.582187,4.163171,2.741954 173 | 0.658506,2.752027,1.502197 174 | 3.019268,5.053047,3.544825 175 | 2.070451,3.281333,1.952716 176 | 0.371266,2.567170,1.099842 177 | 1.854313,4.716229,2.567845 178 | 2.146482,3.730720,2.387764 179 | 2.487028,5.542946,3.926305 180 | 1.546735,3.612733,1.938007 181 | 1.345612,5.290606,2.609324 182 | 2.540619,4.826691,3.166811 183 | 0.507290,2.291087,1.648315 184 | 1.506952,4.631653,2.086116 185 | 0.969836,4.196799,2.369175 186 | 4.395837,8.148000,7.239102 187 | 0.076011,1.056507,0.818218 188 | 0.280933,2.240947,1.442059 189 | 1.159872,4.349582,3.444367 190 | 2.774696,4.519313,5.517606 191 | 0.301578,1.018529,1.365535 192 | 3.046821,5.752085,5.714201 193 | 2.068662,4.459563,4.121162 194 | 0.621448,2.967464,2.170811 195 | 0.800226,0.994543,1.876415 196 | 1.908059,3.613091,4.251950 197 | 3.034389,4.951706,5.521855 198 | 0.239817,0.861799,0.524313 199 | 0.733161,3.309187,2.533518 200 | 1.810254,3.686481,4.105268 201 | -------------------------------------------------------------------------------- /Data/HXL0968/Mix/label_loss.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 0,1 13 | 0,1 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 0,1 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 0,1 101 | 0,1 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 0,1 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 0,1 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 1,0 166 | 1,0 167 | 1,0 168 | 1,0 169 | 1,0 170 | 1,0 171 | 1,0 172 | 1,0 173 | 1,0 174 | 1,0 175 | 1,0 176 | 1,0 177 | 1,0 178 | 1,0 179 | 1,0 180 | 1,0 181 | 1,0 182 | 1,0 183 | 1,0 184 | 1,0 185 | 1,0 186 | 1,0 187 | 1,0 188 | 1,0 189 | 1,0 190 | 1,0 191 | 1,0 192 | 1,0 193 | 1,0 194 | 1,0 195 | 1,0 196 | 1,0 197 | 1,0 198 | 1,0 199 | 1,0 200 | 1,0 201 | -------------------------------------------------------------------------------- /Data/HXL0968/Model/Action/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/Model/Action/model.h5 -------------------------------------------------------------------------------- /Data/HXL0968/Model/Feature/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/Model/Feature/model.h5 -------------------------------------------------------------------------------- /Data/HXL0968/Model/Role_features.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/Model/Role_features.jpg -------------------------------------------------------------------------------- /Data/HXL0968/Model/Role_loss.csv: -------------------------------------------------------------------------------- 1 | 2.097893 2 | 0.909256 3 | 1.794773 4 | 0.695973 5 | 1.047796 6 | 0.970194 7 | 1.460601 8 | 2.120207 9 | 1.892189 10 | 0.650107 11 | 3.426243 12 | 1.343373 13 | 0.241619 14 | 0.994498 15 | 0.752627 16 | 0.986436 17 | 0.956466 18 | 0.487419 19 | 0.353386 20 | 0.713711 21 | 0.923392 22 | 0.539136 23 | 1.366006 24 | 0.882341 25 | 0.387635 26 | 0.745964 27 | 0.585560 28 | 0.476686 29 | 0.864524 30 | 1.248008 31 | 1.490962 32 | 1.563831 33 | 0.555376 34 | 0.732279 35 | 0.588377 36 | 0.814878 37 | 1.370550 38 | 0.609237 39 | 0.960431 40 | 0.806594 41 | 1.459345 42 | 0.719278 43 | 0.952736 44 | 1.859055 45 | 1.174127 46 | 1.987693 47 | 1.273253 48 | 0.777491 49 | 1.500333 50 | 1.450416 51 | 0.797229 52 | 1.455567 53 | 1.438815 54 | 0.571407 55 | 0.400950 56 | 1.195451 57 | 1.974496 58 | 1.890416 59 | 1.929665 60 | 0.811480 61 | 1.354672 62 | 1.103977 63 | 1.203995 64 | 0.819997 65 | 1.187908 66 | 1.093344 67 | 1.486166 68 | 1.363977 69 | 0.902346 70 | 1.274565 71 | 1.391725 72 | 0.680739 73 | 0.902981 74 | 0.820915 75 | 0.517162 76 | 0.815736 77 | 0.682125 78 | 1.103284 79 | 0.869119 80 | 2.173466 81 | 0.567301 82 | 1.124194 83 | 2.293444 84 | 0.670385 85 | 1.118573 86 | 0.456140 87 | 1.437709 88 | 0.914264 89 | 1.026333 90 | 0.863223 91 | 0.534137 92 | 1.529883 93 | 2.073264 94 | 1.116236 95 | 0.884390 96 | 0.920468 97 | 1.243897 98 | 0.723950 99 | 0.825962 100 | 0.882642 101 | 1.806711 102 | 0.850251 103 | 1.556141 104 | 2.361430 105 | 1.975037 106 | 0.632481 107 | 1.455383 108 | 0.676307 109 | 0.597444 110 | 1.326121 111 | 0.983378 112 | 0.638508 113 | 2.006199 114 | 0.717740 115 | 2.012822 116 | 1.186106 117 | 0.771901 118 | 1.294349 119 | 0.971320 120 | 0.927941 121 | 0.579590 122 | 1.137860 123 | 1.686100 124 | 1.672087 125 | 0.627973 126 | 0.699853 127 | 1.883305 128 | 1.053628 129 | 1.303092 130 | 0.631742 131 | 0.716173 132 | 1.123052 133 | 0.674587 134 | 0.766808 135 | 0.414664 136 | 1.049028 137 | 1.052811 138 | 0.696337 139 | 0.521242 140 | 1.197157 141 | 0.674422 142 | 0.811302 143 | 0.294468 144 | 0.530479 145 | 1.249716 146 | 0.591189 147 | 0.835804 148 | 0.739096 149 | 2.477721 150 | 1.394706 151 | 1.521739 152 | 1.281977 153 | 0.684752 154 | 1.096226 155 | 0.930692 156 | 0.977444 157 | 0.659481 158 | 0.729238 159 | 1.823437 160 | 2.102587 161 | 0.574256 162 | 0.372662 163 | 2.143225 164 | 0.353203 165 | 1.058570 166 | 2.665058 167 | 1.312257 168 | 2.015890 169 | 2.320063 170 | 0.892998 171 | 3.598708 172 | 2.741954 173 | 1.502197 174 | 3.544825 175 | 1.952716 176 | 1.099842 177 | 2.567845 178 | 2.387764 179 | 3.926305 180 | 1.938007 181 | 2.609324 182 | 3.166811 183 | 1.648315 184 | 2.086116 185 | 2.369175 186 | 7.239102 187 | 0.818218 188 | 1.442059 189 | 3.444367 190 | 5.517606 191 | 1.365535 192 | 5.714201 193 | 4.121162 194 | 2.170811 195 | 1.876415 196 | 4.251950 197 | 5.521855 198 | 0.524313 199 | 2.533518 200 | 4.105268 201 | -------------------------------------------------------------------------------- /Data/HXL0968/feature/loss_all.csv: -------------------------------------------------------------------------------- 1 | 37.162128 2 | 1.180640 3 | 3.928411 4 | 37.643456 5 | 11.811769 6 | 6.749546 7 | 0.991158 8 | 16.423136 9 | 9.039050 10 | 10.638712 11 | 27.812061 12 | 1.819929 13 | 6.756273 14 | 13.944235 15 | 4.759120 16 | 15.488156 17 | 7.747608 18 | 15.454219 19 | 7.362065 20 | 4.300926 21 | 10.107412 22 | 11.986703 23 | 22.856260 24 | 10.157125 25 | 4.992607 26 | 7.914153 27 | 4.764475 28 | 4.798372 29 | 8.329050 30 | 5.410127 31 | 10.170297 32 | 8.568863 33 | 5.912374 34 | 13.118272 35 | 2.903111 36 | 15.582662 37 | 13.033132 38 | 4.632358 39 | 9.366676 40 | 13.689074 41 | 5.153251 42 | 4.858392 43 | 7.171466 44 | 8.880283 45 | 6.307008 46 | 26.443407 47 | 4.532441 48 | 0.390963 49 | 2.599465 50 | 3.669410 51 | 5.827796 52 | 1.940878 53 | 9.309964 54 | 1.319751 55 | 4.251259 56 | 11.078666 57 | 15.528297 58 | 7.027241 59 | 20.560131 60 | 10.583647 61 | 10.838196 62 | 24.275043 63 | 30.013414 64 | 7.712249 65 | 42.315041 66 | 18.377546 67 | 34.678738 68 | 10.388262 69 | 3.110378 70 | 10.738172 71 | 13.778084 72 | 16.488070 73 | 43.564976 74 | 7.944333 75 | 10.147374 76 | 1.295606 77 | 2.148401 78 | 7.297161 79 | 23.223261 80 | 29.452221 81 | 5.137332 82 | 4.877909 83 | 38.242249 84 | 9.675247 85 | 14.628470 86 | 8.059045 87 | 4.604535 88 | 7.348898 89 | 9.241267 90 | 10.922411 91 | 17.130646 92 | 5.912724 93 | 9.153331 94 | 9.368849 95 | 5.044849 96 | 1.447879 97 | 4.992274 98 | 9.356671 99 | 6.584986 100 | 10.075360 101 | 12.155486 102 | 20.566923 103 | 5.554111 104 | 6.058116 105 | 23.852232 106 | 6.076237 107 | 9.248935 108 | 9.920995 109 | 6.643291 110 | 12.409739 111 | 23.046955 112 | 14.365650 113 | 16.302443 114 | 2.336545 115 | 11.691504 116 | 9.295712 117 | 4.100127 118 | 3.626745 119 | 14.545849 120 | 2.713284 121 | 8.228398 122 | 10.380772 123 | 6.601831 124 | 10.183939 125 | 14.042123 126 | 3.176981 127 | 8.992517 128 | 24.628216 129 | 11.419678 130 | 4.323627 131 | 1.668590 132 | 6.914817 133 | 12.678344 134 | 13.709468 135 | 9.060650 136 | 8.730606 137 | 4.595771 138 | 10.336754 139 | 5.709754 140 | 9.069657 141 | 14.215543 142 | 3.875479 143 | 14.127672 144 | 2.247405 145 | 1.765138 146 | 6.705386 147 | 11.124164 148 | 31.975513 149 | 17.582130 150 | 3.715674 151 | 1.840135 152 | 7.094930 153 | 9.398804 154 | 7.072841 155 | 10.091297 156 | 6.057371 157 | 5.902650 158 | 6.447281 159 | 18.280109 160 | 8.611069 161 | 11.966903 162 | 6.824358 163 | 1.911843 164 | 7.631708 165 | 8.181804 166 | 5.647078 167 | 5.757650 168 | 11.857984 169 | 33.499683 170 | 24.402782 171 | 32.493526 172 | 23.772266 173 | 24.602871 174 | 18.744278 175 | 14.135112 176 | 7.788620 177 | 5.173468 178 | 60.506847 179 | 7.297410 180 | 3.192762 181 | 11.019394 182 | 4.769391 183 | 29.898384 184 | 7.201548 185 | 15.787046 186 | 67.855721 187 | 1.673420 188 | 10.535112 189 | 7.074809 190 | 11.118532 191 | 17.559917 192 | 29.930500 193 | 10.811580 194 | 9.143327 195 | 35.353943 196 | 9.045055 197 | 16.193626 198 | 6.799314 199 | 14.106222 200 | 3.887099 201 | -------------------------------------------------------------------------------- /Data/HXL0968/feature/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/feature/loss_all.jpg -------------------------------------------------------------------------------- /Data/HXL0968/feature/myloss_all.csv: -------------------------------------------------------------------------------- 1 | 0.878564 2 | 0.095081 3 | 0.648890 4 | 0.654182 5 | 0.720574 6 | 0.195015 7 | 0.153327 8 | 0.813487 9 | 0.527062 10 | 0.247804 11 | 3.432975 12 | 0.183059 13 | 0.623619 14 | 0.389874 15 | 0.118185 16 | 0.530418 17 | 0.240236 18 | 0.350245 19 | 0.251092 20 | 0.126655 21 | 0.140909 22 | 0.291103 23 | 0.620503 24 | 0.380173 25 | 0.210479 26 | 0.156921 27 | 0.557435 28 | 0.226106 29 | 0.193312 30 | 0.164760 31 | 0.333018 32 | 0.255736 33 | 0.528102 34 | 0.160820 35 | 0.317685 36 | 0.337545 37 | 0.293810 38 | 0.169616 39 | 1.031070 40 | 0.100240 41 | 0.211425 42 | 0.195749 43 | 0.082915 44 | 0.347847 45 | 0.187810 46 | 0.498669 47 | 0.323075 48 | 0.069352 49 | 0.229719 50 | 0.220741 51 | 0.114564 52 | 0.136642 53 | 0.522527 54 | 0.637261 55 | 0.259682 56 | 0.208123 57 | 0.473696 58 | 0.616636 59 | 0.458464 60 | 0.143173 61 | 0.773516 62 | 0.471832 63 | 0.361319 64 | 0.080963 65 | 0.532445 66 | 0.541617 67 | 0.457007 68 | 0.367342 69 | 0.146306 70 | 0.169716 71 | 0.286676 72 | 0.314931 73 | 0.613683 74 | 0.599803 75 | 0.272795 76 | 0.171620 77 | 0.261263 78 | 0.172570 79 | 0.326252 80 | 0.565702 81 | 0.230214 82 | 0.075527 83 | 0.946070 84 | 0.822375 85 | 0.269811 86 | 0.226082 87 | 0.205973 88 | 0.404891 89 | 0.162466 90 | 0.314089 91 | 0.302793 92 | 0.182215 93 | 0.873143 94 | 0.086856 95 | 0.289599 96 | 0.051000 97 | 0.328602 98 | 0.257410 99 | 0.223734 100 | 0.312633 101 | 0.657668 102 | 0.484176 103 | 0.221285 104 | 0.572697 105 | 0.477098 106 | 0.150960 107 | 0.474119 108 | 0.229481 109 | 0.206453 110 | 0.576862 111 | 0.311831 112 | 0.263328 113 | 0.670316 114 | 0.036308 115 | 0.502760 116 | 0.275011 117 | 0.239485 118 | 0.661822 119 | 0.318373 120 | 0.040582 121 | 0.166274 122 | 0.297060 123 | 0.336109 124 | 0.347386 125 | 0.310981 126 | 0.130133 127 | 0.329499 128 | 0.337654 129 | 0.282708 130 | 0.150045 131 | 0.092526 132 | 0.271067 133 | 0.613819 134 | 0.218625 135 | 0.232102 136 | 0.609886 137 | 0.128954 138 | 0.239571 139 | 0.222157 140 | 0.313009 141 | 0.224027 142 | 0.087181 143 | 0.662007 144 | 0.138426 145 | 0.178849 146 | 0.164345 147 | 0.157589 148 | 0.504432 149 | 0.655322 150 | 0.132058 151 | 0.415811 152 | 0.158103 153 | 0.150851 154 | 0.236354 155 | 0.485074 156 | 0.075375 157 | 0.237514 158 | 0.442089 159 | 0.336496 160 | 0.568101 161 | 0.601609 162 | 0.293385 163 | 0.515351 164 | 0.601430 165 | 0.751603 166 | 1.522391 167 | 0.564456 168 | 0.858616 169 | 1.806217 170 | 0.427263 171 | 2.567034 172 | 2.582187 173 | 0.658506 174 | 3.019268 175 | 2.070451 176 | 0.371266 177 | 1.854313 178 | 2.146482 179 | 2.487028 180 | 1.546735 181 | 1.345612 182 | 2.540619 183 | 0.507290 184 | 1.506952 185 | 0.969836 186 | 4.395837 187 | 0.076011 188 | 0.280933 189 | 1.159872 190 | 2.774696 191 | 0.301578 192 | 3.046821 193 | 2.068662 194 | 0.621448 195 | 0.800226 196 | 1.908059 197 | 3.034389 198 | 0.239817 199 | 0.733161 200 | 1.810254 201 | -------------------------------------------------------------------------------- /Data/HXL0968/feature/myloss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/feature/myloss_all.jpg -------------------------------------------------------------------------------- /Data/HXL0968/psychometric.csv: -------------------------------------------------------------------------------- 1 | Holly Xerxes Lara,HXL0968,45,21,35,40,34 2 | -------------------------------------------------------------------------------- /Data/HXL0968/sequence/label_test.csv: -------------------------------------------------------------------------------- 1 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 2 | 1.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,5.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 3 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 4 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,5.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 5 | 1.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,2.000000,5.000000,3.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 6 | 1.000000,4.000000,2.000000,3.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 7 | 1.000000,4.000000,4.000000,2.000000,3.000000,5.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 8 | 1.000000,4.000000,2.000000,3.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 9 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,4.000000,2.000000,4.000000,3.000000,2.000000,3.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 10 | 1.000000,4.000000,4.000000,5.000000,2.000000,4.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 11 | 1.000000,4.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,4.000000,4.000000,2.000000,3.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 12 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,2.000000,5.000000,3.000000,2.000000,4.000000,4.000000,4.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 13 | 1.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 14 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,2.000000,4.000000,3.000000,2.000000,4.000000,5.000000,4.000000,3.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 15 | 1.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 16 | 1.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,2.000000,3.000000,4.000000,4.000000,2.000000,4.000000,4.000000,4.000000,3.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 17 | 1.000000,4.000000,4.000000,4.000000,4.000000,5.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 18 | 1.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 19 | 1.000000,5.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 20 | 1.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,5.000000,2.000000,3.000000,2.000000,3.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 21 | 1.000000,5.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 22 | 1.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 23 | 1.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 24 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 25 | 1.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 26 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,2.000000,4.000000,3.000000,2.000000,4.000000,4.000000,4.000000,4.000000,3.000000,2.000000,4.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 27 | 1.000000,4.000000,4.000000,2.000000,4.000000,4.000000,4.000000,3.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 28 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,5.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 29 | 1.000000,5.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 30 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 31 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 32 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,5.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 33 | 1.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,5.000000,2.000000,4.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 34 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 35 | 1.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 36 | 1.000000,4.000000,4.000000,4.000000,4.000000,2.000000,5.000000,4.000000,4.000000,3.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 37 | 1.000000,4.000000,4.000000,4.000000,4.000000,2.000000,5.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 38 | 1.000000,4.000000,4.000000,4.000000,5.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,5.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 39 | 1.000000,4.000000,5.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,4.000000,4.000000,2.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 40 | 1.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 41 | 1.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,4.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,5.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 42 | 1.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,3.000000,2.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 43 | 1.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 44 | 1.000000,4.000000,4.000000,5.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 45 | 1.000000,4.000000,2.000000,4.000000,3.000000,2.000000,4.000000,4.000000,4.000000,4.000000,3.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 46 | 1.000000,2.000000,3.000000,2.000000,5.000000,3.000000,4.000000,5.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,2.000000,4.000000,3.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,5.000000,4.000000,4.000000,6.000000 47 | 1.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 48 | 1.000000,4.000000,4.000000,4.000000,5.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,2.000000,4.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 49 | 1.000000,2.000000,3.000000,2.000000,4.000000,4.000000,4.000000,3.000000,2.000000,3.000000,5.000000,2.000000,3.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 50 | 1.000000,2.000000,4.000000,3.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,4.000000,5.000000,4.000000,2.000000,4.000000,3.000000,2.000000,3.000000,2.000000,3.000000,2.000000,4.000000,4.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 51 | 1.000000,4.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,2.000000,4.000000,4.000000,4.000000,5.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 52 | 1.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,5.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 53 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 54 | 1.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,4.000000,5.000000,4.000000,2.000000,4.000000,4.000000,4.000000,4.000000,3.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 55 | 1.000000,4.000000,2.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,4.000000,5.000000,5.000000,2.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 56 | 1.000000,4.000000,4.000000,2.000000,5.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 57 | 1.000000,4.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,2.000000,4.000000,3.000000,2.000000,3.000000,5.000000,2.000000,3.000000,4.000000,2.000000,3.000000,4.000000,4.000000,2.000000,4.000000,3.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 58 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,4.000000,4.000000,5.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 59 | 1.000000,4.000000,4.000000,2.000000,3.000000,4.000000,5.000000,4.000000,2.000000,3.000000,2.000000,4.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 60 | 1.000000,4.000000,5.000000,2.000000,3.000000,4.000000,2.000000,3.000000,2.000000,3.000000,4.000000,4.000000,4.000000,4.000000,4.000000,2.000000,3.000000,2.000000,4.000000,3.000000,4.000000,2.000000,3.000000,4.000000,6.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 61 | -------------------------------------------------------------------------------- /Data/HXL0968/sequence/loss_all.csv: -------------------------------------------------------------------------------- 1 | 2.146845 2 | 1.186201 3 | 2.359868 4 | 0.593209 5 | 1.323106 6 | 0.944320 7 | 1.653700 8 | 2.380801 9 | 2.702028 10 | 0.806606 11 | 4.914228 12 | 2.272713 13 | 1.123121 14 | 0.948724 15 | 1.023036 16 | 1.035594 17 | 1.161330 18 | 0.516282 19 | 0.589211 20 | 0.958706 21 | 0.979462 22 | 0.642202 23 | 1.851689 24 | 0.749612 25 | 0.573462 26 | 1.014259 27 | 1.504523 28 | 0.561833 29 | 0.870796 30 | 2.010263 31 | 0.941203 32 | 2.233244 33 | 1.409137 34 | 0.935138 35 | 0.564337 36 | 0.620425 37 | 2.340360 38 | 0.641371 39 | 1.315170 40 | 1.066724 41 | 2.328184 42 | 1.049761 43 | 0.956542 44 | 2.426510 45 | 1.100664 46 | 1.631316 47 | 0.930271 48 | 1.035743 49 | 2.334352 50 | 2.061544 51 | 1.030723 52 | 2.050398 53 | 2.256265 54 | 1.187611 55 | 0.633471 56 | 1.007830 57 | 2.398222 58 | 2.857229 59 | 2.057993 60 | 0.855005 61 | 0.555519 62 | 0.995811 63 | 1.625832 64 | 0.950537 65 | 0.998417 66 | 0.528425 67 | 1.730704 68 | 0.926787 69 | 0.993697 70 | 1.311144 71 | 1.033483 72 | 1.039115 73 | 0.623753 74 | 1.729179 75 | 0.632479 76 | 0.916378 77 | 0.611406 78 | 1.727819 79 | 1.013333 80 | 1.733647 81 | 0.639147 82 | 0.949659 83 | 2.490387 84 | 1.377707 85 | 0.920987 86 | 0.565898 87 | 2.300703 88 | 0.635408 89 | 0.988407 90 | 0.611342 91 | 0.640016 92 | 2.168214 93 | 2.693237 94 | 0.708574 95 | 0.594390 96 | 1.043932 97 | 2.259787 98 | 1.020136 99 | 0.621130 100 | 0.585780 101 | 3.129261 102 | 0.970096 103 | 2.301792 104 | 2.915215 105 | 2.298886 106 | 0.793591 107 | 1.021047 108 | 0.616801 109 | 0.989668 110 | 0.603944 111 | 0.876395 112 | 1.078876 113 | 2.722494 114 | 0.912992 115 | 2.340394 116 | 1.000156 117 | 0.598694 118 | 0.936385 119 | 0.575797 120 | 0.922625 121 | 0.552575 122 | 2.373675 123 | 2.012205 124 | 2.315547 125 | 1.157695 126 | 0.853417 127 | 2.401280 128 | 1.623221 129 | 0.957190 130 | 1.108761 131 | 1.297019 132 | 2.375590 133 | 0.584257 134 | 0.977401 135 | 0.616032 136 | 0.988316 137 | 0.874803 138 | 0.861090 139 | 0.592936 140 | 1.824112 141 | 1.065271 142 | 0.992370 143 | 1.665957 144 | 0.579856 145 | 2.365549 146 | 1.008093 147 | 1.014863 148 | 0.662378 149 | 3.428484 150 | 2.043986 151 | 2.060044 152 | 1.490988 153 | 1.121243 154 | 2.321162 155 | 1.061469 156 | 0.812722 157 | 0.527323 158 | 0.700294 159 | 2.348241 160 | 2.604237 161 | 0.838000 162 | 0.790705 163 | 2.457625 164 | 1.207066 165 | 2.191420 166 | 4.769839 167 | 3.326233 168 | 2.523697 169 | 4.601192 170 | 2.243565 171 | 5.479275 172 | 4.163171 173 | 2.752027 174 | 5.053047 175 | 3.281333 176 | 2.567170 177 | 4.716229 178 | 3.730720 179 | 5.542946 180 | 3.612733 181 | 5.290606 182 | 4.826691 183 | 2.291087 184 | 4.631653 185 | 4.196799 186 | 8.148000 187 | 1.056507 188 | 2.240947 189 | 4.349582 190 | 4.519313 191 | 1.018529 192 | 5.752085 193 | 4.459563 194 | 2.967464 195 | 0.994543 196 | 3.613091 197 | 4.951706 198 | 0.861799 199 | 3.309187 200 | 3.686481 201 | -------------------------------------------------------------------------------- /Data/HXL0968/sequence/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/HXL0968/sequence/loss_all.jpg -------------------------------------------------------------------------------- /Data/HXL0968/sequence/predict.csv: -------------------------------------------------------------------------------- 1 | 1.021353,3.863104,3.882561,3.958607,3.831611,3.766233,3.242506,3.639476,3.622556,3.454543,3.442358,3.771054,3.740385,3.756640,4.225438,0.000000,3.382467,0.672803,0.000000,0.481527,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 2 | 0.992150,3.861946,3.865200,3.990646,3.774280,3.754055,3.219164,3.610235,3.609642,3.435524,3.424215,3.772705,3.639480,3.863664,4.413300,0.000000,3.308348,0.692010,0.000000,0.384970,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 3 | 0.978755,3.909735,3.866719,3.981883,3.749239,3.771866,3.250381,3.659336,3.631012,3.391979,3.420304,3.740798,3.660755,3.890721,4.444381,0.000000,3.165415,0.736807,0.000000,0.404349,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 4 | 0.985107,3.949340,3.917059,4.048031,3.726866,3.802893,3.130011,3.632675,3.631475,3.375806,3.438028,3.784361,3.706337,4.000522,4.407008,0.000000,3.218600,0.529284,0.000000,0.365565,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 5 | 1.018414,3.742547,3.974529,4.035673,3.737584,3.644750,3.151037,3.633781,3.585112,3.548813,3.481657,3.818578,3.579994,3.919886,4.467620,0.000000,3.716956,0.627735,0.000000,0.289615,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 6 | 1.048623,3.999886,3.834978,3.930441,3.919278,3.777789,3.299388,3.588835,3.643594,3.534083,3.408609,3.798174,3.902063,3.779293,4.179141,0.000000,3.437214,0.809068,0.000000,0.581414,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 7 | 1.002056,3.934444,3.850283,3.934987,3.812664,3.750997,3.231625,3.582107,3.581192,3.463148,3.408788,3.733778,3.740589,3.788850,4.201939,0.000000,3.307237,0.780141,0.000000,0.409518,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 8 | 0.972448,3.914764,3.863999,3.985806,3.747349,3.784857,3.234190,3.662897,3.621824,3.367982,3.422124,3.731398,3.641578,3.880051,4.417593,0.000000,3.131307,0.715923,0.000000,0.386332,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 9 | 0.986701,3.838177,3.927950,3.999357,3.698670,3.729807,3.124163,3.668852,3.565676,3.406396,3.475121,3.716553,3.618908,3.867424,4.252235,0.000000,3.377354,0.572707,0.000000,0.307938,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 10 | 1.034921,3.881539,3.836962,3.901396,3.910458,3.699404,3.333051,3.613227,3.624269,3.642726,3.454158,3.757536,3.903388,3.675205,4.003448,0.000000,3.821350,0.818286,0.000000,0.462238,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 11 | 1.011737,4.005931,3.687886,3.772647,3.899294,3.748526,3.221902,3.531404,3.532852,3.417393,3.353502,3.590049,3.981483,3.369922,3.444131,0.000000,3.260873,0.725414,0.000000,0.496630,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 12 | 0.991675,4.000061,3.603976,3.720459,3.852326,3.742167,3.172870,3.484143,3.469471,3.317534,3.342830,3.481604,4.000780,3.202293,3.114227,0.000000,3.145791,0.650725,0.000000,0.411695,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 13 | 0.960720,4.005167,3.608457,3.777629,3.783051,3.781717,3.152860,3.501666,3.459855,3.217007,3.323614,3.524353,3.939737,3.310477,3.265703,0.000000,2.864652,0.533942,0.000000,0.368878,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 14 | 0.944216,3.985602,3.751518,3.867909,3.731328,3.806757,3.177346,3.587458,3.523414,3.246280,3.355947,3.588945,3.780058,3.546613,3.767680,0.000000,2.847136,0.620608,0.000000,0.353953,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 15 | 1.018606,4.059224,3.776443,3.875129,3.868841,3.874183,3.262456,3.612752,3.585095,3.343548,3.404925,3.636073,3.956423,3.490851,3.633374,0.000000,2.988294,0.684832,0.000000,0.521497,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 16 | 0.991481,3.904361,3.877674,3.996157,3.785841,3.795819,3.226289,3.626583,3.623306,3.410726,3.436762,3.780703,3.651212,3.875310,4.414088,0.000000,3.195939,0.708472,0.000000,0.397555,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 17 | 1.005349,3.895704,3.919077,4.052360,3.775388,3.784188,3.240271,3.643296,3.658350,3.431288,3.455721,3.839864,3.607924,3.983847,4.649362,0.000000,3.237844,0.709157,0.000000,0.417021,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 18 | 0.982950,3.892318,3.916244,4.004330,3.702009,3.762263,3.123113,3.672944,3.581359,3.357856,3.453679,3.714206,3.660594,3.904959,4.265806,0.000000,3.223635,0.561077,0.000000,0.328612,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 19 | 1.003240,3.751017,3.946764,4.019781,3.711996,3.649741,3.139293,3.646170,3.564498,3.496529,3.460514,3.777078,3.565244,3.901708,4.415765,0.000000,3.607374,0.608558,0.000000,0.286234,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 20 | 1.058523,4.035616,3.839978,3.915104,3.930079,3.786263,3.289952,3.598937,3.625448,3.537093,3.422302,3.753318,3.927413,3.702777,4.025993,0.000000,3.404939,0.815213,0.000000,0.588825,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 21 | 1.024155,4.059054,3.662281,3.715690,3.923398,3.732618,3.263507,3.515686,3.508395,3.463477,3.365530,3.500302,4.113688,3.267783,3.148751,0.000000,3.393456,0.796856,0.000000,0.460337,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 22 | 0.920932,3.881647,3.602559,3.693835,3.672633,3.595546,2.999184,3.457793,3.372564,3.260426,3.288347,3.413118,3.809121,3.253750,3.167720,0.000000,3.173179,0.512993,0.000000,0.217225,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 23 | 0.893009,3.889575,3.582028,3.711729,3.617216,3.604105,2.992426,3.495782,3.364107,3.162666,3.268085,3.388309,3.789941,3.278419,3.203502,0.000000,2.962988,0.462826,0.000000,0.210789,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 24 | 0.957163,3.984197,3.569811,3.687227,3.776656,3.677828,3.195774,3.540178,3.457099,3.282525,3.326245,3.384599,3.995586,3.221359,3.117741,0.000000,3.143038,0.660885,0.000000,0.340640,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 25 | 0.971004,3.982261,3.750186,3.865335,3.741079,3.686247,3.058027,3.523073,3.510893,3.409659,3.337764,3.644494,3.842058,3.716347,3.830134,0.000000,3.336036,0.561109,0.000000,0.317199,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 26 | 1.025560,4.095650,3.696852,3.794533,3.870298,3.798522,3.232050,3.551335,3.543106,3.342581,3.341033,3.570428,4.059145,3.412453,3.439418,0.000000,3.022376,0.691226,0.000000,0.537529,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 27 | 0.990613,4.007585,3.598422,3.708100,3.888625,3.756062,3.217114,3.519714,3.477999,3.305681,3.348928,3.448061,4.032800,3.216223,3.107862,0.000000,3.122348,0.677444,0.000000,0.405382,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 28 | 0.994841,4.023759,3.596015,3.667096,3.916731,3.698004,3.228257,3.487254,3.466283,3.415920,3.344986,3.448019,4.080139,3.149001,2.983227,0.000000,3.361796,0.775047,0.000000,0.391484,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 29 | 0.943517,4.003884,3.529616,3.666178,3.828339,3.699101,3.162305,3.466954,3.413325,3.291696,3.324492,3.411055,4.015189,3.092089,2.881268,0.000000,3.137244,0.637860,0.000000,0.310560,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 30 | 0.955913,3.957494,3.524610,3.641720,3.853613,3.665723,3.179568,3.468068,3.424764,3.319433,3.322215,3.407515,3.996534,3.054739,2.892003,0.000000,3.228490,0.675048,0.000000,0.337008,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 31 | 0.942048,4.030100,3.550602,3.692396,3.800424,3.721319,3.142773,3.458073,3.416148,3.220713,3.294264,3.458694,3.986225,3.139618,3.031607,0.000000,2.864939,0.606974,0.000000,0.400109,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 32 | 0.953442,4.012419,3.545797,3.683366,3.881292,3.747593,3.230253,3.493808,3.445335,3.276329,3.333110,3.434927,4.064898,3.125121,2.938046,0.000000,3.098436,0.655867,0.000000,0.368919,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 33 | 0.963873,3.966011,3.548871,3.667790,3.849339,3.704697,3.189791,3.491714,3.441710,3.308066,3.342076,3.420926,3.982484,3.104074,2.949799,0.000000,3.186455,0.659915,0.000000,0.330025,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 34 | 0.967457,4.041298,3.586790,3.718823,3.859823,3.759112,3.205799,3.493428,3.464489,3.319865,3.337294,3.484476,4.031827,3.152919,3.015188,0.000000,3.057961,0.654201,0.000000,0.377887,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 35 | 0.977740,3.970390,3.550024,3.666295,3.850080,3.707663,3.219186,3.500101,3.441694,3.308980,3.332662,3.400683,4.035014,3.094353,2.887255,0.000000,3.204103,0.675063,0.000000,0.344945,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 36 | 0.961628,4.018702,3.544646,3.652156,3.833838,3.700763,3.208864,3.491362,3.444807,3.312287,3.338556,3.390887,4.057254,3.087170,2.880722,0.000000,3.161319,0.695673,0.000000,0.346358,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 37 | 0.944417,4.017882,3.518682,3.669268,3.798626,3.700292,3.168082,3.463840,3.425196,3.265554,3.318806,3.395464,4.023227,3.094635,2.894044,0.000000,3.060840,0.622157,0.000000,0.307804,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 38 | 0.940207,3.942060,3.477244,3.610310,3.794369,3.632494,3.157960,3.483105,3.389114,3.248151,3.316603,3.328781,3.987398,3.013918,2.779700,0.000000,3.186131,0.626150,0.000000,0.273053,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 39 | 0.908717,3.941015,3.500071,3.634955,3.771723,3.645435,3.137715,3.458933,3.371427,3.233696,3.306283,3.351218,3.950319,3.051006,2.838025,0.000000,3.109921,0.614708,0.000000,0.233222,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 40 | 0.914830,3.953562,3.477445,3.621558,3.816791,3.623590,3.155289,3.462525,3.376088,3.269513,3.300242,3.352392,3.983599,3.024290,2.829625,0.000000,3.143282,0.664853,0.000000,0.276764,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 41 | 0.931974,3.956424,3.523468,3.644987,3.821621,3.651029,3.159420,3.460734,3.394730,3.292200,3.315243,3.384090,3.978127,3.060506,2.875843,0.000000,3.159672,0.670455,0.000000,0.273546,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 42 | 0.923771,3.919300,3.503484,3.651153,3.839881,3.653041,3.164250,3.457409,3.391427,3.296705,3.309035,3.398461,3.944036,3.059439,2.904748,0.000000,3.212540,0.661229,0.000000,0.273638,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 43 | 0.943922,3.952490,3.525915,3.657288,3.861164,3.664877,3.184209,3.457650,3.398523,3.317178,3.299613,3.418594,3.999707,3.073407,2.898335,0.000000,3.202990,0.692435,0.000000,0.324545,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 44 | 0.947614,3.993762,3.560249,3.709339,3.817255,3.738687,3.168949,3.471415,3.423306,3.246405,3.305040,3.473308,3.953323,3.139285,3.045973,0.000000,2.934627,0.635432,0.000000,0.363618,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 45 | 0.973877,3.987852,3.540489,3.672525,3.882375,3.715151,3.220531,3.492593,3.444391,3.339411,3.346195,3.432764,4.043140,3.073412,2.898233,0.000000,3.204991,0.699501,0.000000,0.356083,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 46 | 0.942436,3.927508,3.528474,3.647696,3.828154,3.674767,3.177628,3.490762,3.406072,3.292217,3.347090,3.385868,3.948281,3.025896,2.874889,0.000000,3.199160,0.672562,0.000000,0.279231,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 47 | 0.925266,3.927083,3.510170,3.683127,3.806772,3.676371,3.165704,3.497185,3.375363,3.240239,3.328648,3.387942,3.907774,3.077898,2.982325,0.000000,3.015914,0.638722,0.000000,0.334456,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 48 | 0.914766,3.938492,3.664489,3.804255,3.739373,3.724171,3.164067,3.536417,3.463700,3.252087,3.302221,3.557491,3.769018,3.385268,3.589657,0.000000,2.855868,0.680844,0.000000,0.330339,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 49 | 1.017111,4.071416,3.731361,3.835208,3.865164,3.840801,3.244804,3.553212,3.528296,3.307907,3.352310,3.624459,4.022812,3.423352,3.465415,0.000000,2.917497,0.677706,0.000000,0.526160,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 50 | 1.011390,3.990578,3.648618,3.753230,3.883445,3.762254,3.245615,3.529436,3.491318,3.373550,3.364673,3.481202,4.042723,3.243263,3.114631,0.000000,3.278738,0.694218,0.000000,0.408602,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 51 | 0.949894,3.908709,3.645657,3.743700,3.838853,3.703504,3.168580,3.528387,3.473419,3.371836,3.357329,3.496351,3.871684,3.276230,3.289020,0.000000,3.304261,0.651536,0.000000,0.316890,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 52 | 0.864491,3.899794,3.661858,3.786428,3.659072,3.683140,3.132559,3.580553,3.452846,3.202376,3.287215,3.506874,3.680333,3.420228,3.656868,0.000000,2.841174,0.640051,0.000000,0.239173,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 53 | 0.974055,3.948087,3.624138,3.708361,3.841020,3.669228,3.223372,3.532264,3.441670,3.363636,3.318518,3.461250,3.974089,3.212421,3.167132,0.000000,3.270101,0.753911,0.000000,0.388578,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 54 | 0.999085,3.940825,3.608475,3.688664,3.881664,3.672708,3.206820,3.497569,3.459674,3.402990,3.330719,3.475000,3.997492,3.184009,3.118657,0.000000,3.369770,0.721252,0.000000,0.417761,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 55 | 0.994982,3.990001,3.634013,3.699095,3.898373,3.713344,3.259148,3.500036,3.500239,3.435761,3.363249,3.514808,4.042374,3.216244,3.158021,0.000000,3.391211,0.771662,0.000000,0.407493,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 56 | 0.930004,3.969506,3.675488,3.791405,3.746224,3.705850,3.144481,3.486501,3.453759,3.306608,3.294265,3.562973,3.803080,3.426469,3.564689,0.000000,3.005245,0.678697,0.000000,0.321705,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 57 | 0.988437,3.987913,3.649362,3.742303,3.824953,3.742941,3.218741,3.536811,3.482099,3.319196,3.337039,3.503663,3.979412,3.309838,3.261613,0.000000,3.122545,0.676473,0.000000,0.416729,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 58 | 0.964814,3.947811,3.609633,3.692238,3.842099,3.692016,3.219527,3.523112,3.458375,3.359187,3.340730,3.436933,3.977926,3.194707,3.117200,0.000000,3.261232,0.720442,0.000000,0.354505,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 59 | 0.951406,3.844112,3.719784,3.780325,3.707592,3.562424,3.034479,3.493093,3.405504,3.417414,3.304304,3.565603,3.739945,3.470187,3.548338,0.000000,3.460215,0.603255,0.000000,0.226731,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 60 | 0.990961,4.014637,3.562494,3.651429,3.860107,3.642550,3.243185,3.500847,3.440197,3.386760,3.324883,3.397131,4.074101,3.131624,2.984941,0.000000,3.318586,0.779501,0.000000,0.397689,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 61 | -------------------------------------------------------------------------------- /Data/Mix/Disorder_label.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 1,0 13 | 0,1 14 | 0,1 15 | 1,0 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 1,0 26 | 1,0 27 | 0,1 28 | 1,0 29 | 0,1 30 | 1,0 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 1,0 46 | 0,1 47 | 1,0 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 1,0 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 1,0 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 1,0 95 | 0,1 96 | 1,0 97 | 0,1 98 | 0,1 99 | 0,1 100 | 1,0 101 | 1,0 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 1,0 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 1,0 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 1,0 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 1,0 148 | 0,1 149 | 0,1 150 | 0,1 151 | 1,0 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 1,0 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 1,0 165 | 0,1 166 | 0,1 167 | 1,0 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 1,0 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 1,0 184 | 0,1 185 | 0,1 186 | 1,0 187 | 0,1 188 | 0,1 189 | 1,0 190 | 0,1 191 | 1,0 192 | 0,1 193 | 1,0 194 | 1,0 195 | 0,1 196 | 0,1 197 | 1,0 198 | 0,1 199 | 1,0 200 | 1,0 201 | 0,1 202 | 0,1 203 | 1,0 204 | 0,1 205 | 0,1 206 | 0,1 207 | 0,1 208 | 0,1 209 | 0,1 210 | 0,1 211 | 0,1 212 | 0,1 213 | 0,1 214 | 0,1 215 | 0,1 216 | 0,1 217 | 0,1 218 | 0,1 219 | 0,1 220 | 1,0 221 | 0,1 222 | 0,1 223 | 1,0 224 | 0,1 225 | 0,1 226 | 0,1 227 | 0,1 228 | 0,1 229 | 0,1 230 | 0,1 231 | 0,1 232 | 0,1 233 | 0,1 234 | 1,0 235 | 0,1 236 | 0,1 237 | 0,1 238 | 1,0 239 | 0,1 240 | 0,1 241 | 0,1 242 | 0,1 243 | 0,1 244 | 1,0 245 | 0,1 246 | 0,1 247 | 0,1 248 | 0,1 249 | 0,1 250 | 0,1 251 | 0,1 252 | 0,1 253 | 1,0 254 | 0,1 255 | 1,0 256 | 0,1 257 | 0,1 258 | 0,1 259 | 0,1 260 | 0,1 261 | 0,1 262 | 0,1 263 | 1,0 264 | 0,1 265 | 0,1 266 | 0,1 267 | 0,1 268 | 0,1 269 | 0,1 270 | 1,0 271 | 0,1 272 | 0,1 273 | 1,0 274 | 0,1 275 | 0,1 276 | 0,1 277 | 1,0 278 | 0,1 279 | 0,1 280 | 0,1 281 | 0,1 282 | 0,1 283 | 0,1 284 | 0,1 285 | 0,1 286 | 1,0 287 | 0,1 288 | 1,0 289 | 0,1 290 | 0,1 291 | 0,1 292 | 0,1 293 | 1,0 294 | 0,1 295 | 0,1 296 | 0,1 297 | 0,1 298 | 0,1 299 | 0,1 300 | 1,0 301 | 0,1 302 | 0,1 303 | 0,1 304 | 0,1 305 | 0,1 306 | 0,1 307 | 0,1 308 | 0,1 309 | 0,1 310 | 0,1 311 | 0,1 312 | 1,0 313 | 0,1 314 | 0,1 315 | 1,0 316 | 0,1 317 | 0,1 318 | 0,1 319 | 0,1 320 | 0,1 321 | 0,1 322 | 0,1 323 | 0,1 324 | 0,1 325 | 0,1 326 | 0,1 327 | 0,1 328 | 0,1 329 | 0,1 330 | 1,0 331 | 0,1 332 | 0,1 333 | 0,1 334 | 0,1 335 | 0,1 336 | 0,1 337 | 0,1 338 | 0,1 339 | 0,1 340 | 0,1 341 | 0,1 342 | 0,1 343 | 0,1 344 | 0,1 345 | 1,0 346 | 0,1 347 | 1,0 348 | 0,1 349 | 0,1 350 | 0,1 351 | 0,1 352 | 0,1 353 | 0,1 354 | 0,1 355 | 0,1 356 | 0,1 357 | 0,1 358 | 0,1 359 | 0,1 360 | 0,1 361 | 0,1 362 | 0,1 363 | 0,1 364 | 0,1 365 | 1,0 366 | 0,1 367 | 1,0 368 | 0,1 369 | 0,1 370 | 1,0 371 | 1,0 372 | 0,1 373 | 0,1 374 | 0,1 375 | 0,1 376 | 0,1 377 | 0,1 378 | 1,0 379 | 0,1 380 | 0,1 381 | 1,0 382 | 0,1 383 | 1,0 384 | 0,1 385 | 0,1 386 | 0,1 387 | 0,1 388 | 0,1 389 | 0,1 390 | 0,1 391 | 0,1 392 | 0,1 393 | 1,0 394 | 1,0 395 | 1,0 396 | 0,1 397 | 0,1 398 | 0,1 399 | 0,1 400 | 0,1 401 | 0,1 402 | 0,1 403 | 0,1 404 | 1,0 405 | 0,1 406 | 0,1 407 | 0,1 408 | 0,1 409 | 0,1 410 | 0,1 411 | 0,1 412 | 0,1 413 | 0,1 414 | 0,1 415 | 0,1 416 | 0,1 417 | 0,1 418 | 0,1 419 | 0,1 420 | 0,1 421 | 0,1 422 | 0,1 423 | 1,0 424 | 0,1 425 | 0,1 426 | 0,1 427 | 0,1 428 | 0,1 429 | 0,1 430 | 0,1 431 | 0,1 432 | 0,1 433 | 0,1 434 | 0,1 435 | 0,1 436 | 0,1 437 | 0,1 438 | 0,1 439 | 0,1 440 | 0,1 441 | 0,1 442 | 0,1 443 | 1,0 444 | 0,1 445 | 0,1 446 | 0,1 447 | 0,1 448 | 0,1 449 | 1,0 450 | 1,0 451 | 0,1 452 | 0,1 453 | 0,1 454 | 0,1 455 | 0,1 456 | 1,0 457 | 1,0 458 | 0,1 459 | 0,1 460 | 0,1 461 | 0,1 462 | 0,1 463 | 0,1 464 | 1,0 465 | 0,1 466 | 1,0 467 | 0,1 468 | 0,1 469 | 1,0 470 | 0,1 471 | 1,0 472 | 0,1 473 | 0,1 474 | 0,1 475 | 1,0 476 | 0,1 477 | 0,1 478 | 0,1 479 | 0,1 480 | 1,0 481 | 0,1 482 | 0,1 483 | 0,1 484 | 0,1 485 | 0,1 486 | 0,1 487 | 0,1 488 | 0,1 489 | 0,1 490 | 0,1 491 | 0,1 492 | 0,1 493 | 0,1 494 | 0,1 495 | 0,1 496 | 0,1 497 | 0,1 498 | 0,1 499 | 0,1 500 | 0,1 501 | 1,0 502 | 0,1 503 | 0,1 504 | 0,1 505 | 0,1 506 | 0,1 507 | 0,1 508 | 1,0 509 | 0,1 510 | 0,1 511 | 0,1 512 | 0,1 513 | 0,1 514 | 0,1 515 | 0,1 516 | 0,1 517 | 0,1 518 | 0,1 519 | 0,1 520 | 0,1 521 | 0,1 522 | 0,1 523 | 0,1 524 | 1,0 525 | 0,1 526 | 0,1 527 | 0,1 528 | 0,1 529 | 0,1 530 | 0,1 531 | 0,1 532 | 0,1 533 | 0,1 534 | 0,1 535 | 0,1 536 | 1,0 537 | 0,1 538 | 0,1 539 | 1,0 540 | 0,1 541 | 0,1 542 | 0,1 543 | 1,0 544 | 0,1 545 | 0,1 546 | 0,1 547 | 0,1 548 | 0,1 549 | 0,1 550 | 0,1 551 | 1,0 552 | 0,1 553 | 0,1 554 | 0,1 555 | 0,1 556 | 0,1 557 | 0,1 558 | 0,1 559 | 0,1 560 | 0,1 561 | 0,1 562 | 1,0 563 | 0,1 564 | 1,0 565 | 0,1 566 | 0,1 567 | 0,1 568 | 0,1 569 | 1,0 570 | 0,1 571 | 0,1 572 | 0,1 573 | 0,1 574 | 0,1 575 | 0,1 576 | 0,1 577 | 0,1 578 | 0,1 579 | 0,1 580 | 0,1 581 | 0,1 582 | 0,1 583 | 1,0 584 | 1,0 585 | 0,1 586 | 1,0 587 | 0,1 588 | 0,1 589 | 0,1 590 | 1,0 591 | 0,1 592 | 1,0 593 | 0,1 594 | 0,1 595 | 0,1 596 | 0,1 597 | 0,1 598 | 0,1 599 | 0,1 600 | 0,1 601 | 0,1 602 | 1,0 603 | 0,1 604 | 1,0 605 | 0,1 606 | 0,1 607 | 0,1 608 | 1,0 609 | 0,1 610 | 0,1 611 | 0,1 612 | 0,1 613 | 0,1 614 | 0,1 615 | 1,0 616 | 0,1 617 | 0,1 618 | 1,0 619 | 0,1 620 | 0,1 621 | 0,1 622 | 1,0 623 | 0,1 624 | 0,1 625 | 0,1 626 | 0,1 627 | 0,1 628 | 0,1 629 | 0,1 630 | 0,1 631 | 0,1 632 | 0,1 633 | 0,1 634 | 0,1 635 | 0,1 636 | 0,1 637 | 1,0 638 | 0,1 639 | 0,1 640 | 0,1 641 | 0,1 642 | 0,1 643 | 0,1 644 | 0,1 645 | 0,1 646 | 0,1 647 | 0,1 648 | 0,1 649 | 0,1 650 | 0,1 651 | 0,1 652 | 0,1 653 | 0,1 654 | 1,0 655 | 0,1 656 | 1,0 657 | 1,0 658 | 1,0 659 | 0,1 660 | 0,1 661 | -------------------------------------------------------------------------------- /Data/Mix/MLP.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/Mix/MLP.h5 -------------------------------------------------------------------------------- /Data/Mix/Mix_all_label.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 0,1 13 | 0,1 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 0,1 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 0,1 101 | 0,1 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 0,1 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 0,1 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 0,1 166 | 0,1 167 | 0,1 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 0,1 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 0,1 184 | 0,1 185 | 0,1 186 | 0,1 187 | 0,1 188 | 0,1 189 | 0,1 190 | 0,1 191 | 0,1 192 | 0,1 193 | 0,1 194 | 0,1 195 | 0,1 196 | 0,1 197 | 0,1 198 | 1,0 199 | 1,0 200 | 1,0 201 | 1,0 202 | 1,0 203 | 1,0 204 | 1,0 205 | 1,0 206 | 1,0 207 | 1,0 208 | 1,0 209 | 1,0 210 | 1,0 211 | 1,0 212 | 1,0 213 | 1,0 214 | 1,0 215 | 1,0 216 | 1,0 217 | 1,0 218 | 1,0 219 | 1,0 220 | 1,0 221 | 1,0 222 | 1,0 223 | 1,0 224 | 1,0 225 | 1,0 226 | 1,0 227 | 1,0 228 | 1,0 229 | 1,0 230 | 1,0 231 | 0,1 232 | 0,1 233 | 0,1 234 | 0,1 235 | 0,1 236 | 0,1 237 | 0,1 238 | 0,1 239 | 0,1 240 | 0,1 241 | 0,1 242 | 0,1 243 | 0,1 244 | 0,1 245 | 0,1 246 | 0,1 247 | 0,1 248 | 0,1 249 | 0,1 250 | 0,1 251 | 0,1 252 | 0,1 253 | 0,1 254 | 0,1 255 | 0,1 256 | 0,1 257 | 0,1 258 | 0,1 259 | 0,1 260 | 0,1 261 | 0,1 262 | 0,1 263 | 0,1 264 | 0,1 265 | 0,1 266 | 0,1 267 | 0,1 268 | 0,1 269 | 0,1 270 | 0,1 271 | 0,1 272 | 0,1 273 | 0,1 274 | 0,1 275 | 0,1 276 | 0,1 277 | 0,1 278 | 0,1 279 | 0,1 280 | 0,1 281 | 0,1 282 | 0,1 283 | 0,1 284 | 0,1 285 | 0,1 286 | 0,1 287 | 0,1 288 | 0,1 289 | 0,1 290 | 0,1 291 | 0,1 292 | 0,1 293 | 0,1 294 | 0,1 295 | 0,1 296 | 0,1 297 | 0,1 298 | 0,1 299 | 0,1 300 | 0,1 301 | 0,1 302 | 0,1 303 | 0,1 304 | 0,1 305 | 0,1 306 | 0,1 307 | 0,1 308 | 0,1 309 | 0,1 310 | 0,1 311 | 0,1 312 | 0,1 313 | 0,1 314 | 0,1 315 | 0,1 316 | 0,1 317 | 0,1 318 | 0,1 319 | 0,1 320 | 0,1 321 | 0,1 322 | 0,1 323 | 0,1 324 | 0,1 325 | 0,1 326 | 0,1 327 | 0,1 328 | 0,1 329 | 0,1 330 | 0,1 331 | 0,1 332 | 0,1 333 | 0,1 334 | 0,1 335 | 0,1 336 | 0,1 337 | 0,1 338 | 0,1 339 | 0,1 340 | 0,1 341 | 0,1 342 | 0,1 343 | 0,1 344 | 0,1 345 | 0,1 346 | 0,1 347 | 0,1 348 | 0,1 349 | 0,1 350 | 0,1 351 | 0,1 352 | 0,1 353 | 0,1 354 | 0,1 355 | 0,1 356 | 0,1 357 | 0,1 358 | 0,1 359 | 0,1 360 | 0,1 361 | 0,1 362 | 0,1 363 | 0,1 364 | 0,1 365 | 0,1 366 | 0,1 367 | 0,1 368 | 0,1 369 | 0,1 370 | 0,1 371 | 0,1 372 | 0,1 373 | 0,1 374 | 0,1 375 | 0,1 376 | 0,1 377 | 0,1 378 | 0,1 379 | 0,1 380 | 0,1 381 | 0,1 382 | 0,1 383 | 0,1 384 | 0,1 385 | 0,1 386 | 0,1 387 | 0,1 388 | 0,1 389 | 0,1 390 | 0,1 391 | 0,1 392 | 0,1 393 | 0,1 394 | 0,1 395 | 0,1 396 | 0,1 397 | 0,1 398 | 0,1 399 | 0,1 400 | 0,1 401 | 0,1 402 | 0,1 403 | 0,1 404 | 0,1 405 | 0,1 406 | 0,1 407 | 0,1 408 | 0,1 409 | 0,1 410 | 0,1 411 | 0,1 412 | 0,1 413 | 0,1 414 | 0,1 415 | 0,1 416 | 0,1 417 | 0,1 418 | 0,1 419 | 0,1 420 | 0,1 421 | 0,1 422 | 0,1 423 | 0,1 424 | 0,1 425 | 0,1 426 | 0,1 427 | 0,1 428 | 1,0 429 | 1,0 430 | 1,0 431 | 1,0 432 | 1,0 433 | 1,0 434 | 1,0 435 | 1,0 436 | 1,0 437 | 1,0 438 | 1,0 439 | 1,0 440 | 1,0 441 | 1,0 442 | 1,0 443 | 1,0 444 | 1,0 445 | 1,0 446 | 1,0 447 | 1,0 448 | 1,0 449 | 1,0 450 | 1,0 451 | 1,0 452 | 1,0 453 | 1,0 454 | 1,0 455 | 1,0 456 | 1,0 457 | 1,0 458 | 1,0 459 | 1,0 460 | 1,0 461 | 0,1 462 | 0,1 463 | 0,1 464 | 0,1 465 | 0,1 466 | 0,1 467 | 0,1 468 | 0,1 469 | 0,1 470 | 0,1 471 | 0,1 472 | 0,1 473 | 0,1 474 | 0,1 475 | 0,1 476 | 0,1 477 | 0,1 478 | 0,1 479 | 0,1 480 | 0,1 481 | 0,1 482 | 0,1 483 | 0,1 484 | 0,1 485 | 0,1 486 | 0,1 487 | 0,1 488 | 0,1 489 | 0,1 490 | 0,1 491 | 0,1 492 | 0,1 493 | 0,1 494 | 0,1 495 | 0,1 496 | 0,1 497 | 0,1 498 | 0,1 499 | 0,1 500 | 0,1 501 | 0,1 502 | 0,1 503 | 0,1 504 | 0,1 505 | 0,1 506 | 0,1 507 | 0,1 508 | 0,1 509 | 0,1 510 | 0,1 511 | 0,1 512 | 0,1 513 | 0,1 514 | 0,1 515 | 0,1 516 | 0,1 517 | 0,1 518 | 0,1 519 | 0,1 520 | 0,1 521 | 0,1 522 | 0,1 523 | 0,1 524 | 0,1 525 | 0,1 526 | 0,1 527 | 0,1 528 | 0,1 529 | 0,1 530 | 0,1 531 | 0,1 532 | 0,1 533 | 0,1 534 | 0,1 535 | 0,1 536 | 0,1 537 | 0,1 538 | 0,1 539 | 0,1 540 | 0,1 541 | 0,1 542 | 0,1 543 | 0,1 544 | 0,1 545 | 0,1 546 | 0,1 547 | 0,1 548 | 0,1 549 | 0,1 550 | 0,1 551 | 0,1 552 | 0,1 553 | 0,1 554 | 0,1 555 | 0,1 556 | 0,1 557 | 0,1 558 | 0,1 559 | 0,1 560 | 0,1 561 | 0,1 562 | 0,1 563 | 0,1 564 | 0,1 565 | 0,1 566 | 0,1 567 | 0,1 568 | 0,1 569 | 0,1 570 | 0,1 571 | 0,1 572 | 0,1 573 | 0,1 574 | 0,1 575 | 0,1 576 | 0,1 577 | 0,1 578 | 0,1 579 | 0,1 580 | 0,1 581 | 0,1 582 | 0,1 583 | 0,1 584 | 0,1 585 | 0,1 586 | 0,1 587 | 0,1 588 | 0,1 589 | 0,1 590 | 0,1 591 | 0,1 592 | 0,1 593 | 0,1 594 | 0,1 595 | 0,1 596 | 0,1 597 | 0,1 598 | 0,1 599 | 0,1 600 | 0,1 601 | 0,1 602 | 0,1 603 | 0,1 604 | 0,1 605 | 0,1 606 | 0,1 607 | 0,1 608 | 0,1 609 | 0,1 610 | 0,1 611 | 0,1 612 | 0,1 613 | 0,1 614 | 0,1 615 | 0,1 616 | 0,1 617 | 0,1 618 | 0,1 619 | 0,1 620 | 0,1 621 | 0,1 622 | 0,1 623 | 0,1 624 | 0,1 625 | 1,0 626 | 1,0 627 | 1,0 628 | 1,0 629 | 1,0 630 | 1,0 631 | 1,0 632 | 1,0 633 | 1,0 634 | 1,0 635 | 1,0 636 | 1,0 637 | 1,0 638 | 1,0 639 | 1,0 640 | 1,0 641 | 1,0 642 | 1,0 643 | 1,0 644 | 1,0 645 | 1,0 646 | 1,0 647 | 1,0 648 | 1,0 649 | 1,0 650 | 1,0 651 | 1,0 652 | 1,0 653 | 1,0 654 | 1,0 655 | 1,0 656 | 1,0 657 | 1,0 658 | 1,0 659 | 1,0 660 | 1,0 661 | -------------------------------------------------------------------------------- /Data/Mix/ROC.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/Mix/ROC.jpg -------------------------------------------------------------------------------- /Data/Mix/label_test.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 1,0 3 | 0,1 4 | 1,0 5 | 0,1 6 | 0,1 7 | 1,0 8 | 0,1 9 | 1,0 10 | 0,1 11 | 0,1 12 | 0,1 13 | 1,0 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 1,0 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 1,0 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 1,0 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 1,0 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 1,0 75 | 0,1 76 | 0,1 77 | 1,0 78 | 0,1 79 | 0,1 80 | 0,1 81 | 1,0 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 1,0 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 1,0 101 | 0,1 102 | 1,0 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 1,0 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 1,0 122 | 1,0 123 | 0,1 124 | 1,0 125 | 0,1 126 | 0,1 127 | 0,1 128 | 1,0 129 | 0,1 130 | 1,0 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 1,0 141 | 0,1 142 | 1,0 143 | 0,1 144 | 0,1 145 | 0,1 146 | 1,0 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 1,0 154 | 0,1 155 | 0,1 156 | 1,0 157 | 0,1 158 | 0,1 159 | 0,1 160 | 1,0 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 0,1 166 | 0,1 167 | 0,1 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 1,0 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 0,1 184 | 0,1 185 | 0,1 186 | 0,1 187 | 0,1 188 | 0,1 189 | 0,1 190 | 0,1 191 | 0,1 192 | 1,0 193 | 0,1 194 | 1,0 195 | 1,0 196 | 1,0 197 | 0,1 198 | 0,1 199 | -------------------------------------------------------------------------------- /Data/Mix/label_train.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 1,0 13 | 0,1 14 | 0,1 15 | 1,0 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 1,0 26 | 1,0 27 | 0,1 28 | 1,0 29 | 0,1 30 | 1,0 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 1,0 46 | 0,1 47 | 1,0 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 1,0 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 1,0 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 1,0 95 | 0,1 96 | 1,0 97 | 0,1 98 | 0,1 99 | 0,1 100 | 1,0 101 | 1,0 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 1,0 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 1,0 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 1,0 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 1,0 148 | 0,1 149 | 0,1 150 | 0,1 151 | 1,0 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 1,0 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 1,0 165 | 0,1 166 | 0,1 167 | 1,0 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 1,0 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 1,0 184 | 0,1 185 | 0,1 186 | 1,0 187 | 0,1 188 | 0,1 189 | 1,0 190 | 0,1 191 | 1,0 192 | 0,1 193 | 1,0 194 | 1,0 195 | 0,1 196 | 0,1 197 | 1,0 198 | 0,1 199 | 1,0 200 | 1,0 201 | 0,1 202 | 0,1 203 | 1,0 204 | 0,1 205 | 0,1 206 | 0,1 207 | 0,1 208 | 0,1 209 | 0,1 210 | 0,1 211 | 0,1 212 | 0,1 213 | 0,1 214 | 0,1 215 | 0,1 216 | 0,1 217 | 0,1 218 | 0,1 219 | 0,1 220 | 1,0 221 | 0,1 222 | 0,1 223 | 1,0 224 | 0,1 225 | 0,1 226 | 0,1 227 | 0,1 228 | 0,1 229 | 0,1 230 | 0,1 231 | 0,1 232 | 0,1 233 | 0,1 234 | 1,0 235 | 0,1 236 | 0,1 237 | 0,1 238 | 1,0 239 | 0,1 240 | 0,1 241 | 0,1 242 | 0,1 243 | 0,1 244 | 1,0 245 | 0,1 246 | 0,1 247 | 0,1 248 | 0,1 249 | 0,1 250 | 0,1 251 | 0,1 252 | 0,1 253 | 1,0 254 | 0,1 255 | 1,0 256 | 0,1 257 | 0,1 258 | 0,1 259 | 0,1 260 | 0,1 261 | 0,1 262 | 0,1 263 | 1,0 264 | 0,1 265 | 0,1 266 | 0,1 267 | 0,1 268 | 0,1 269 | 0,1 270 | 1,0 271 | 0,1 272 | 0,1 273 | 1,0 274 | 0,1 275 | 0,1 276 | 0,1 277 | 1,0 278 | 0,1 279 | 0,1 280 | 0,1 281 | 0,1 282 | 0,1 283 | 0,1 284 | 0,1 285 | 0,1 286 | 1,0 287 | 0,1 288 | 1,0 289 | 0,1 290 | 0,1 291 | 0,1 292 | 0,1 293 | 1,0 294 | 0,1 295 | 0,1 296 | 0,1 297 | 0,1 298 | 0,1 299 | 0,1 300 | 1,0 301 | 0,1 302 | 0,1 303 | 0,1 304 | 0,1 305 | 0,1 306 | 0,1 307 | 0,1 308 | 0,1 309 | 0,1 310 | 0,1 311 | 0,1 312 | 1,0 313 | 0,1 314 | 0,1 315 | 1,0 316 | 0,1 317 | 0,1 318 | 0,1 319 | 0,1 320 | 0,1 321 | 0,1 322 | 0,1 323 | 0,1 324 | 0,1 325 | 0,1 326 | 0,1 327 | 0,1 328 | 0,1 329 | 0,1 330 | 1,0 331 | 0,1 332 | 0,1 333 | 0,1 334 | 0,1 335 | 0,1 336 | 0,1 337 | 0,1 338 | 0,1 339 | 0,1 340 | 0,1 341 | 0,1 342 | 0,1 343 | 0,1 344 | 0,1 345 | 1,0 346 | 0,1 347 | 1,0 348 | 0,1 349 | 0,1 350 | 0,1 351 | 0,1 352 | 0,1 353 | 0,1 354 | 0,1 355 | 0,1 356 | 0,1 357 | 0,1 358 | 0,1 359 | 0,1 360 | 0,1 361 | 0,1 362 | 0,1 363 | 0,1 364 | 0,1 365 | 1,0 366 | 0,1 367 | 1,0 368 | 0,1 369 | 0,1 370 | 1,0 371 | 1,0 372 | 0,1 373 | 0,1 374 | 0,1 375 | 0,1 376 | 0,1 377 | 0,1 378 | 1,0 379 | 0,1 380 | 0,1 381 | 1,0 382 | 0,1 383 | 1,0 384 | 0,1 385 | 0,1 386 | 0,1 387 | 0,1 388 | 0,1 389 | 0,1 390 | 0,1 391 | 0,1 392 | 0,1 393 | 1,0 394 | 1,0 395 | 1,0 396 | 0,1 397 | 0,1 398 | 0,1 399 | 0,1 400 | 0,1 401 | 0,1 402 | 0,1 403 | 0,1 404 | 1,0 405 | 0,1 406 | 0,1 407 | 0,1 408 | 0,1 409 | 0,1 410 | 0,1 411 | 0,1 412 | 0,1 413 | 0,1 414 | 0,1 415 | 0,1 416 | 0,1 417 | 0,1 418 | 0,1 419 | 0,1 420 | 0,1 421 | 0,1 422 | 0,1 423 | 1,0 424 | 0,1 425 | 0,1 426 | 0,1 427 | 0,1 428 | 0,1 429 | 0,1 430 | 0,1 431 | 0,1 432 | 0,1 433 | 0,1 434 | 0,1 435 | 0,1 436 | 0,1 437 | 0,1 438 | 0,1 439 | 0,1 440 | 0,1 441 | 0,1 442 | 0,1 443 | 1,0 444 | 0,1 445 | 0,1 446 | 0,1 447 | 0,1 448 | 0,1 449 | 1,0 450 | 1,0 451 | 0,1 452 | 0,1 453 | 0,1 454 | 0,1 455 | 0,1 456 | 1,0 457 | 1,0 458 | 0,1 459 | 0,1 460 | 0,1 461 | 0,1 462 | 0,1 463 | -------------------------------------------------------------------------------- /Data/Mix/predict.csv: -------------------------------------------------------------------------------- 1 | 0.033497,0.966503 2 | 0.273165,0.726835 3 | 0.016568,0.983432 4 | 0.664027,0.335973 5 | 0.090801,0.909198 6 | 0.129856,0.870144 7 | 0.947900,0.052100 8 | 0.006211,0.993789 9 | 0.079714,0.920286 10 | 0.031669,0.968331 11 | 0.013826,0.986174 12 | 0.076459,0.923541 13 | 0.019228,0.980772 14 | 0.062006,0.937994 15 | 0.094007,0.905993 16 | 0.013048,0.986952 17 | 0.113998,0.886002 18 | 0.991243,0.008757 19 | 0.876124,0.123876 20 | 0.034205,0.965795 21 | 0.010246,0.989754 22 | 0.036998,0.963002 23 | 0.013934,0.986066 24 | 0.012303,0.987697 25 | 0.133283,0.866717 26 | 0.027229,0.972771 27 | 0.037066,0.962934 28 | 0.023010,0.976990 29 | 0.025410,0.974590 30 | 0.007253,0.992747 31 | 0.007794,0.992206 32 | 0.009687,0.990313 33 | 0.008731,0.991269 34 | 0.014364,0.985636 35 | 0.128616,0.871384 36 | 0.042140,0.957861 37 | 0.023153,0.976847 38 | 0.024897,0.975103 39 | 0.915222,0.084778 40 | 0.018818,0.981182 41 | 0.086199,0.913801 42 | 0.068103,0.931897 43 | 0.008946,0.991054 44 | 0.012946,0.987054 45 | 0.009831,0.990169 46 | 0.906535,0.093465 47 | 0.028080,0.971920 48 | 0.034321,0.965679 49 | 0.015633,0.984367 50 | 0.016788,0.983212 51 | 0.274229,0.725771 52 | 0.020291,0.979709 53 | 0.020823,0.979177 54 | 0.005311,0.994689 55 | 0.014303,0.985697 56 | 0.023587,0.976413 57 | 0.042150,0.957850 58 | 0.025103,0.974897 59 | 0.077432,0.922568 60 | 0.111182,0.888818 61 | 0.040851,0.959149 62 | 0.610837,0.389163 63 | 0.141701,0.858299 64 | 0.041768,0.958232 65 | 0.008354,0.991646 66 | 0.006593,0.993407 67 | 0.006881,0.993119 68 | 0.059933,0.940067 69 | 0.016684,0.983316 70 | 0.013284,0.986716 71 | 0.133046,0.866954 72 | 0.050904,0.949096 73 | 0.169320,0.830680 74 | 0.854201,0.145799 75 | 0.013310,0.986690 76 | 0.016352,0.983648 77 | 0.970443,0.029557 78 | 0.008814,0.991186 79 | 0.395919,0.604081 80 | 0.039017,0.960983 81 | 0.872919,0.127081 82 | 0.015694,0.984306 83 | 0.097290,0.902710 84 | 0.490060,0.509940 85 | 0.031234,0.968766 86 | 0.254111,0.745889 87 | 0.034732,0.965268 88 | 0.012070,0.987930 89 | 0.051098,0.948902 90 | 0.013850,0.986150 91 | 0.005733,0.994267 92 | 0.154818,0.845182 93 | 0.013304,0.986696 94 | 0.049760,0.950240 95 | 0.089227,0.910773 96 | 0.098066,0.901934 97 | 0.047034,0.952966 98 | 0.016037,0.983963 99 | 0.144306,0.855694 100 | 0.941212,0.058787 101 | 0.028206,0.971794 102 | 0.649933,0.350067 103 | 0.012449,0.987551 104 | 0.009709,0.990291 105 | 0.031878,0.968122 106 | 0.036482,0.963518 107 | 0.468828,0.531172 108 | 0.019682,0.980318 109 | 0.419442,0.580558 110 | 0.028196,0.971804 111 | 0.289339,0.710661 112 | 0.485688,0.514312 113 | 0.066079,0.933921 114 | 0.010155,0.989845 115 | 0.016386,0.983614 116 | 0.014289,0.985711 117 | 0.075193,0.924807 118 | 0.007579,0.992421 119 | 0.012771,0.987229 120 | 0.012170,0.987830 121 | 0.993020,0.006980 122 | 0.064385,0.935615 123 | 0.014450,0.985550 124 | 0.765987,0.234013 125 | 0.158333,0.841667 126 | 0.005491,0.994509 127 | 0.129316,0.870684 128 | 0.887841,0.112159 129 | 0.028035,0.971965 130 | 0.013485,0.986515 131 | 0.007198,0.992802 132 | 0.066192,0.933808 133 | 0.153445,0.846555 134 | 0.007158,0.992842 135 | 0.210337,0.789663 136 | 0.122422,0.877578 137 | 0.117444,0.882556 138 | 0.019165,0.980835 139 | 0.070374,0.929626 140 | 0.999121,0.000879 141 | 0.005883,0.994117 142 | 0.767733,0.232267 143 | 0.075652,0.924348 144 | 0.037260,0.962740 145 | 0.028246,0.971754 146 | 0.025521,0.974479 147 | 0.012869,0.987131 148 | 0.037865,0.962135 149 | 0.052338,0.947662 150 | 0.018353,0.981647 151 | 0.015666,0.984334 152 | 0.008188,0.991812 153 | 0.911022,0.088978 154 | 0.016664,0.983336 155 | 0.121499,0.878501 156 | 0.095676,0.904324 157 | 0.055149,0.944851 158 | 0.170809,0.829191 159 | 0.127581,0.872419 160 | 0.026564,0.973436 161 | 0.161530,0.838470 162 | 0.216936,0.783064 163 | 0.029859,0.970141 164 | 0.006466,0.993533 165 | 0.037291,0.962709 166 | 0.126136,0.873864 167 | 0.175074,0.824926 168 | 0.048100,0.951900 169 | 0.069731,0.930269 170 | 0.128413,0.871587 171 | 0.028443,0.971557 172 | 0.015991,0.984009 173 | 0.015816,0.984185 174 | 0.020738,0.979262 175 | 0.053231,0.946769 176 | 0.260696,0.739304 177 | 0.012444,0.987556 178 | 0.019718,0.980282 179 | 0.031465,0.968535 180 | 0.125617,0.874383 181 | 0.015221,0.984779 182 | 0.177228,0.822772 183 | 0.010845,0.989155 184 | 0.044326,0.955674 185 | 0.011350,0.988650 186 | 0.181241,0.818759 187 | 0.333989,0.666011 188 | 0.477262,0.522738 189 | 0.008010,0.991991 190 | 0.010705,0.989295 191 | 0.181285,0.818715 192 | 0.012717,0.987283 193 | 0.020873,0.979127 194 | 0.621471,0.378529 195 | 0.811731,0.188269 196 | 0.012055,0.987945 197 | 0.012353,0.987647 198 | 0.087459,0.912541 199 | -------------------------------------------------------------------------------- /Data/Mix/predict_label.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 1,0 5 | 0,1 6 | 0,1 7 | 1,0 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 0,1 13 | 0,1 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 1,0 19 | 1,0 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 1,0 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 1,0 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 1,0 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 1,0 75 | 0,1 76 | 0,1 77 | 1,0 78 | 0,1 79 | 0,1 80 | 0,1 81 | 1,0 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 1,0 101 | 0,1 102 | 1,0 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 1,0 122 | 0,1 123 | 0,1 124 | 1,0 125 | 0,1 126 | 0,1 127 | 0,1 128 | 1,0 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 1,0 141 | 0,1 142 | 1,0 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 1,0 154 | 0,1 155 | 0,1 156 | 0,1 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 0,1 166 | 0,1 167 | 0,1 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 0,1 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 0,1 184 | 0,1 185 | 0,1 186 | 0,1 187 | 0,1 188 | 0,1 189 | 0,1 190 | 0,1 191 | 0,1 192 | 0,1 193 | 0,1 194 | 1,0 195 | 1,0 196 | 0,1 197 | 0,1 198 | 0,1 199 | -------------------------------------------------------------------------------- /Data/Mix/test.csv: -------------------------------------------------------------------------------- 1 | 8.388602,2.414748,0.811142 2 | 2.070451,3.281333,1.952716 3 | 0.404340,1.017413,1.181191 4 | 9.849153,4.984678,2.315669 5 | 8.429743,3.014831,1.280086 6 | 0.516634,2.766960,1.376205 7 | 3.172120,5.778477,3.318735 8 | 0.138426,0.579856,0.530479 9 | 0.280933,2.240947,1.442059 10 | 8.740105,2.662458,0.397342 11 | 0.513159,1.192824,0.689316 12 | 8.557969,3.072935,0.962272 13 | 0.301578,1.018529,1.365535 14 | 8.411519,3.176193,0.499993 15 | 8.751620,3.066262,1.284410 16 | 0.150851,1.121243,0.684752 17 | 0.325116,2.749959,1.190414 18 | 3.046821,5.752085,5.714201 19 | 3.432975,4.914228,3.426243 20 | 8.438494,2.103433,1.314391 21 | 8.434302,1.627909,0.438653 22 | 8.577905,2.152098,1.360389 23 | 0.172968,1.188662,0.671445 24 | 0.118185,1.023036,0.752627 25 | 0.259195,2.777088,1.373779 26 | 8.397006,2.450523,0.481201 27 | 8.583450,2.604849,0.679630 28 | 0.991471,1.147160,1.478549 29 | 8.364745,2.111220,0.898339 30 | 8.752260,1.354133,0.432718 31 | 0.504432,0.662378,0.739096 32 | 0.239571,0.861090,0.696337 33 | 0.541617,0.528425,1.093344 34 | 0.259424,1.142744,0.789492 35 | 0.347847,2.426510,1.859055 36 | 0.313009,1.824112,1.197157 37 | 0.463426,1.746314,0.528560 38 | 0.421343,1.584300,0.865389 39 | 2.106961,4.803453,4.007600 40 | 8.378563,1.904608,0.814019 41 | 1.026881,2.140502,1.779535 42 | 0.236354,2.321162,1.096226 43 | 8.412318,1.503092,0.447405 44 | 0.157589,1.014863,0.835804 45 | 0.291064,0.556249,1.181292 46 | 10.327218,4.688851,4.871512 47 | 0.458537,1.728732,0.811129 48 | 1.068246,1.751114,1.107212 49 | 8.383502,1.776047,0.764189 50 | 0.395530,1.060931,1.131948 51 | 0.572697,2.915215,2.361430 52 | 0.707492,1.720605,0.417325 53 | 8.546918,1.883327,0.996956 54 | 8.781412,1.126143,0.373703 55 | 0.363435,0.865381,1.213249 56 | 0.785073,1.853721,0.423486 57 | 8.554367,2.319573,1.280935 58 | 8.416813,2.044799,0.987784 59 | 0.183059,2.272713,1.343373 60 | 0.439714,2.809739,1.075187 61 | 8.673031,2.236430,1.376157 62 | 0.827105,4.602460,1.683862 63 | 0.813487,2.380801,2.120207 64 | 8.460568,2.541027,0.924708 65 | 0.601609,0.838000,0.574256 66 | 0.302793,0.640016,0.534137 67 | 0.654182,0.593209,0.695973 68 | 0.498669,1.631316,1.987693 69 | 0.240236,1.161330,0.956466 70 | 0.766968,1.409397,0.335326 71 | 0.393980,2.775197,1.387583 72 | 8.449929,3.044587,0.431783 73 | 1.229994,2.832838,1.752615 74 | 1.310838,5.186703,2.556637 75 | 0.082915,0.956542,0.952736 76 | 8.492373,1.994650,0.504246 77 | 1.964019,6.524648,2.834698 78 | 8.479101,1.061008,1.102427 79 | 8.768699,4.135414,2.059272 80 | 8.483468,2.469307,0.943342 81 | 1.345612,5.290606,2.609324 82 | 0.800975,1.078114,1.058186 83 | 0.507025,2.694421,1.063135 84 | 0.496226,3.957128,1.989518 85 | 0.158103,1.490988,1.281977 86 | 8.474094,3.798131,1.691270 87 | 0.699432,1.773901,1.051560 88 | 0.224027,1.065271,0.674422 89 | 0.478499,2.208997,0.894471 90 | 8.320395,1.664405,0.767188 91 | 0.226082,0.565898,0.456140 92 | 0.324040,2.868531,1.468860 93 | 0.140909,0.979462,0.923392 94 | 1.417325,2.614433,0.340711 95 | 0.729874,2.200090,1.708594 96 | 8.531081,2.879849,1.604270 97 | 8.301667,2.688449,0.846972 98 | 8.714025,1.655816,1.012716 99 | 8.736841,2.967211,2.061729 100 | 3.504108,5.420610,3.727098 101 | 0.583325,1.372019,1.368439 102 | 2.582187,4.163171,2.741954 103 | 0.087181,0.992370,0.811302 104 | 0.130133,0.853417,0.699853 105 | 0.686442,1.832645,0.846608 106 | 8.539961,2.580693,0.690389 107 | 2.146482,3.730720,2.387764 108 | 0.466059,1.145044,1.221882 109 | 8.805411,3.994123,2.402589 110 | 0.568049,1.844661,0.652591 111 | 9.029886,3.585810,2.298889 112 | 8.781580,4.473803,2.022682 113 | 1.124149,2.686928,0.591529 114 | 8.560788,1.530803,0.586360 115 | 8.416339,1.949861,0.567003 116 | 0.269811,0.920987,1.118573 117 | 0.535059,2.292263,1.308228 118 | 0.239485,0.598694,0.771901 119 | 0.069352,1.035743,0.777491 120 | 0.704151,1.131555,0.633609 121 | 11.729384,7.534455,4.194629 122 | 8.469971,3.202813,0.517755 123 | 0.530418,1.035594,0.986436 124 | 1.854313,4.716229,2.567845 125 | 0.515351,2.457625,2.143225 126 | 0.350245,0.516282,0.487419 127 | 0.502760,2.340394,2.012822 128 | 2.068662,4.459563,4.121162 129 | 8.393219,2.487949,0.463153 130 | 0.076011,1.056507,0.818218 131 | 0.229481,0.616801,0.676307 132 | 0.136642,2.050398,1.455567 133 | 0.892877,2.848868,1.542314 134 | 0.353108,0.645308,0.638332 135 | 8.764578,3.674926,1.587847 136 | 0.527549,2.386379,1.864688 137 | 0.239432,2.626635,1.411647 138 | 8.272681,1.915584,0.810831 139 | 0.328602,2.259787,1.243897 140 | 14.027982,6.038536,9.378358 141 | 0.232102,0.616032,0.414664 142 | 1.908059,3.613091,4.251950 143 | 0.765394,2.581327,0.903438 144 | 8.546737,2.706180,0.529939 145 | 0.410932,2.094999,0.261044 146 | 8.491400,2.028130,1.042422 147 | 0.428499,1.058564,0.789309 148 | 8.398652,2.662617,0.602449 149 | 8.339534,2.828341,0.785202 150 | 0.248475,1.230677,0.978322 151 | 0.673435,1.028509,1.117894 152 | 0.289599,0.594390,0.884390 153 | 10.555489,5.973510,3.024523 154 | 1.315860,1.147590,1.084188 155 | 0.243635,2.530269,1.607557 156 | 0.507290,2.291087,1.648315 157 | 8.388498,2.587410,1.225611 158 | 0.442820,2.869822,1.630985 159 | 0.329499,2.401280,1.883305 160 | 8.388230,2.038394,1.069805 161 | 8.525876,3.771095,0.998783 162 | 0.327538,3.049196,1.732298 163 | 8.350209,2.317692,0.800043 164 | 0.272795,0.632479,0.517162 165 | 8.501529,2.603240,0.681952 166 | 8.580907,2.904911,1.938518 167 | 0.946070,2.490387,2.293444 168 | 0.620503,1.851689,1.366006 169 | 0.409643,2.335002,1.125686 170 | 0.332102,2.800769,1.289890 171 | 8.462405,2.146247,1.005458 172 | 0.528102,1.409137,0.555376 173 | 8.343402,1.762648,0.795688 174 | 0.720574,1.323106,1.047796 175 | 0.427263,2.243565,0.892998 176 | 8.911101,3.535846,2.176122 177 | 0.637261,1.187611,0.571407 178 | 0.651462,1.119858,1.281070 179 | 8.368847,2.327071,0.857763 180 | 0.602519,2.592819,1.598574 181 | 0.837045,1.127407,0.947110 182 | 0.568101,2.604237,2.102587 183 | 0.403380,0.579642,1.285781 184 | 8.566264,2.515623,1.054205 185 | 0.576862,0.603944,1.326121 186 | 8.817058,3.453852,1.687259 187 | 9.017402,3.710353,2.379519 188 | 9.419466,4.251308,2.379355 189 | 8.811081,1.233281,0.750719 190 | 0.246021,0.894869,0.776742 191 | 0.322275,2.853453,1.737123 192 | 0.221606,1.109835,0.675424 193 | 0.380566,0.994672,1.518037 194 | 0.969836,4.196799,2.369175 195 | 9.382973,5.074200,3.143921 196 | 8.568315,1.679289,0.587568 197 | 0.150045,1.108761,0.631742 198 | 8.507892,2.695457,1.716967 199 | -------------------------------------------------------------------------------- /Data/Mix/train.csv: -------------------------------------------------------------------------------- 1 | 0.555268,0.540050,1.342639 2 | 1.292806,1.188223,1.656941 3 | 0.246240,1.135703,1.100170 4 | 0.271067,2.375590,1.123052 5 | 0.336496,2.348241,1.823437 6 | 0.223734,0.621130,0.825962 7 | 0.293810,2.340360,1.370550 8 | 0.449928,2.771090,2.118903 9 | 8.420848,2.629049,0.409784 10 | 0.415785,0.835684,0.899092 11 | 0.932408,1.368357,1.036610 12 | 9.524328,4.762858,2.433106 13 | 0.613683,0.623753,0.902981 14 | 0.499769,1.674872,0.719800 15 | 2.540619,4.826691,3.166811 16 | 0.169716,1.311144,1.274565 17 | 8.383801,2.795225,0.457903 18 | 8.522220,3.099766,1.455085 19 | 0.390370,2.616303,1.098222 20 | 0.333018,0.941203,1.490962 21 | 0.670416,1.042640,1.014992 22 | 8.319701,1.427551,0.781068 23 | 0.881232,2.578161,1.904759 24 | 8.707742,2.274245,0.409849 25 | 11.305918,5.627711,5.711239 26 | 11.399077,8.465838,4.772839 27 | 8.660476,2.802389,1.551556 28 | 2.399832,5.752203,2.794411 29 | 0.703551,3.542991,1.919471 30 | 1.062522,4.783036,2.846288 31 | 8.304994,2.291285,0.765044 32 | 8.436640,2.445604,1.238292 33 | 0.740443,1.081814,0.772684 34 | 8.406359,2.262225,1.341699 35 | 0.221285,2.301792,1.556141 36 | 0.687532,1.702074,0.348159 37 | 1.010635,1.351326,1.130389 38 | 0.623619,1.123121,0.241619 39 | 0.601430,1.207066,0.353203 40 | 0.188195,2.269979,1.738045 41 | 0.230214,0.639147,0.567301 42 | 0.311496,1.132247,1.155417 43 | 8.396758,2.422577,0.500125 44 | 0.075527,0.949659,1.124194 45 | 2.657843,3.785527,1.811451 46 | 0.686750,1.596364,0.864920 47 | 1.959784,4.441457,1.783201 48 | 8.427933,2.563501,1.315970 49 | 0.226106,0.561833,0.476686 50 | 0.786890,2.892607,1.916911 51 | 0.220741,2.061544,1.450416 52 | 8.423236,2.092769,1.317483 53 | 0.143173,0.855005,0.811480 54 | 9.639424,2.414516,2.284473 55 | 8.407444,3.021165,1.315377 56 | 0.169616,0.641371,0.609237 57 | 0.211425,2.328184,1.459345 58 | 8.909115,1.197747,2.240796 59 | 8.502118,2.442836,1.403386 60 | 1.004469,1.595726,0.483985 61 | 0.322183,1.016116,1.178220 62 | 0.495204,1.870671,0.853276 63 | 8.341845,2.153440,0.814759 64 | 0.193312,0.870796,0.864524 65 | 0.392637,2.029116,1.260171 66 | 0.510892,1.584316,0.927141 67 | 0.347386,2.315547,1.672087 68 | 0.476012,3.067587,1.557253 69 | 0.351898,2.608537,1.111733 70 | 8.520256,3.174113,1.401535 71 | 0.514567,1.812360,1.045068 72 | 11.516547,8.612507,5.791750 73 | 8.422713,3.084778,0.458072 74 | 0.195015,0.944320,0.970194 75 | 8.441056,2.066675,1.192675 76 | 0.188089,1.167317,0.871071 77 | 0.934920,4.014019,1.973555 78 | 0.822375,1.377707,0.670385 79 | 0.128954,0.874803,1.052811 80 | 0.616534,1.145713,0.896441 81 | 0.477098,2.298886,1.975037 82 | 0.311831,0.876395,0.983378 83 | 8.342267,2.186644,0.971654 84 | 0.527062,2.702028,1.892189 85 | 0.274884,2.650863,1.126179 86 | 0.162466,0.988407,1.026333 87 | 1.506952,4.631653,2.086116 88 | 0.282708,0.957190,1.303092 89 | 0.772743,1.601499,0.383316 90 | 8.491974,2.958692,1.642833 91 | 1.076895,1.192625,1.776473 92 | 0.259418,1.020952,1.180625 93 | 0.873143,2.693237,2.073264 94 | 8.820366,3.078389,1.666288 95 | 0.320541,1.043324,0.649536 96 | 3.131209,3.998138,4.527370 97 | 0.390281,1.072075,0.844972 98 | 0.261263,0.611406,0.682125 99 | 8.536389,3.117364,0.604118 100 | 0.621448,2.967464,2.170811 101 | 8.643072,2.409251,0.940767 102 | 0.312121,2.919386,1.233727 103 | 8.381358,1.773373,0.939855 104 | 8.364662,1.990343,0.902827 105 | 8.814282,2.545475,1.943480 106 | 0.132058,2.043986,1.394706 107 | 0.484176,0.970096,0.850251 108 | 1.546735,3.612733,1.938007 109 | 0.563576,1.116261,1.024513 110 | 0.557435,1.504523,0.585560 111 | 8.431332,3.058445,1.309142 112 | 8.408802,3.176922,0.496032 113 | 0.792758,1.133822,0.802184 114 | 1.065929,4.646476,3.231564 115 | 0.442089,0.700294,0.729238 116 | 0.373661,1.858481,0.837299 117 | 0.287012,2.765212,1.237227 118 | 0.875756,1.192595,0.727431 119 | 0.389874,0.948724,0.994498 120 | 0.259783,0.810357,0.735007 121 | 0.535257,2.603574,1.550029 122 | 8.629365,3.408236,0.857203 123 | 0.376038,1.065543,1.154936 124 | 0.257410,1.020136,0.723950 125 | 8.347297,2.103223,0.791113 126 | 0.187810,1.100664,1.174127 127 | 0.771346,3.280621,2.433738 128 | 0.532445,0.998417,1.187908 129 | 0.327385,1.127169,1.186923 130 | 0.472595,1.432744,0.643093 131 | 0.156921,1.014259,0.745964 132 | 8.502377,1.547029,0.995536 133 | 8.344789,1.731077,0.831097 134 | 9.968710,5.500611,2.471940 135 | 0.616636,2.857229,1.890416 136 | 8.416549,2.320288,1.276176 137 | 0.208123,1.007830,1.195451 138 | 0.203875,0.803309,0.966864 139 | 8.372150,2.348984,1.089025 140 | 0.814055,1.237988,1.056223 141 | 0.497627,1.086767,0.931421 142 | 8.748828,1.366906,0.744969 143 | 0.339247,2.358960,1.743314 144 | 8.466075,1.915017,0.510662 145 | 0.498485,2.834048,1.618264 146 | 0.562458,1.013119,0.666457 147 | 0.800226,0.994543,1.876415 148 | 0.871027,2.623073,0.919323 149 | 0.267417,1.501771,0.853812 150 | 0.880102,1.289643,0.622431 151 | 9.551807,5.105161,2.264947 152 | 0.331714,1.077577,1.367721 153 | 8.296774,1.747242,0.759938 154 | 8.916907,2.846537,1.305272 155 | 0.051000,1.043932,0.920468 156 | 0.564456,3.326233,1.312257 157 | 8.759815,1.381824,0.708093 158 | 0.878564,2.146845,2.097893 159 | 0.458733,1.910743,0.421122 160 | 0.286676,1.033483,1.391725 161 | 9.058886,3.269046,2.593978 162 | 0.636426,1.120499,0.995884 163 | 0.336109,2.012205,1.686100 164 | 3.982090,7.295805,4.646528 165 | 8.502089,2.900367,1.383901 166 | 8.411020,3.793458,1.275092 167 | 9.040319,3.843406,1.874296 168 | 0.247804,0.806606,0.650107 169 | 8.427576,2.604049,0.456012 170 | 0.810976,2.754529,0.636465 171 | 0.275011,1.000156,1.186106 172 | 8.911152,2.494825,0.566387 173 | 0.153327,1.653700,1.460601 174 | 8.523048,3.095373,0.589397 175 | 1.522391,4.769839,2.665058 176 | 0.195749,1.049761,0.719278 177 | 8.312818,2.331198,0.729181 178 | 0.171620,0.916378,0.815736 179 | 0.352346,2.368344,1.320398 180 | 0.515891,1.028948,0.874567 181 | 9.339768,2.886468,1.349070 182 | 8.296884,1.923082,1.002766 183 | 3.022819,7.373749,4.032431 184 | 8.489130,1.351760,0.449928 185 | 1.184988,2.269872,2.082971 186 | 0.371266,2.567170,1.099842 187 | 0.468808,2.817449,1.844005 188 | 0.425232,1.844222,0.557234 189 | 9.014980,4.507872,1.776801 190 | 0.222157,0.592936,0.521242 191 | 4.046082,7.536600,4.222145 192 | 0.238204,2.564666,1.575789 193 | 1.240922,2.168083,1.502883 194 | 10.433705,6.461075,3.475110 195 | 0.314931,1.039115,0.680739 196 | 1.451664,1.558393,1.602786 197 | 1.736866,4.734849,4.432062 198 | 0.628949,1.697103,0.435750 199 | 0.449131,3.131029,2.016722 200 | 8.523595,1.623474,1.266398 201 | 0.040582,0.922625,0.927941 202 | 0.472394,1.545607,0.636597 203 | 8.532705,3.004541,1.460730 204 | 0.310981,1.157695,0.627973 205 | 0.218625,0.977401,0.766808 206 | 0.670316,2.722494,2.006199 207 | 0.905937,1.654372,0.971739 208 | 0.323075,0.930271,1.273253 209 | 0.790048,2.535953,1.121928 210 | 9.115293,3.663630,2.924928 211 | 0.662007,1.665957,0.294468 212 | 0.512026,2.891798,1.572671 213 | 8.935641,3.741523,2.651880 214 | 0.117473,0.608852,0.980465 215 | 0.206453,0.989668,0.597444 216 | 8.452494,2.435893,0.538450 217 | 8.702422,1.146544,0.422769 218 | 0.210479,0.573462,0.387635 219 | 0.419258,2.365166,1.533837 220 | 10.786237,5.408289,2.686115 221 | 8.428834,2.229696,0.691259 222 | 8.294579,1.572145,0.758522 223 | 0.239817,0.861799,0.524313 224 | 0.362296,1.618802,0.575706 225 | 8.389054,2.240563,1.048868 226 | 8.612316,2.545659,0.719848 227 | 1.074865,3.886403,2.025140 228 | 0.508688,1.402616,0.332383 229 | 8.425078,2.377200,1.280823 230 | 0.297060,2.373675,1.137860 231 | 0.367342,0.926787,1.363977 232 | 1.177067,1.400189,1.142220 233 | 8.313266,2.456060,1.011118 234 | 4.395837,8.148000,7.239102 235 | 0.224256,1.158848,0.794959 236 | 8.713699,3.447888,1.532337 237 | 8.672315,1.711444,1.010448 238 | 0.808111,2.480332,1.416230 239 | 0.548636,2.870988,1.223780 240 | 8.336142,2.730794,0.758457 241 | 0.405567,1.039572,1.274075 242 | 0.080963,0.950537,0.819997 243 | 8.801383,1.785666,0.391460 244 | 1.454945,4.995849,2.543083 245 | 0.609886,0.988316,1.049028 246 | 0.457007,1.730704,1.486166 247 | 8.310186,2.386801,0.792389 248 | 0.326252,1.013333,0.869119 249 | 0.439187,1.575354,1.054301 250 | 0.485074,1.061469,0.930692 251 | 0.293385,0.790705,0.372662 252 | 0.349582,1.541351,0.542061 253 | 1.806217,4.601192,2.320063 254 | 0.713618,3.686940,1.954061 255 | 0.658506,2.752027,1.502197 256 | 8.753541,1.794091,0.758855 257 | 8.402844,2.953707,0.490673 258 | 0.251092,0.589211,0.353386 259 | 8.450861,1.606927,1.007470 260 | 0.164760,2.010263,1.248008 261 | 8.446593,2.883845,0.497687 262 | 0.095081,1.186201,0.909256 263 | 1.810254,3.686481,4.105268 264 | 0.114564,1.030723,0.797229 265 | 0.657668,3.129261,1.806711 266 | 1.087419,2.877237,1.096033 267 | 0.174393,1.170918,1.091996 268 | 0.384258,1.332119,0.579866 269 | 0.534635,1.107834,1.033291 270 | 11.078857,7.280873,4.113969 271 | 0.773516,0.555519,1.354672 272 | 0.415811,2.060044,1.521739 273 | 1.992167,4.293245,2.095859 274 | 0.596613,2.102660,1.451546 275 | 0.530457,3.701290,1.958088 276 | 0.422370,1.733539,0.679203 277 | 1.620946,3.849056,2.878424 278 | 8.407013,2.862745,1.520150 279 | 0.492548,2.640833,1.802385 280 | 8.322953,2.214049,0.764260 281 | 0.473696,2.398222,1.974496 282 | 0.182215,2.168214,1.529883 283 | 0.303983,1.071495,0.737671 284 | 0.747365,1.052178,1.016036 285 | 0.160820,0.935138,0.732279 286 | 2.484583,4.034882,2.178248 287 | 8.553423,1.866186,0.647129 288 | 0.914709,2.841075,2.330687 289 | 0.656210,2.921651,1.350556 290 | 0.680418,3.484405,2.128120 291 | 0.795271,2.699636,0.369725 292 | 0.474119,1.021047,1.455383 293 | 0.542519,3.288090,1.024238 294 | 0.263328,1.078876,0.638508 295 | 0.267990,0.783992,0.676976 296 | 0.437978,2.574785,1.738848 297 | 0.930373,3.567299,1.916579 298 | 8.399899,1.503291,0.635950 299 | 1.018645,3.839117,2.040820 300 | 3.034389,4.951706,5.521855 301 | 0.592875,1.741222,0.422270 302 | 0.655322,3.428484,2.477721 303 | 1.033824,1.030719,1.160631 304 | 0.178849,2.365549,1.249716 305 | 0.314235,1.253710,1.097658 306 | 0.036308,0.912992,0.717740 307 | 0.150960,0.793591,0.632481 308 | 0.458464,2.057993,1.929665 309 | 8.368999,1.364061,0.767632 310 | 8.590105,2.112546,0.939186 311 | 8.599898,3.211763,1.934192 312 | 9.880498,5.979363,2.761897 313 | 8.456168,2.676070,0.513349 314 | 8.496500,1.888285,1.336872 315 | 3.019268,5.053047,3.544825 316 | 0.389189,0.838125,1.316674 317 | 0.189822,1.108167,1.225708 318 | 8.537651,3.474593,1.890115 319 | 8.548762,3.447329,1.468676 320 | 0.613714,1.066467,1.377297 321 | 0.565702,1.733647,2.173466 322 | 8.439293,2.487272,1.311829 323 | 0.229719,2.334352,1.500333 324 | 1.031070,1.315170,0.960431 325 | 8.547679,2.906327,1.423023 326 | 0.380173,0.749612,0.882341 327 | 1.110232,1.618356,0.670959 328 | 0.312633,0.585780,0.882642 329 | 0.652995,1.863358,1.052248 330 | 0.751603,2.191420,1.058570 331 | 0.682945,1.800466,0.842747 332 | 8.371855,1.842138,0.846643 333 | 0.548717,0.784870,0.681949 334 | 0.318373,0.575797,0.971320 335 | 8.814579,1.986574,0.410308 336 | 0.086856,0.708574,1.116236 337 | 0.297333,1.035632,0.889098 338 | 0.317685,0.564337,0.588377 339 | 8.383533,2.459985,0.951404 340 | 8.400288,1.353391,1.388723 341 | 8.408144,2.636864,0.473503 342 | 0.522527,2.256265,1.438815 343 | 0.337654,1.623221,1.053628 344 | 0.543992,0.982769,1.420007 345 | 2.443390,6.195327,2.995907 346 | 8.386365,2.571064,1.303266 347 | 1.235600,1.487004,0.660989 348 | 8.848782,4.536782,2.087579 349 | 0.543306,3.156417,1.786975 350 | 8.874408,2.299747,1.058246 351 | 0.075375,0.812722,0.977444 352 | 0.100240,1.066724,0.806594 353 | 0.512217,3.557118,2.467069 354 | 8.495622,3.207855,1.308521 355 | 8.758917,3.444705,2.305769 356 | 8.438795,2.688161,0.539058 357 | 8.393008,2.145873,1.232246 358 | 8.476270,2.071330,0.798502 359 | 8.376006,1.941874,0.738470 360 | 0.553070,2.987806,1.452780 361 | 8.754288,2.631690,1.632381 362 | 8.388618,1.496643,0.884991 363 | 0.891866,3.256800,1.989907 364 | 8.337818,2.559466,0.883079 365 | 0.858616,2.523697,2.015890 366 | 9.105850,2.144482,1.576714 367 | 10.217643,4.357726,4.178561 368 | 0.337545,0.620425,0.814878 369 | 0.509503,1.054945,1.200105 370 | 2.487028,5.542946,3.926305 371 | 2.774696,4.519313,5.517606 372 | 8.811602,1.598368,1.911029 373 | 1.210687,2.576763,0.316156 374 | 8.946869,1.922134,1.458213 375 | 8.699267,1.189214,0.411286 376 | 8.392092,2.839155,0.883695 377 | 8.375284,2.872471,1.530591 378 | 11.199260,5.546807,2.954935 379 | 0.314089,0.611342,0.863223 380 | 8.616759,1.736554,1.059622 381 | 0.733161,3.309187,2.533518 382 | 0.661822,0.936385,1.294349 383 | 1.991729,5.575341,2.573598 384 | 8.348560,1.654602,0.803845 385 | 8.747922,2.538365,0.889459 386 | 0.536009,1.109586,0.858417 387 | 0.613819,0.584257,0.674587 388 | 8.456199,2.446766,1.387669 389 | 0.260446,2.545887,1.115706 390 | 8.385452,2.167167,1.321530 391 | 8.481644,2.360350,0.530011 392 | 0.143867,0.573603,0.955987 393 | 10.247768,6.055544,3.305987 394 | 8.934522,2.496051,1.797470 395 | 2.567034,5.479275,3.598708 396 | 8.545431,3.079978,1.400526 397 | 0.259682,0.633471,0.400950 398 | 0.172570,1.727819,1.103284 399 | 0.361319,1.625832,1.203995 400 | 9.220766,4.332440,2.535171 401 | 0.126655,0.958706,0.713711 402 | 8.459896,2.809297,1.306004 403 | 0.304182,2.555966,1.420256 404 | 8.418491,3.385185,0.615227 405 | 8.394139,2.812981,0.463448 406 | 0.361749,1.485235,0.770603 407 | 8.459029,2.817606,0.495235 408 | 0.164345,1.008093,0.591189 409 | 0.469073,2.758476,1.393521 410 | 8.715940,2.742054,1.715645 411 | 9.351137,5.136215,2.943001 412 | 0.372386,1.451576,1.210699 413 | 1.172538,1.849680,0.502621 414 | 0.719656,1.124230,0.653778 415 | 0.721312,2.583979,0.659892 416 | 0.599803,1.729179,0.820915 417 | 8.543697,3.088301,1.784206 418 | 8.471831,2.594558,0.486994 419 | 8.535820,2.763165,1.236506 420 | 0.644783,2.773572,1.646133 421 | 8.415886,1.937750,0.458025 422 | 8.528150,1.707023,0.879882 423 | 1.533068,5.678340,2.816825 424 | 8.441474,3.090111,0.858887 425 | 0.664113,2.752491,1.362360 426 | 8.549387,1.314831,1.029008 427 | 0.530177,2.418218,1.210651 428 | 8.548440,3.690288,1.582177 429 | 8.424534,2.664980,0.855513 430 | 0.166274,0.552575,0.579590 431 | 0.471832,0.995811,1.103977 432 | 0.237514,0.527323,0.659481 433 | 0.146306,0.993697,0.902346 434 | 0.291103,0.642202,0.539136 435 | 0.404891,0.635408,0.914264 436 | 0.506933,2.558506,1.068738 437 | 8.410363,3.207953,1.236356 438 | 0.092526,1.297019,0.716173 439 | 0.205973,2.300703,1.437709 440 | 8.581196,2.622181,1.056418 441 | 8.838003,2.013554,1.220177 442 | 8.515078,2.478611,0.894449 443 | 10.625207,4.926491,2.895437 444 | 8.439102,3.181798,1.319113 445 | 8.732206,2.648737,1.259760 446 | 8.323968,2.596026,0.766585 447 | 8.451743,3.252048,0.626950 448 | 8.459264,2.628993,0.825514 449 | 0.779770,0.790660,1.276782 450 | 2.183004,6.323747,4.676180 451 | 0.451485,1.124365,0.734334 452 | 0.255736,2.233244,1.563831 453 | 0.527678,1.766707,0.496356 454 | 8.364228,2.625045,0.832041 455 | 0.648890,2.359868,1.794773 456 | 1.159872,4.349582,3.444367 457 | 2.196914,5.430135,4.371849 458 | 8.736559,1.697289,0.594968 459 | 1.263424,1.087532,1.822006 460 | 0.363504,2.800384,1.394307 461 | 8.519955,1.582683,0.552139 462 | 0.374090,1.192252,1.232728 463 | -------------------------------------------------------------------------------- /Data/Role_feature.csv: -------------------------------------------------------------------------------- 1 | 1.315326,7.709130,27.980504,15.822037,31.587135,9.133519,30.232867,17.426232,30.137947,9.752965,0.110568,9.943043,0.980952,1.995256,0.399314,1.103206,0.892051,28.328978,0.442811,0.018255,0.006902,0.008192,0.010063,0.332872,0.001449,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000,0.000000 2 | -------------------------------------------------------------------------------- /Data/TNM0961/Mix/Mix_loss.csv: -------------------------------------------------------------------------------- 1 | 8.438494,2.103433,1.314391 2 | 9.058886,3.269046,2.593978 3 | 8.381358,1.773373,0.939855 4 | 8.407444,3.021165,1.315377 5 | 8.814282,2.545475,1.943480 6 | 8.294579,1.572145,0.758522 7 | 8.715940,2.742054,1.715645 8 | 8.441056,2.066675,1.192675 9 | 8.272681,1.915584,0.810831 10 | 8.495622,3.207855,1.308521 11 | 8.590105,2.112546,0.939186 12 | 8.383533,2.459985,0.951404 13 | 8.427933,2.563501,1.315970 14 | 8.364745,2.111220,0.898339 15 | 8.713699,3.447888,1.532337 16 | 8.396758,2.422577,0.500125 17 | 8.423236,2.092769,1.317483 18 | 8.393219,2.487949,0.463153 19 | 8.343402,1.762648,0.795688 20 | 8.471831,2.594558,0.486994 21 | 8.392092,2.839155,0.883695 22 | 8.764578,3.674926,1.587847 23 | 8.336142,2.730794,0.758457 24 | 8.323968,2.596026,0.766585 25 | 8.740105,2.662458,0.397342 26 | 8.368847,2.327071,0.857763 27 | 9.017402,3.710353,2.379519 28 | 8.459029,2.817606,0.495235 29 | 8.672315,1.711444,1.010448 30 | 8.449929,3.044587,0.431783 31 | 8.428834,2.229696,0.691259 32 | 8.548762,3.447329,1.468676 33 | 8.397006,2.450523,0.481201 34 | 8.411020,3.793458,1.275092 35 | 8.310186,2.386801,0.792389 36 | 8.411519,3.176193,0.499993 37 | 8.714025,1.655816,1.012716 38 | 8.400288,1.353391,1.388723 39 | 8.752260,1.354133,0.432718 40 | 8.759815,1.381824,0.708093 41 | 8.547679,2.906327,1.423023 42 | 8.371855,1.842138,0.846643 43 | 8.811602,1.598368,1.911029 44 | 8.406359,2.262225,1.341699 45 | 9.220766,4.332440,2.535171 46 | 8.546918,1.883327,0.996956 47 | 8.491974,2.958692,1.642833 48 | 8.520256,3.174113,1.401535 49 | 8.736559,1.697289,0.594968 50 | 8.753541,1.794091,0.758855 51 | 8.341845,2.153440,0.814759 52 | 8.375284,2.872471,1.530591 53 | 8.909115,1.197747,2.240796 54 | 8.805411,3.994123,2.402589 55 | 8.348560,1.654602,0.803845 56 | 8.479101,1.061008,1.102427 57 | 8.385452,2.167167,1.321530 58 | 8.319701,1.427551,0.781068 59 | 8.446593,2.883845,0.497687 60 | 8.407013,2.862745,1.520150 61 | 8.460568,2.541027,0.924708 62 | 8.553423,1.866186,0.647129 63 | 8.548440,3.690288,1.582177 64 | 8.946869,1.922134,1.458213 65 | 8.408144,2.636864,0.473503 66 | 8.372150,2.348984,1.089025 67 | 8.747922,2.538365,0.889459 68 | 8.462405,2.146247,1.005458 69 | 8.339534,2.828341,0.785202 70 | 8.874408,2.299747,1.058246 71 | 8.507892,2.695457,1.716967 72 | 8.838003,2.013554,1.220177 73 | 9.639424,2.414516,2.284473 74 | 8.758917,3.444705,2.305769 75 | 8.408802,3.176922,0.496032 76 | 8.364228,2.625045,0.832041 77 | 8.388498,2.587410,1.225611 78 | 8.313266,2.456060,1.011118 79 | 9.339768,2.886468,1.349070 80 | 8.386365,2.571064,1.303266 81 | 8.429743,3.014831,1.280086 82 | 8.476270,2.071330,0.798502 83 | 8.394139,2.812981,0.463448 84 | 8.439293,2.487272,1.311829 85 | 8.412318,1.503092,0.447405 86 | 8.383801,2.795225,0.457903 87 | 8.732206,2.648737,1.259760 88 | 8.935641,3.741523,2.651880 89 | 8.393008,2.145873,1.232246 90 | 8.543697,3.088301,1.784206 91 | 8.848782,4.536782,2.087579 92 | 8.489130,1.351760,0.449928 93 | 8.519955,1.582683,0.552139 94 | 8.751620,3.066262,1.284410 95 | 8.580907,2.904911,1.938518 96 | 8.583450,2.604849,0.679630 97 | 8.492373,1.994650,0.504246 98 | 8.438795,2.688161,0.539058 99 | 8.522220,3.099766,1.455085 100 | 8.420848,2.629049,0.409784 101 | 8.515078,2.478611,0.894449 102 | 8.364662,1.990343,0.902827 103 | 8.456168,2.676070,0.513349 104 | 8.811081,1.233281,0.750719 105 | 8.376006,1.941874,0.738470 106 | 8.466075,1.915017,0.510662 107 | 8.539961,2.580693,0.690389 108 | 8.502377,1.547029,0.995536 109 | 8.427576,2.604049,0.456012 110 | 8.560788,1.530803,0.586360 111 | 8.304994,2.291285,0.765044 112 | 8.817058,3.453852,1.687259 113 | 8.546737,2.706180,0.529939 114 | 8.402844,2.953707,0.490673 115 | 8.410363,3.207953,1.236356 116 | 8.424534,2.664980,0.855513 117 | 9.029886,3.585810,2.298889 118 | 8.754288,2.631690,1.632381 119 | 8.916907,2.846537,1.305272 120 | 8.707742,2.274245,0.409849 121 | 8.660476,2.802389,1.551556 122 | 8.502118,2.442836,1.403386 123 | 8.459264,2.628993,0.825514 124 | 8.337818,2.559466,0.883079 125 | 8.389054,2.240563,1.048868 126 | 8.344789,1.731077,0.831097 127 | 8.673031,2.236430,1.376157 128 | 8.699267,1.189214,0.411286 129 | 8.702422,1.146544,0.422769 130 | 9.351137,5.136215,2.943001 131 | 8.415886,1.937750,0.458025 132 | 8.496500,1.888285,1.336872 133 | 8.431332,3.058445,1.309142 134 | 8.502089,2.900367,1.383901 135 | 8.398652,2.662617,0.602449 136 | 8.416549,2.320288,1.276176 137 | 8.599898,3.211763,1.934192 138 | 8.296884,1.923082,1.002766 139 | 8.911101,3.535846,2.176122 140 | 8.347297,2.103223,0.791113 141 | 8.296774,1.747242,0.759938 142 | 8.388602,2.414748,0.811142 143 | 8.459896,2.809297,1.306004 144 | 8.416813,2.044799,0.987784 145 | 8.383502,1.776047,0.764189 146 | 8.378563,1.904608,0.814019 147 | 8.425078,2.377200,1.280823 148 | 8.545431,3.079978,1.400526 149 | 8.554367,2.319573,1.280935 150 | 9.115293,3.663630,2.924928 151 | 8.535820,2.763165,1.236506 152 | 8.368999,1.364061,0.767632 153 | 8.911152,2.494825,0.566387 154 | 8.388618,1.496643,0.884991 155 | 8.322953,2.214049,0.764260 156 | 8.481644,2.360350,0.530011 157 | 8.748828,1.366906,0.744969 158 | 8.581196,2.622181,1.056418 159 | 8.528150,1.707023,0.879882 160 | 8.801383,1.785666,0.391460 161 | 8.781412,1.126143,0.373703 162 | 8.536389,3.117364,0.604118 163 | 8.452494,2.435893,0.538450 164 | 8.422713,3.084778,0.458072 165 | 8.814579,1.986574,0.410308 166 | 8.612316,2.545659,0.719848 167 | 8.399899,1.503291,0.635950 168 | 8.301667,2.688449,0.846972 169 | 8.434302,1.627909,0.438653 170 | 8.557969,3.072935,0.962272 171 | 8.312818,2.331198,0.729181 172 | 8.523048,3.095373,0.589397 173 | 8.537651,3.474593,1.890115 174 | 8.416339,1.949861,0.567003 175 | 8.531081,2.879849,1.604270 176 | 8.483468,2.469307,0.943342 177 | 9.105850,2.144482,1.576714 178 | 8.501529,2.603240,0.681952 179 | 8.342267,2.186644,0.971654 180 | 8.566264,2.515623,1.054205 181 | 8.781580,4.473803,2.022682 182 | 8.768699,4.135414,2.059272 183 | 8.474094,3.798131,1.691270 184 | 8.436640,2.445604,1.238292 185 | 8.736841,2.967211,2.061729 186 | 8.451743,3.252048,0.626950 187 | 8.616759,1.736554,1.059622 188 | 8.456199,2.446766,1.387669 189 | 8.577905,2.152098,1.360389 190 | 8.350209,2.317692,0.800043 191 | 8.450861,1.606927,1.007470 192 | 8.439102,3.181798,1.319113 193 | 8.549387,1.314831,1.029008 194 | 8.320395,1.664405,0.767188 195 | 8.441474,3.090111,0.858887 196 | 8.525876,3.771095,0.998783 197 | 9.419466,4.251308,2.379355 198 | 9.014980,4.507872,1.776801 199 | 10.247768,6.055544,3.305987 200 | 10.625207,4.926491,2.895437 201 | 10.555489,5.973510,3.024523 202 | 9.880498,5.979363,2.761897 203 | 9.968710,5.500611,2.471940 204 | 8.820366,3.078389,1.666288 205 | 11.399077,8.465838,4.772839 206 | 9.524328,4.762858,2.433106 207 | 8.629365,3.408236,0.857203 208 | 11.199260,5.546807,2.954935 209 | 11.078857,7.280873,4.113969 210 | 11.729384,7.534455,4.194629 211 | 9.849153,4.984678,2.315669 212 | 9.551807,5.105161,2.264947 213 | 11.516547,8.612507,5.791750 214 | 10.786237,5.408289,2.686115 215 | 8.934522,2.496051,1.797470 216 | 10.433705,6.461075,3.475110 217 | 8.523595,1.623474,1.266398 218 | 8.469971,3.202813,0.517755 219 | 14.027982,6.038536,9.378358 220 | 8.388230,2.038394,1.069805 221 | 8.643072,2.409251,0.940767 222 | 9.382973,5.074200,3.143921 223 | 10.217643,4.357726,4.178561 224 | 8.568315,1.679289,0.587568 225 | 8.491400,2.028130,1.042422 226 | 8.532705,3.004541,1.460730 227 | 9.040319,3.843406,1.874296 228 | 11.305918,5.627711,5.711239 229 | 10.327218,4.688851,4.871512 230 | 8.418491,3.385185,0.615227 231 | -------------------------------------------------------------------------------- /Data/TNM0961/Mix/label_loss.csv: -------------------------------------------------------------------------------- 1 | 0,1 2 | 0,1 3 | 0,1 4 | 0,1 5 | 0,1 6 | 0,1 7 | 0,1 8 | 0,1 9 | 0,1 10 | 0,1 11 | 0,1 12 | 0,1 13 | 0,1 14 | 0,1 15 | 0,1 16 | 0,1 17 | 0,1 18 | 0,1 19 | 0,1 20 | 0,1 21 | 0,1 22 | 0,1 23 | 0,1 24 | 0,1 25 | 0,1 26 | 0,1 27 | 0,1 28 | 0,1 29 | 0,1 30 | 0,1 31 | 0,1 32 | 0,1 33 | 0,1 34 | 0,1 35 | 0,1 36 | 0,1 37 | 0,1 38 | 0,1 39 | 0,1 40 | 0,1 41 | 0,1 42 | 0,1 43 | 0,1 44 | 0,1 45 | 0,1 46 | 0,1 47 | 0,1 48 | 0,1 49 | 0,1 50 | 0,1 51 | 0,1 52 | 0,1 53 | 0,1 54 | 0,1 55 | 0,1 56 | 0,1 57 | 0,1 58 | 0,1 59 | 0,1 60 | 0,1 61 | 0,1 62 | 0,1 63 | 0,1 64 | 0,1 65 | 0,1 66 | 0,1 67 | 0,1 68 | 0,1 69 | 0,1 70 | 0,1 71 | 0,1 72 | 0,1 73 | 0,1 74 | 0,1 75 | 0,1 76 | 0,1 77 | 0,1 78 | 0,1 79 | 0,1 80 | 0,1 81 | 0,1 82 | 0,1 83 | 0,1 84 | 0,1 85 | 0,1 86 | 0,1 87 | 0,1 88 | 0,1 89 | 0,1 90 | 0,1 91 | 0,1 92 | 0,1 93 | 0,1 94 | 0,1 95 | 0,1 96 | 0,1 97 | 0,1 98 | 0,1 99 | 0,1 100 | 0,1 101 | 0,1 102 | 0,1 103 | 0,1 104 | 0,1 105 | 0,1 106 | 0,1 107 | 0,1 108 | 0,1 109 | 0,1 110 | 0,1 111 | 0,1 112 | 0,1 113 | 0,1 114 | 0,1 115 | 0,1 116 | 0,1 117 | 0,1 118 | 0,1 119 | 0,1 120 | 0,1 121 | 0,1 122 | 0,1 123 | 0,1 124 | 0,1 125 | 0,1 126 | 0,1 127 | 0,1 128 | 0,1 129 | 0,1 130 | 0,1 131 | 0,1 132 | 0,1 133 | 0,1 134 | 0,1 135 | 0,1 136 | 0,1 137 | 0,1 138 | 0,1 139 | 0,1 140 | 0,1 141 | 0,1 142 | 0,1 143 | 0,1 144 | 0,1 145 | 0,1 146 | 0,1 147 | 0,1 148 | 0,1 149 | 0,1 150 | 0,1 151 | 0,1 152 | 0,1 153 | 0,1 154 | 0,1 155 | 0,1 156 | 0,1 157 | 0,1 158 | 0,1 159 | 0,1 160 | 0,1 161 | 0,1 162 | 0,1 163 | 0,1 164 | 0,1 165 | 0,1 166 | 0,1 167 | 0,1 168 | 0,1 169 | 0,1 170 | 0,1 171 | 0,1 172 | 0,1 173 | 0,1 174 | 0,1 175 | 0,1 176 | 0,1 177 | 0,1 178 | 0,1 179 | 0,1 180 | 0,1 181 | 0,1 182 | 0,1 183 | 0,1 184 | 0,1 185 | 0,1 186 | 0,1 187 | 0,1 188 | 0,1 189 | 0,1 190 | 0,1 191 | 0,1 192 | 0,1 193 | 0,1 194 | 0,1 195 | 0,1 196 | 0,1 197 | 0,1 198 | 1,0 199 | 1,0 200 | 1,0 201 | 1,0 202 | 1,0 203 | 1,0 204 | 1,0 205 | 1,0 206 | 1,0 207 | 1,0 208 | 1,0 209 | 1,0 210 | 1,0 211 | 1,0 212 | 1,0 213 | 1,0 214 | 1,0 215 | 1,0 216 | 1,0 217 | 1,0 218 | 1,0 219 | 1,0 220 | 1,0 221 | 1,0 222 | 1,0 223 | 1,0 224 | 1,0 225 | 1,0 226 | 1,0 227 | 1,0 228 | 1,0 229 | 1,0 230 | 1,0 231 | -------------------------------------------------------------------------------- /Data/TNM0961/Model/Action/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/Model/Action/model.h5 -------------------------------------------------------------------------------- /Data/TNM0961/Model/Feature/model.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/Model/Feature/model.h5 -------------------------------------------------------------------------------- /Data/TNM0961/Model/Role_features.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/Model/Role_features.jpg -------------------------------------------------------------------------------- /Data/TNM0961/Model/Role_loss.csv: -------------------------------------------------------------------------------- 1 | 1.314391 2 | 2.593978 3 | 0.939855 4 | 1.315377 5 | 1.943480 6 | 0.758522 7 | 1.715645 8 | 1.192675 9 | 0.810831 10 | 1.308521 11 | 0.939186 12 | 0.951404 13 | 1.315970 14 | 0.898339 15 | 1.532337 16 | 0.500125 17 | 1.317483 18 | 0.463153 19 | 0.795688 20 | 0.486994 21 | 0.883695 22 | 1.587847 23 | 0.758457 24 | 0.766585 25 | 0.397342 26 | 0.857763 27 | 2.379519 28 | 0.495235 29 | 1.010448 30 | 0.431783 31 | 0.691259 32 | 1.468676 33 | 0.481201 34 | 1.275092 35 | 0.792389 36 | 0.499993 37 | 1.012716 38 | 1.388723 39 | 0.432718 40 | 0.708093 41 | 1.423023 42 | 0.846643 43 | 1.911029 44 | 1.341699 45 | 2.535171 46 | 0.996956 47 | 1.642833 48 | 1.401535 49 | 0.594968 50 | 0.758855 51 | 0.814759 52 | 1.530591 53 | 2.240796 54 | 2.402589 55 | 0.803845 56 | 1.102427 57 | 1.321530 58 | 0.781068 59 | 0.497687 60 | 1.520150 61 | 0.924708 62 | 0.647129 63 | 1.582177 64 | 1.458213 65 | 0.473503 66 | 1.089025 67 | 0.889459 68 | 1.005458 69 | 0.785202 70 | 1.058246 71 | 1.716967 72 | 1.220177 73 | 2.284473 74 | 2.305769 75 | 0.496032 76 | 0.832041 77 | 1.225611 78 | 1.011118 79 | 1.349070 80 | 1.303266 81 | 1.280086 82 | 0.798502 83 | 0.463448 84 | 1.311829 85 | 0.447405 86 | 0.457903 87 | 1.259760 88 | 2.651880 89 | 1.232246 90 | 1.784206 91 | 2.087579 92 | 0.449928 93 | 0.552139 94 | 1.284410 95 | 1.938518 96 | 0.679630 97 | 0.504246 98 | 0.539058 99 | 1.455085 100 | 0.409784 101 | 0.894449 102 | 0.902827 103 | 0.513349 104 | 0.750719 105 | 0.738470 106 | 0.510662 107 | 0.690389 108 | 0.995536 109 | 0.456012 110 | 0.586360 111 | 0.765044 112 | 1.687259 113 | 0.529939 114 | 0.490673 115 | 1.236356 116 | 0.855513 117 | 2.298889 118 | 1.632381 119 | 1.305272 120 | 0.409849 121 | 1.551556 122 | 1.403386 123 | 0.825514 124 | 0.883079 125 | 1.048868 126 | 0.831097 127 | 1.376157 128 | 0.411286 129 | 0.422769 130 | 2.943001 131 | 0.458025 132 | 1.336872 133 | 1.309142 134 | 1.383901 135 | 0.602449 136 | 1.276176 137 | 1.934192 138 | 1.002766 139 | 2.176122 140 | 0.791113 141 | 0.759938 142 | 0.811142 143 | 1.306004 144 | 0.987784 145 | 0.764189 146 | 0.814019 147 | 1.280823 148 | 1.400526 149 | 1.280935 150 | 2.924928 151 | 1.236506 152 | 0.767632 153 | 0.566387 154 | 0.884991 155 | 0.764260 156 | 0.530011 157 | 0.744969 158 | 1.056418 159 | 0.879882 160 | 0.391460 161 | 0.373703 162 | 0.604118 163 | 0.538450 164 | 0.458072 165 | 0.410308 166 | 0.719848 167 | 0.635950 168 | 0.846972 169 | 0.438653 170 | 0.962272 171 | 0.729181 172 | 0.589397 173 | 1.890115 174 | 0.567003 175 | 1.604270 176 | 0.943342 177 | 1.576714 178 | 0.681952 179 | 0.971654 180 | 1.054205 181 | 2.022682 182 | 2.059272 183 | 1.691270 184 | 1.238292 185 | 2.061729 186 | 0.626950 187 | 1.059622 188 | 1.387669 189 | 1.360389 190 | 0.800043 191 | 1.007470 192 | 1.319113 193 | 1.029008 194 | 0.767188 195 | 0.858887 196 | 0.998783 197 | 2.379355 198 | 1.776801 199 | 3.305987 200 | 2.895437 201 | 3.024523 202 | 2.761897 203 | 2.471940 204 | 1.666288 205 | 4.772839 206 | 2.433106 207 | 0.857203 208 | 2.954935 209 | 4.113969 210 | 4.194629 211 | 2.315669 212 | 2.264947 213 | 5.791750 214 | 2.686115 215 | 1.797470 216 | 3.475110 217 | 1.266398 218 | 0.517755 219 | 9.378358 220 | 1.069805 221 | 0.940767 222 | 3.143921 223 | 4.178561 224 | 0.587568 225 | 1.042422 226 | 1.460730 227 | 1.874296 228 | 5.711239 229 | 4.871512 230 | 0.615227 231 | -------------------------------------------------------------------------------- /Data/TNM0961/feature/loss_all.csv: -------------------------------------------------------------------------------- 1 | 25.460861 2 | 27.674410 3 | 16.621763 4 | 19.147272 5 | 26.941660 6 | 44.904213 7 | 24.510391 8 | 21.770527 9 | 27.572285 10 | 10.781015 11 | 24.452896 12 | 23.866499 13 | 11.601236 14 | 32.491436 15 | 19.583893 16 | 53.443821 17 | 30.508984 18 | 18.702745 19 | 42.591606 20 | 21.280472 21 | 37.339638 22 | 33.846272 23 | 9.979418 24 | 16.402826 25 | 20.792015 26 | 13.439078 27 | 9.776121 28 | 40.105820 29 | 28.074615 30 | 62.632469 31 | 51.346806 32 | 13.578714 33 | 30.816940 34 | 21.977081 35 | 28.431234 36 | 36.355164 37 | 28.065302 38 | 12.091611 39 | 53.127533 40 | 38.716019 41 | 33.075287 42 | 17.146645 43 | 47.466488 44 | 32.333420 45 | 59.045055 46 | 34.890858 47 | 19.331524 48 | 30.090094 49 | 64.492722 50 | 27.215439 51 | 42.769619 52 | 30.489466 53 | 63.047211 54 | 50.418606 55 | 47.645901 56 | 63.019875 57 | 43.142662 58 | 11.190231 59 | 15.724766 60 | 9.507806 61 | 14.648286 62 | 15.008888 63 | 18.057451 64 | 23.961102 65 | 9.403742 66 | 26.753981 67 | 32.506886 68 | 21.120409 69 | 16.249298 70 | 39.809593 71 | 50.136436 72 | 21.079668 73 | 41.601875 74 | 11.125502 75 | 45.289024 76 | 15.261258 77 | 29.531464 78 | 25.170210 79 | 15.940626 80 | 42.631187 81 | 47.909943 82 | 13.817852 83 | 49.846024 84 | 33.461163 85 | 20.220377 86 | 9.401962 87 | 49.526363 88 | 28.062872 89 | 24.524563 90 | 41.605286 91 | 18.501505 92 | 12.548429 93 | 28.064520 94 | 53.574852 95 | 16.763433 96 | 10.308329 97 | 44.645065 98 | 13.799778 99 | 30.588385 100 | 23.766951 101 | 11.982407 102 | 23.645346 103 | 46.226498 104 | 58.591270 105 | 16.639301 106 | 12.344326 107 | 12.560997 108 | 32.196838 109 | 49.996040 110 | 21.433380 111 | 40.476025 112 | 48.227745 113 | 30.758410 114 | 18.110888 115 | 9.152665 116 | 29.378767 117 | 13.964791 118 | 59.162315 119 | 14.681699 120 | 18.046301 121 | 26.803888 122 | 23.717442 123 | 29.441875 124 | 19.792652 125 | 23.585403 126 | 52.061272 127 | 28.139797 128 | 10.583922 129 | 42.869781 130 | 42.359184 131 | 18.947218 132 | 14.857329 133 | 42.030930 134 | 17.497055 135 | 12.590354 136 | 32.866276 137 | 33.635292 138 | 30.298620 139 | 16.478815 140 | 17.808916 141 | 42.801647 142 | 24.768267 143 | 26.783991 144 | 20.750910 145 | 25.605474 146 | 19.370811 147 | 34.088688 148 | 49.310745 149 | 11.096176 150 | 85.703926 151 | 14.000711 152 | 14.359366 153 | 27.461334 154 | 10.956668 155 | 10.291832 156 | 12.174422 157 | 49.236828 158 | 61.824482 159 | 27.042778 160 | 17.702822 161 | 9.201320 162 | 34.039997 163 | 15.494111 164 | 11.326879 165 | 18.730644 166 | 75.419083 167 | 13.499291 168 | 41.846134 169 | 16.581631 170 | 15.275407 171 | 10.280238 172 | 35.769470 173 | 20.066826 174 | 21.938545 175 | 25.405588 176 | 31.036066 177 | 16.370808 178 | 14.917462 179 | 22.536772 180 | 36.519650 181 | 21.191370 182 | 28.785872 183 | 40.083324 184 | 41.526356 185 | 17.313995 186 | 19.629339 187 | 12.917420 188 | 14.727976 189 | 21.205751 190 | 16.876019 191 | 59.692303 192 | 39.987038 193 | 34.998833 194 | 62.323231 195 | 20.972836 196 | 39.403603 197 | 44.163685 198 | 14.858231 199 | 23.420313 200 | 128.880219 201 | 22.580816 202 | 99.044762 203 | 97.881622 204 | 56.259682 205 | 20.443075 206 | 20.505962 207 | 51.497669 208 | 73.074654 209 | 24.920561 210 | 68.923401 211 | 70.864624 212 | 23.728750 213 | 36.363445 214 | 13.485141 215 | 18.651243 216 | 42.672913 217 | 27.887564 218 | 20.836672 219 | 17.331558 220 | 24.331755 221 | 17.433374 222 | 46.425400 223 | 17.158237 224 | 27.699625 225 | 18.377716 226 | 19.266094 227 | 47.135254 228 | 53.505299 229 | 15.988565 230 | 15.779157 231 | -------------------------------------------------------------------------------- /Data/TNM0961/feature/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/feature/loss_all.jpg -------------------------------------------------------------------------------- /Data/TNM0961/feature/myloss_all.csv: -------------------------------------------------------------------------------- 1 | 8.438494 2 | 9.058886 3 | 8.381358 4 | 8.407444 5 | 8.814282 6 | 8.294579 7 | 8.715940 8 | 8.441056 9 | 8.272681 10 | 8.495622 11 | 8.590105 12 | 8.383533 13 | 8.427933 14 | 8.364745 15 | 8.713699 16 | 8.396758 17 | 8.423236 18 | 8.393219 19 | 8.343402 20 | 8.471831 21 | 8.392092 22 | 8.764578 23 | 8.336142 24 | 8.323968 25 | 8.740105 26 | 8.368847 27 | 9.017402 28 | 8.459029 29 | 8.672315 30 | 8.449929 31 | 8.428834 32 | 8.548762 33 | 8.397006 34 | 8.411020 35 | 8.310186 36 | 8.411519 37 | 8.714025 38 | 8.400288 39 | 8.752260 40 | 8.759815 41 | 8.547679 42 | 8.371855 43 | 8.811602 44 | 8.406359 45 | 9.220766 46 | 8.546918 47 | 8.491974 48 | 8.520256 49 | 8.736559 50 | 8.753541 51 | 8.341845 52 | 8.375284 53 | 8.909115 54 | 8.805411 55 | 8.348560 56 | 8.479101 57 | 8.385452 58 | 8.319701 59 | 8.446593 60 | 8.407013 61 | 8.460568 62 | 8.553423 63 | 8.548440 64 | 8.946869 65 | 8.408144 66 | 8.372150 67 | 8.747922 68 | 8.462405 69 | 8.339534 70 | 8.874408 71 | 8.507892 72 | 8.838003 73 | 9.639424 74 | 8.758917 75 | 8.408802 76 | 8.364228 77 | 8.388498 78 | 8.313266 79 | 9.339768 80 | 8.386365 81 | 8.429743 82 | 8.476270 83 | 8.394139 84 | 8.439293 85 | 8.412318 86 | 8.383801 87 | 8.732206 88 | 8.935641 89 | 8.393008 90 | 8.543697 91 | 8.848782 92 | 8.489130 93 | 8.519955 94 | 8.751620 95 | 8.580907 96 | 8.583450 97 | 8.492373 98 | 8.438795 99 | 8.522220 100 | 8.420848 101 | 8.515078 102 | 8.364662 103 | 8.456168 104 | 8.811081 105 | 8.376006 106 | 8.466075 107 | 8.539961 108 | 8.502377 109 | 8.427576 110 | 8.560788 111 | 8.304994 112 | 8.817058 113 | 8.546737 114 | 8.402844 115 | 8.410363 116 | 8.424534 117 | 9.029886 118 | 8.754288 119 | 8.916907 120 | 8.707742 121 | 8.660476 122 | 8.502118 123 | 8.459264 124 | 8.337818 125 | 8.389054 126 | 8.344789 127 | 8.673031 128 | 8.699267 129 | 8.702422 130 | 9.351137 131 | 8.415886 132 | 8.496500 133 | 8.431332 134 | 8.502089 135 | 8.398652 136 | 8.416549 137 | 8.599898 138 | 8.296884 139 | 8.911101 140 | 8.347297 141 | 8.296774 142 | 8.388602 143 | 8.459896 144 | 8.416813 145 | 8.383502 146 | 8.378563 147 | 8.425078 148 | 8.545431 149 | 8.554367 150 | 9.115293 151 | 8.535820 152 | 8.368999 153 | 8.911152 154 | 8.388618 155 | 8.322953 156 | 8.481644 157 | 8.748828 158 | 8.581196 159 | 8.528150 160 | 8.801383 161 | 8.781412 162 | 8.536389 163 | 8.452494 164 | 8.422713 165 | 8.814579 166 | 8.612316 167 | 8.399899 168 | 8.301667 169 | 8.434302 170 | 8.557969 171 | 8.312818 172 | 8.523048 173 | 8.537651 174 | 8.416339 175 | 8.531081 176 | 8.483468 177 | 9.105850 178 | 8.501529 179 | 8.342267 180 | 8.566264 181 | 8.781580 182 | 8.768699 183 | 8.474094 184 | 8.436640 185 | 8.736841 186 | 8.451743 187 | 8.616759 188 | 8.456199 189 | 8.577905 190 | 8.350209 191 | 8.450861 192 | 8.439102 193 | 8.549387 194 | 8.320395 195 | 8.441474 196 | 8.525876 197 | 9.419466 198 | 9.014980 199 | 10.247768 200 | 10.625207 201 | 10.555489 202 | 9.880498 203 | 9.968710 204 | 8.820366 205 | 11.399077 206 | 9.524328 207 | 8.629365 208 | 11.199260 209 | 11.078857 210 | 11.729384 211 | 9.849153 212 | 9.551807 213 | 11.516547 214 | 10.786237 215 | 8.934522 216 | 10.433705 217 | 8.523595 218 | 8.469971 219 | 14.027982 220 | 8.388230 221 | 8.643072 222 | 9.382973 223 | 10.217643 224 | 8.568315 225 | 8.491400 226 | 8.532705 227 | 9.040319 228 | 11.305918 229 | 10.327218 230 | 8.418491 231 | -------------------------------------------------------------------------------- /Data/TNM0961/feature/myloss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/feature/myloss_all.jpg -------------------------------------------------------------------------------- /Data/TNM0961/psychometric.csv: -------------------------------------------------------------------------------- 1 | Troy Nicolas Molina,TNM0961,37,50,39,17,32 2 | -------------------------------------------------------------------------------- /Data/TNM0961/sequence/loss_all.csv: -------------------------------------------------------------------------------- 1 | 2.103433 2 | 3.269046 3 | 1.773373 4 | 3.021165 5 | 2.545475 6 | 1.572145 7 | 2.742054 8 | 2.066675 9 | 1.915584 10 | 3.207855 11 | 2.112546 12 | 2.459985 13 | 2.563501 14 | 2.111220 15 | 3.447888 16 | 2.422577 17 | 2.092769 18 | 2.487949 19 | 1.762648 20 | 2.594558 21 | 2.839155 22 | 3.674926 23 | 2.730794 24 | 2.596026 25 | 2.662458 26 | 2.327071 27 | 3.710353 28 | 2.817606 29 | 1.711444 30 | 3.044587 31 | 2.229696 32 | 3.447329 33 | 2.450523 34 | 3.793458 35 | 2.386801 36 | 3.176193 37 | 1.655816 38 | 1.353391 39 | 1.354133 40 | 1.381824 41 | 2.906327 42 | 1.842138 43 | 1.598368 44 | 2.262225 45 | 4.332440 46 | 1.883327 47 | 2.958692 48 | 3.174113 49 | 1.697289 50 | 1.794091 51 | 2.153440 52 | 2.872471 53 | 1.197747 54 | 3.994123 55 | 1.654602 56 | 1.061008 57 | 2.167167 58 | 1.427551 59 | 2.883845 60 | 2.862745 61 | 2.541027 62 | 1.866186 63 | 3.690288 64 | 1.922134 65 | 2.636864 66 | 2.348984 67 | 2.538365 68 | 2.146247 69 | 2.828341 70 | 2.299747 71 | 2.695457 72 | 2.013554 73 | 2.414516 74 | 3.444705 75 | 3.176922 76 | 2.625045 77 | 2.587410 78 | 2.456060 79 | 2.886468 80 | 2.571064 81 | 3.014831 82 | 2.071330 83 | 2.812981 84 | 2.487272 85 | 1.503092 86 | 2.795225 87 | 2.648737 88 | 3.741523 89 | 2.145873 90 | 3.088301 91 | 4.536782 92 | 1.351760 93 | 1.582683 94 | 3.066262 95 | 2.904911 96 | 2.604849 97 | 1.994650 98 | 2.688161 99 | 3.099766 100 | 2.629049 101 | 2.478611 102 | 1.990343 103 | 2.676070 104 | 1.233281 105 | 1.941874 106 | 1.915017 107 | 2.580693 108 | 1.547029 109 | 2.604049 110 | 1.530803 111 | 2.291285 112 | 3.453852 113 | 2.706180 114 | 2.953707 115 | 3.207953 116 | 2.664980 117 | 3.585810 118 | 2.631690 119 | 2.846537 120 | 2.274245 121 | 2.802389 122 | 2.442836 123 | 2.628993 124 | 2.559466 125 | 2.240563 126 | 1.731077 127 | 2.236430 128 | 1.189214 129 | 1.146544 130 | 5.136215 131 | 1.937750 132 | 1.888285 133 | 3.058445 134 | 2.900367 135 | 2.662617 136 | 2.320288 137 | 3.211763 138 | 1.923082 139 | 3.535846 140 | 2.103223 141 | 1.747242 142 | 2.414748 143 | 2.809297 144 | 2.044799 145 | 1.776047 146 | 1.904608 147 | 2.377200 148 | 3.079978 149 | 2.319573 150 | 3.663630 151 | 2.763165 152 | 1.364061 153 | 2.494825 154 | 1.496643 155 | 2.214049 156 | 2.360350 157 | 1.366906 158 | 2.622181 159 | 1.707023 160 | 1.785666 161 | 1.126143 162 | 3.117364 163 | 2.435893 164 | 3.084778 165 | 1.986574 166 | 2.545659 167 | 1.503291 168 | 2.688449 169 | 1.627909 170 | 3.072935 171 | 2.331198 172 | 3.095373 173 | 3.474593 174 | 1.949861 175 | 2.879849 176 | 2.469307 177 | 2.144482 178 | 2.603240 179 | 2.186644 180 | 2.515623 181 | 4.473803 182 | 4.135414 183 | 3.798131 184 | 2.445604 185 | 2.967211 186 | 3.252048 187 | 1.736554 188 | 2.446766 189 | 2.152098 190 | 2.317692 191 | 1.606927 192 | 3.181798 193 | 1.314831 194 | 1.664405 195 | 3.090111 196 | 3.771095 197 | 4.251308 198 | 4.507872 199 | 6.055544 200 | 4.926491 201 | 5.973510 202 | 5.979363 203 | 5.500611 204 | 3.078389 205 | 8.465838 206 | 4.762858 207 | 3.408236 208 | 5.546807 209 | 7.280873 210 | 7.534455 211 | 4.984678 212 | 5.105161 213 | 8.612507 214 | 5.408289 215 | 2.496051 216 | 6.461075 217 | 1.623474 218 | 3.202813 219 | 6.038536 220 | 2.038394 221 | 2.409251 222 | 5.074200 223 | 4.357726 224 | 1.679289 225 | 2.028130 226 | 3.004541 227 | 3.843406 228 | 5.627711 229 | 4.688851 230 | 3.385185 231 | -------------------------------------------------------------------------------- /Data/TNM0961/sequence/loss_all.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/Data/TNM0961/sequence/loss_all.jpg -------------------------------------------------------------------------------- /Data/readme.txt: -------------------------------------------------------------------------------- 1 | I choose three users' data for test. And we considered three types of features which includes action features, action sequence and role features. 2 | --------------------------------------- 3 | Users: 'EDB0714','TNM0961' and 'HXL0968' 4 | Mix: Files mixed with three types of features for the next process. 5 | Role_feature.csv: the average of actions features of all users under the role of "ProductionLineWorker". 6 | 7 | --------------------------------------- 8 | Every user's files: 9 | 10 | * ./ device.csv,email.csv,file.csv,http.csv,logon.csv,psychometric.csv are all extracted from CERT/R4.2 directly. 11 | 12 | * new: newly arranged data which came from above. 13 | 14 | * feture/sequence: 15 | data_out.csv,data_all.csv, label.csv are total feature data (generated from files in 'new' folder). 16 | data_train.csv,test.csv,label_train.csv,label_test.csv are generated from data_all.csv and label_all.csv 17 | for deep model. 18 | predict.csv,predict_all.csv are predictions from trained feature model. 19 | loss_all.csv,my_loss.csv are two types of loss caculated by trained model. 20 | 21 | * Model: 22 | Action: deep model and tensorboard file for action sequence. 23 | Feature: deep model and tensorboard file for action features. 24 | Role_loss: loss caculated by role features. 25 | 26 | * Mix: 27 | We spliced these three losses together. 28 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2021 Caocao 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # User-and-Entity-Behavior-Analytics-UEBA 2 | User and Entity Behavior Analytics by deep learning. 3 | Detecting users anomalous behaviors from users' daily records. 4 | 5 | 内部威胁检测 6 | ## Details 7 | All data were extracted from **CERT/R4.2**  (*ftp://ftp.sei.cmu.edu/pub/cert-data*) 8 | 9 | **Data**: data for detection. 10 | 11 | ## Dependent Libraries 12 | - python 3.63-64-bit 13 | - numpy 1.16.4 14 | - tensorflow 1.8.0 15 | - keras 2.2.2 16 | - sklearn 0.19.1 17 | 18 | ## Useage 19 | - Run python files step by step. 20 | - Note that **3-Action_Sequence_Training.py** and **4-Static_Feature_Training.py** need to be run for different users separately, you can find the user_sets and change it. **2-Training_Data_Generating.py** also needs to be run under two feature types, you can find the "types" and change it. 21 | 22 | *The provided features and deep learning models in this project are very simple samples, and you can add or create your own features and models based on this project.* : ) 23 | 24 | ## Cite this work 25 | This project is a part of our work that has been published in the ACM/IMS Transactions on Data Science. You can cite this work in your researches. 26 | 27 | ACM/IMS Transactions on Data Science, Volume 1, Issue 3 September 2020, Article No.: 16, pp 1–19 https://doi.org/10.1145/3374749 28 | 29 | [Paper Link](https://dl.acm.org/doi/10.1145/3374749) 30 | 31 | -------------------------------------------------------------------------------- /__pycache__/FeatureExtract.cpython-36.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/variationalkk/User-and-Entity-Behavior-Analytics-UEBA/d840d7c9f21725be4ddc7d494b65c720c082dae5/__pycache__/FeatureExtract.cpython-36.pyc --------------------------------------------------------------------------------