├── model ├── __pycache__ │ └── RDMSC.cpython-39.pyc └── RDMSC.py ├── utils ├── __pycache__ │ ├── dataset.cpython-39.pyc │ ├── process.cpython-39.pyc │ ├── Attention.cpython-39.pyc │ ├── earlystopping.cpython-39.pyc │ └── loadSplitData.cpython-39.pyc ├── Attention.py ├── earlystopping.py ├── process.py ├── loadSplitData.py ├── getInteractionGraph.py ├── getEgoGraph.py └── dataset.py ├── requirements ├── README.md ├── RDMSC_Run.py └── data ├── Twitter16 ├── Twitter16_Ego_Relationships.csv └── Twitter16_label_All.txt └── Twitter15 └── Twitter15_Ego_Relationships.csv /model/__pycache__/RDMSC.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/model/__pycache__/RDMSC.cpython-39.pyc -------------------------------------------------------------------------------- /utils/__pycache__/dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/utils/__pycache__/dataset.cpython-39.pyc -------------------------------------------------------------------------------- /utils/__pycache__/process.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/utils/__pycache__/process.cpython-39.pyc -------------------------------------------------------------------------------- /utils/__pycache__/Attention.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/utils/__pycache__/Attention.cpython-39.pyc -------------------------------------------------------------------------------- /utils/__pycache__/earlystopping.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/utils/__pycache__/earlystopping.cpython-39.pyc -------------------------------------------------------------------------------- /utils/__pycache__/loadSplitData.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Coder-HenryZa/RDMSC/HEAD/utils/__pycache__/loadSplitData.cpython-39.pyc -------------------------------------------------------------------------------- /requirements: -------------------------------------------------------------------------------- 1 | certifi==2023.5.7 2 | charset-normalizer==3.1.0 3 | colorama==0.4.6 4 | contourpy==1.0.7 5 | cycler==0.11.0 6 | emoji==2.2.0 7 | fonttools==4.39.4 8 | idna==3.4 9 | importlib-resources==5.12.0 10 | Jinja2==3.1.2 11 | joblib==1.2.0 12 | kiwisolver==1.4.4 13 | MarkupSafe==2.1.2 14 | matplotlib==3.7.1 15 | numpy==1.24.3 16 | packaging==23.1 17 | pandas==2.0.1 18 | Pillow==9.5.0 19 | psutil==5.9.5 20 | PyMySQL==1.0.3 21 | pyparsing==3.0.9 22 | python-dateutil==2.8.2 23 | pytz==2023.3 24 | requests==2.30.0 25 | scikit-learn==1.2.2 26 | scipy==1.10.1 27 | six==1.16.0 28 | threadpoolctl==3.1.0 29 | tqdm==4.65.0 30 | typing_extensions==4.5.0 31 | tzdata==2023.3 32 | urllib3==2.0.2 33 | zipp==3.15.0 34 | -------------------------------------------------------------------------------- /utils/Attention.py: -------------------------------------------------------------------------------- 1 | import torch 2 | import torch.nn as nn 3 | import torch.nn.functional as F 4 | import math 5 | 6 | 7 | class Attention(nn.Module): 8 | def __init__(self, init_size, hidden_size, output_size): 9 | 10 | super(Attention, self).__init__() 11 | 12 | self.init_size = init_size 13 | self.hidden_size = hidden_size 14 | self.output_size = output_size 15 | 16 | self.line_q = nn.Linear(self.init_size, self.hidden_size, bias=False) 17 | self.line_k = nn.Linear(self.init_size, self.hidden_size, bias=False) 18 | self.line_v = nn.Linear(self.init_size, self.output_size, bias=False) 19 | 20 | def forward(self, query, key, value, mask=None, dropout=None): 21 | 22 | query = self.line_q(query) 23 | key = self.line_k(key) 24 | d_k = query.size(-1) 25 | scores = torch.matmul(query, key.transpose(-2, -1)) / math.sqrt(d_k) 26 | 27 | if mask is not None: 28 | scores = scores.masked_fill(mask == 0, -1e9) 29 | 30 | p_attn = F.softmax(scores, dim=-1) 31 | 32 | if dropout is not None: 33 | p_attn = F.dropout(p_attn,p=dropout,training=self.training) 34 | 35 | return self.line_v(torch.matmul(p_attn, value)) -------------------------------------------------------------------------------- /utils/earlystopping.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import torch 3 | 4 | class EarlyStopping: 5 | """Early stops the training if validation loss doesn't improve after a given patience.""" 6 | def __init__(self, patience=7, verbose=False): 7 | """ 8 | Args: 9 | patience (int): How long to wait after last time validation loss improved. 10 | Default: 7 11 | verbose (bool): If True, prints a message for each validation loss improvement. 12 | Default: False 13 | """ 14 | self.patience = patience 15 | self.verbose = verbose 16 | self.counter = 0 17 | self.best_score = None 18 | self.early_stop = False 19 | self.accs=0 20 | self.val_loss_min = np.Inf 21 | 22 | def __call__(self, val_loss, accs,model,modelname,str): 23 | 24 | score = -val_loss 25 | 26 | if self.best_score is None: 27 | self.best_score = score 28 | self.accs = accs 29 | elif score < self.best_score: 30 | self.counter += 1 31 | # print('EarlyStopping counter: {} out of {}'.format(self.counter,self.patience)) 32 | if self.counter >= self.patience: 33 | self.early_stop = True 34 | else: 35 | self.best_score = score 36 | self.accs = accs 37 | self.counter = 0 38 | 39 | def save_checkpoint(self, val_loss, model,modelname,str): 40 | 41 | torch.save(model.state_dict(),modelname+str+'.m') 42 | self.val_loss_min = val_loss -------------------------------------------------------------------------------- /utils/process.py: -------------------------------------------------------------------------------- 1 | import os 2 | from utils.dataset import GraphDataset,UdGraphDataset,BiGraphDataset 3 | 4 | 5 | cwd, _ = os.path.split(os.getcwd()) 6 | cwd, _ = os.path.split(cwd) 7 | 8 | ################################### load tree##################################### 9 | def loadTree(dataname): 10 | treePath = './data/' + dataname + '/data.TD_RvNN.vol_5000.txt' 11 | print("reading twitter tree") 12 | treeDic = {} 13 | for line in open(treePath): 14 | line = line.rstrip() 15 | eid, indexP, indexC = line.split('\t')[0], line.split('\t')[1], int(line.split('\t')[2]) 16 | max_degree, maxL, Vec = int(line.split('\t')[3]), int(line.split('\t')[4]), line.split('\t')[5] 17 | if not treeDic.__contains__(eid): 18 | treeDic[eid] = {} 19 | treeDic[eid][indexC] = {'parent': indexP, 'max_degree': max_degree, 'maxL': maxL, 'vec': Vec} 20 | print('tree no:', len(treeDic)) 21 | 22 | return treeDic 23 | 24 | ################################# load data ################################### 25 | def loadData(dataname, treeDic,fold_x_train,fold_x_test,droprate): 26 | data_path=os.path.join(cwd, 'data', dataname+'graph') 27 | print("loading train set", ) 28 | traindata_list = GraphDataset(fold_x_train, treeDic, droprate=droprate,data_path= data_path) 29 | print("train no:", len(traindata_list)) 30 | print("loading test set", ) 31 | testdata_list = GraphDataset(fold_x_test, treeDic,data_path= data_path) 32 | print("test no:", len(testdata_list)) 33 | return traindata_list, testdata_list 34 | 35 | 36 | def loadUdData(dataname, treeDic, fold_x_train, fold_x_test, droprate): 37 | 38 | print("loading train set", ) 39 | traindata_list = UdGraphDataset(fold_x_train, treeDic, dataname=dataname) 40 | print("train no:", len(traindata_list)) 41 | print("loading test set", ) 42 | testdata_list = UdGraphDataset(fold_x_test, treeDic, dataname=dataname) 43 | print("test no:", len(testdata_list)) 44 | return traindata_list, testdata_list 45 | 46 | 47 | def loadBiData(dataname, treeDic, fold_x_train, fold_x_test, TDdroprate,BUdroprate): 48 | data_path = os.path.join(cwd,'data', dataname + 'graph') 49 | print("loading train set", ) 50 | traindata_list = BiGraphDataset(fold_x_train, treeDic, tddroprate=TDdroprate, budroprate=BUdroprate, data_path=data_path) 51 | print("train no:", len(traindata_list)) 52 | print("loading test set", ) 53 | testdata_list = BiGraphDataset(fold_x_test, treeDic, data_path=data_path) 54 | print("test no:", len(testdata_list)) 55 | return traindata_list, testdata_list -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | ## Source code for the Information Sciences paper "Rumor Detection on Social Media through Mining the Social Circles with High Homogeneity" 2 | 3 | ### Requirements 4 | 5 | Code developed and tested in Python 3.9 using PyTorch 1.10.2 and Torch-geometric 2.2.0. Please refer to their official websites for installation and setup. 6 | 7 | Some major dependencies are as follows: 8 | 9 | ``` 10 | certifi==2023.5.7 11 | charset-normalizer==3.1.0 12 | colorama==0.4.6 13 | contourpy==1.0.7 14 | cycler==0.11.0 15 | emoji==2.2.0 16 | fonttools==4.39.4 17 | idna==3.4 18 | importlib-resources==5.12.0 19 | joblib==1.2.0 20 | kiwisolver==1.4.4 21 | MarkupSafe==2.1.2 22 | matplotlib==3.7.1 23 | numpy==1.24.3 24 | packaging==23.1 25 | pandas==2.0.1 26 | Pillow==9.5.0 27 | psutil==5.9.5 28 | PyMySQL==1.0.3 29 | pyparsing==3.0.9 30 | python-dateutil==2.8.2 31 | pytz==2023.3 32 | requests==2.30.0 33 | scikit-learn==1.2.2 34 | scipy==1.10.1 35 | six==1.16.0 36 | threadpoolctl==3.1.0 37 | tqdm==4.65.0 38 | typing_extensions==4.5.0 39 | tzdata==2023.3 40 | urllib3==2.0.2 41 | zipp==3.15.0 42 | ``` 43 | 44 | ### Datasets 45 | 46 | Data of Twitter15 and Twitter16 social interaction graphs follows this paper: 47 | 48 | Tian Bian, Xi Xiao, Tingyang Xu, Peilin Zhao, Wenbing Huang, Yu Rong, Junzhou Huang. Rumor Detectionon Social Media with Bi-Directional Graph Convolutional Networks. AAAI 2020. 49 | 50 | The raw datasets can be respectively downloaded from https://www.dropbox.com/s/7ewzdrbelpmrnxu/rumdetect2017.zip?dl=0. 51 | 52 | User information was crawled by the Twitter developer tool Tweepy around February 2022, when restrictions were not particularly strict. twitter15_User_Information.csv, Twitter15_User_Friends.csv and Twitter15_Ego_ Relationships.csv represent user information, friend information, and connections between them, respectively. The meaning of each field in the tables can be found as follows: 53 | 54 | https://developer.twitter.com/en/docs/twitter-api/v1/data-dictionary/object-model/user. 55 | 56 | In order to meet Twitter's privacy protocol, we have removed some fields and limited the number of friends per user. 57 | 58 | ### Run 59 | 60 | ``` 61 | # Data pre-processing 62 | python ./utils/getInteractionGraph.py Twitter15 63 | python ./utils/getInteractionGraph.py Twitter16 64 | python ./utils/getEgoGraph.py Twitter15 65 | python ./utils/getEgoGraph.py Twitter16 66 | # run 67 | python RDMSC_Run.py 68 | ``` 69 | 70 | ### Citation 71 | 72 | If you find this repository useful, please kindly consider citing the following paper: 73 | 74 | ``` 75 | @article{ZHENG2023119083, 76 | title = {Rumor detection on social media through mining the social circles with high homogeneity}, 77 | journal = {Information Sciences}, 78 | volume = {642}, 79 | pages = {119083}, 80 | year = {2023}, 81 | issn = {0020-0255}, 82 | doi = {https://doi.org/10.1016/j.ins.2023.119083}, 83 | url = {https://www.sciencedirect.com/science/article/pii/S0020025523006680}, 84 | author = {Peng Zheng and Zhen Huang and Yong Dou and Yeqing Yan}, 85 | keywords = {Rumor detection, Social media, Social circles, Homogeneity} 86 | } 87 | ``` 88 | 89 | -------------------------------------------------------------------------------- /model/RDMSC.py: -------------------------------------------------------------------------------- 1 | import torch as th 2 | from torch_scatter import scatter_mean,scatter_max 3 | from torch_geometric.nn import GCNConv 4 | from utils.Attention import Attention 5 | import copy 6 | import torch.nn.functional as F 7 | 8 | device = th.device('cuda:0' if th.cuda.is_available() else 'cpu') 9 | 10 | class EgoEncoder(th.nn.Module): 11 | def __init__(self, in_feats, hid_feats, out_feats): 12 | super(EgoEncoder, self).__init__() 13 | self.conv1 = GCNConv(in_feats, hid_feats) 14 | self.conv2 = GCNConv(hid_feats + in_feats, out_feats) 15 | self.droupout_rate = 0.2 16 | self.w1 = th.nn.Linear(hid_feats * 3, hid_feats * 3) 17 | self.dropout = th.nn.Dropout(self.droupout_rate) 18 | 19 | def forward(self, data): 20 | x, edge_index = data.x, data.edge_index 21 | x1 = copy.copy(x.float()) 22 | x = self.conv1(x, edge_index) 23 | x2 = copy.copy(x) 24 | rootindex = data.rootindex 25 | root_extend = th.zeros(len(data.batch), x1.size(1)).to(device) 26 | batch_size = max(data.batch) + 1 27 | for num_batch in range(batch_size): 28 | index = (th.eq(data.batch, num_batch)) 29 | root_extend[index] = x1[rootindex[num_batch]] 30 | x = th.cat((x, root_extend), 1) 31 | 32 | x = F.relu(x) 33 | x = F.dropout(x, p=self.droupout_rate, training=self.training) 34 | x = self.conv2(x, edge_index) 35 | x = F.relu(x) 36 | 37 | root_extend = th.zeros(len(data.batch), x2.size(1)).to(device) 38 | for num_batch in range(batch_size): 39 | index = (th.eq(data.batch, num_batch)) 40 | root_extend[index] = x2[rootindex[num_batch]] 41 | x = th.cat((x, root_extend,x2), 1) 42 | 43 | x = scatter_mean(F.relu(self.w1(x)), data.batch, dim=0) 44 | 45 | return x 46 | 47 | 48 | class InteractionEncoder(th.nn.Module): 49 | def __init__(self, in_feats, hid_feats, out_feats): 50 | super(InteractionEncoder, self).__init__() 51 | self.conv1 = GCNConv(in_feats, hid_feats) 52 | self.conv2 = GCNConv(hid_feats + in_feats, out_feats) 53 | self.w1 = th.nn.Linear(hid_feats * 3, hid_feats * 3) 54 | 55 | def forward(self, data): 56 | 57 | x, edge_index = data.x, data.edge_index 58 | x1 = copy.copy(x.float()) 59 | x = self.conv1(x, edge_index) 60 | x2 = copy.copy(x) 61 | rootindex = data.rootindex 62 | root_extend = th.zeros(len(data.batch), x1.size(1)).to(device) 63 | batch_size = max(data.batch) + 1 64 | for num_batch in range(batch_size): 65 | index = (th.eq(data.batch, num_batch)) 66 | root_extend[index] = x1[rootindex[num_batch]] 67 | x = th.cat((x, root_extend), 1) 68 | 69 | x = F.relu(x) 70 | x = F.dropout(x, training=self.training) 71 | x = self.conv2(x, edge_index) 72 | x = F.relu(x) 73 | root_extend = th.zeros(len(data.batch), x2.size(1)).to(device) 74 | for num_batch in range(batch_size): 75 | index = (th.eq(data.batch, num_batch)) 76 | root_extend[index] = x2[rootindex[num_batch]] 77 | x = th.cat((x, root_extend, x2), 1) 78 | 79 | x = scatter_mean(F.relu(self.w1(x)), data.batch, dim=0) 80 | 81 | return x 82 | 83 | 84 | class RDMSC(th.nn.Module): 85 | def __init__(self, in_feats, hid_feats, out_feats, atten_out_dim): 86 | super(RDMSC, self).__init__() 87 | self.EgoEncoder = EgoEncoder(10, hid_feats, out_feats) 88 | self.InteractionEncoder = InteractionEncoder(in_feats, hid_feats, out_feats) 89 | self.Atten = Attention(hid_feats * 3, hid_feats * 3, atten_out_dim) 90 | self.fc = th.nn.Linear(hid_feats * 6 + atten_out_dim, 4) 91 | 92 | def forward(self, data, data2): 93 | EE_x = self.EgoEncoder(data2) 94 | IE_x = self.InteractionEncoder(data) 95 | query = copy.deepcopy(IE_x.detach()) 96 | key = value = copy.deepcopy(EE_x.detach()) 97 | Attn = self.Atten(query=query, key=key, value=value, dropout=0.5) 98 | x = th.cat((IE_x, EE_x, Attn), 1) 99 | x = F.dropout(x, p=0.2, training=self.training) 100 | x = F.relu(x) 101 | x = self.fc(x) 102 | x = F.log_softmax(x, dim=1) 103 | return x -------------------------------------------------------------------------------- /utils/loadSplitData.py: -------------------------------------------------------------------------------- 1 | import random 2 | from random import shuffle 3 | import os 4 | 5 | # cwd1=os.getcwd() 6 | # cwd1,_=os.path.split(os.getcwd()) 7 | 8 | def loadSplitData(obj, fold = 3): 9 | 10 | labelPath = './data/' + obj + '/' + obj + '_label_All.txt' 11 | labelset_nonR, labelset_f, labelset_t, labelset_u = ['news', 'non-rumor'], ['false'], ['true'], ['unverified'] 12 | print("loading tree label" ) 13 | NR,F,T,U = [],[],[],[] 14 | l1=l2=l3=l4=0 15 | labelDic = {} 16 | for line in open(labelPath): 17 | line = line.rstrip() 18 | label, eid = line.split('\t')[0], line.split('\t')[2] 19 | labelDic[eid] = label.lower() 20 | if label in labelset_nonR: 21 | NR.append(eid) 22 | l1 += 1 23 | if labelDic[eid] in labelset_f: 24 | F.append(eid) 25 | l2 += 1 26 | if labelDic[eid] in labelset_t: 27 | T.append(eid) 28 | l3 += 1 29 | if labelDic[eid] in labelset_u: 30 | U.append(eid) 31 | l4 += 1 32 | print(len(labelDic)) 33 | print(l1,l2,l3,l4) 34 | 35 | fold0_x_test,fold1_x_test,fold2_x_test,fold3_x_test,fold4_x_test=[],[],[],[],[] 36 | fold0_x_train, fold1_x_train, fold2_x_train, fold3_x_train, fold4_x_train = [], [], [], [], [] 37 | leng1 = int(l1 * 0.2) 38 | leng2 = int(l2 * 0.2) 39 | leng3 = int(l3 * 0.2) 40 | leng4 = int(l4 * 0.2) 41 | # 第0个测试集 42 | fold0_x_test.extend(NR[0:leng1]) 43 | fold0_x_test.extend(F[0:leng2]) 44 | fold0_x_test.extend(T[0:leng3]) 45 | fold0_x_test.extend(U[0:leng4]) 46 | fold0_x_train.extend(NR[leng1:]) 47 | fold0_x_train.extend(F[leng2:]) 48 | fold0_x_train.extend(T[leng3:]) 49 | fold0_x_train.extend(U[leng4:]) 50 | # 第1个测试集 51 | fold1_x_test.extend(NR[leng1:leng1*2]) 52 | fold1_x_test.extend(F[leng2:leng2*2]) 53 | fold1_x_test.extend(T[leng3:leng3*2]) 54 | fold1_x_test.extend(U[leng4:leng4*2]) 55 | fold1_x_train.extend(NR[0:leng1]) 56 | fold1_x_train.extend(NR[leng1 * 2:]) 57 | fold1_x_train.extend(F[0:leng2]) 58 | fold1_x_train.extend(F[leng2 * 2:]) 59 | fold1_x_train.extend(T[0:leng3]) 60 | fold1_x_train.extend(T[leng3 * 2:]) 61 | fold1_x_train.extend(U[0:leng4]) 62 | fold1_x_train.extend(U[leng4 * 2:]) 63 | 64 | # 第二个数据集 65 | fold2_x_train.extend(NR[0:leng1*2]) 66 | fold2_x_train.extend(NR[leng1*3:]) 67 | fold2_x_train.extend(F[0:leng2*2]) 68 | fold2_x_train.extend(F[leng2*3:]) 69 | fold2_x_train.extend(T[0:leng3*2]) 70 | fold2_x_train.extend(T[leng3*3:]) 71 | fold2_x_train.extend(U[0:leng4*2]) 72 | fold2_x_train.extend(U[leng4*3:]) 73 | fold2_x_test.extend(NR[leng1*2:leng1*3]) 74 | fold2_x_test.extend(F[leng2*2:leng2*3]) 75 | fold2_x_test.extend(T[leng3*2:leng3*3]) 76 | fold2_x_test.extend(U[leng4*2:leng4*3]) 77 | 78 | #第三个数据集 79 | fold3_x_train.extend(NR[0:leng1*3]) 80 | fold3_x_train.extend(NR[leng1*4:]) 81 | fold3_x_train.extend(F[0:leng2*3]) 82 | fold3_x_train.extend(F[leng2*4:]) 83 | fold3_x_train.extend(T[0:leng3*3]) 84 | fold3_x_train.extend(T[leng3*4:]) 85 | fold3_x_train.extend(U[0:leng4*3]) 86 | fold3_x_train.extend(U[leng4*4:]) 87 | fold3_x_test.extend(NR[leng1*3:leng1*4]) 88 | fold3_x_test.extend(F[leng2*3:leng2*4]) 89 | fold3_x_test.extend(T[leng3*3:leng3*4]) 90 | fold3_x_test.extend(U[leng4*3:leng4*4]) 91 | 92 | # 第四个数据集 93 | fold4_x_train.extend(NR[0:leng1*4]) 94 | fold4_x_train.extend(NR[leng1*5:]) 95 | fold4_x_train.extend(F[0:leng2*4]) 96 | fold4_x_train.extend(F[leng2*5:]) 97 | fold4_x_train.extend(T[0:leng3*4]) 98 | fold4_x_train.extend(T[leng3*5:]) 99 | fold4_x_train.extend(U[0:leng4*4]) 100 | fold4_x_train.extend(U[leng4*5:]) 101 | fold4_x_test.extend(NR[leng1*4:leng1*5]) 102 | fold4_x_test.extend(F[leng2*4:leng2*5]) 103 | fold4_x_test.extend(T[leng3*4:leng3*5]) 104 | fold4_x_test.extend(U[leng4*4:leng4*5]) 105 | 106 | fold0_test = list(fold0_x_test) 107 | shuffle(fold0_test) 108 | fold0_train = list(fold0_x_train) 109 | shuffle(fold0_train) 110 | fold1_test = list(fold1_x_test) 111 | shuffle(fold1_test) 112 | fold1_train = list(fold1_x_train) 113 | shuffle(fold1_train) 114 | fold2_test = list(fold2_x_test) 115 | shuffle(fold2_test) 116 | fold2_train = list(fold2_x_train) 117 | shuffle(fold2_train) 118 | fold3_test = list(fold3_x_test) 119 | shuffle(fold3_test) 120 | fold3_train = list(fold3_x_train) 121 | shuffle(fold3_train) 122 | fold4_test = list(fold4_x_test) 123 | shuffle(fold4_test) 124 | fold4_train = list(fold4_x_train) 125 | shuffle(fold4_train) 126 | 127 | data_split = [[fold0_test,fold0_train],[fold1_test,fold1_train],[fold2_test, fold2_train],[fold3_test,fold3_train],[fold4_test,fold4_train]] 128 | return data_split[fold] 129 | 130 | -------------------------------------------------------------------------------- /utils/getInteractionGraph.py: -------------------------------------------------------------------------------- 1 | # -*- coding: utf-8 -*- 2 | import os 3 | import numpy as np 4 | from joblib import Parallel, delayed 5 | from tqdm import tqdm 6 | import sys 7 | cwd,_=os.path.split(os.getcwd()) 8 | class Node_tweet(object): 9 | def __init__(self, idx=None): 10 | self.children = [] 11 | self.idx = idx 12 | self.word = [] 13 | self.index = [] 14 | self.parent = None 15 | 16 | def str2matrix(Str): # str = index:wordfreq index:wordfreq 17 | wordFreq, wordIndex = [], [] 18 | for pair in Str.split(' '): 19 | freq=float(pair.split(':')[1]) 20 | index=int(pair.split(':')[0]) 21 | if index<=5000: 22 | wordFreq.append(freq) 23 | wordIndex.append(index) 24 | return wordFreq, wordIndex 25 | 26 | def constructMat(tree): 27 | index2node = {} 28 | for i in tree: 29 | node = Node_tweet(idx=i) 30 | index2node[i] = node 31 | for j in tree: 32 | indexC = j 33 | indexP = tree[j]['parent'] 34 | nodeC = index2node[indexC] 35 | wordFreq, wordIndex = str2matrix(tree[j]['vec']) 36 | nodeC.index = wordIndex 37 | nodeC.word = wordFreq 38 | ## not root node ## 39 | if not indexP == 'None': 40 | nodeP = index2node[int(indexP)] 41 | nodeC.parent = nodeP 42 | nodeP.children.append(nodeC) 43 | ## root node ## 44 | else: 45 | rootindex=indexC-1 46 | root_index=nodeC.index 47 | root_word=nodeC.word 48 | rootfeat = np.zeros([1, 5000]) 49 | if len(root_index)>0: 50 | rootfeat[0, np.array(root_index)] = np.array(root_word) 51 | matrix=np.zeros([len(index2node),len(index2node)]) 52 | row=[] 53 | col=[] 54 | x_word=[] 55 | x_index=[] 56 | for index_i in range(len(index2node)): 57 | for index_j in range(len(index2node)): 58 | if index2node[index_i+1].children != None and index2node[index_j+1] in index2node[index_i+1].children: 59 | matrix[index_i][index_j]=1 60 | row.append(index_i) 61 | col.append(index_j) 62 | x_word.append(index2node[index_i+1].word) 63 | x_index.append(index2node[index_i+1].index) 64 | edgematrix=[row,col] 65 | return x_word, x_index, edgematrix,rootfeat,rootindex 66 | 67 | def getfeature(x_word,x_index): 68 | x = np.zeros([len(x_index), 5000]) 69 | for i in range(len(x_index)): 70 | if len(x_index[i])>0: 71 | x[i, np.array(x_index[i])] = np.array(x_word[i]) 72 | return x 73 | 74 | def main(obj): 75 | treePath = '../data/' + obj + '/data.TD_RvNN.vol_5000.txt' 76 | print("reading twitter tree") 77 | treeDic = {} 78 | for line in open(treePath): 79 | line = line.rstrip() 80 | eid, indexP, indexC = line.split('\t')[0], line.split('\t')[1], int(line.split('\t')[2]) 81 | max_degree, maxL, Vec = int(line.split('\t')[3]), int(line.split('\t')[4]), line.split('\t')[5] 82 | 83 | if not treeDic.__contains__(eid): 84 | treeDic[eid] = {} 85 | treeDic[eid][indexC] = {'parent': indexP, 'max_degree': max_degree, 'maxL': maxL, 'vec': Vec} 86 | print('tree no:', len(treeDic)) 87 | 88 | labelPath = '../data/' + obj + '/' + obj + '_label_All.txt' 89 | labelset_nonR, labelset_f, labelset_t, labelset_u = ['news', 'non-rumor'], ['false'], ['true'], ['unverified'] 90 | 91 | print("loading tree label") 92 | event, y = [], [] 93 | l1 = l2 = l3 = l4 = 0 94 | labelDic = {} 95 | for line in open(labelPath): 96 | line = line.rstrip() 97 | label, eid = line.split('\t')[0], line.split('\t')[2] 98 | label=label.lower() 99 | event.append(eid) 100 | if label in labelset_nonR: 101 | labelDic[eid]=0 102 | l1 += 1 103 | if label in labelset_f: 104 | labelDic[eid]=1 105 | l2 += 1 106 | if label in labelset_t: 107 | labelDic[eid]=2 108 | l3 += 1 109 | if label in labelset_u: 110 | labelDic[eid]=3 111 | l4 += 1 112 | print(len(labelDic)) 113 | print(l1, l2, l3, l4) 114 | 115 | def loadEid(event,id,y): 116 | if event is None: 117 | return None 118 | if len(event) < 2: 119 | return None 120 | if len(event)>1: 121 | x_word, x_index, tree, rootfeat, rootindex = constructMat(event) 122 | x_x = getfeature(x_word, x_index) 123 | rootfeat, tree, x_x, rootindex, y = np.array(rootfeat), np.array(tree), np.array(x_x), np.array( 124 | rootindex), np.array(y) 125 | np.savez('../data/'+obj+'_Interaction/'+id+'.npz', x=x_x,root=rootfeat,edgeindex=tree,rootindex=rootindex,y=y) 126 | return None 127 | print("loading dataset", ) 128 | Parallel(n_jobs=1, backend='threading')(delayed(loadEid)(treeDic[eid] if eid in treeDic else None,eid,labelDic[eid]) for eid in tqdm(event)) 129 | return 130 | 131 | if __name__ == '__main__': 132 | obj = sys.argv[1] 133 | main(obj) -------------------------------------------------------------------------------- /RDMSC_Run.py: -------------------------------------------------------------------------------- 1 | import sys, os 2 | 3 | sys.path.append(os.getcwd()) 4 | from utils.process import * 5 | import torch as th 6 | import torch.nn.functional as F 7 | import numpy as np 8 | from utils.earlystopping import EarlyStopping 9 | from torch_geometric.data import DataLoader 10 | from tqdm import tqdm 11 | from utils.loadSplitData import * 12 | 13 | import matplotlib.pyplot as plt 14 | from datetime import datetime 15 | from model.RDMSC import RDMSC 16 | import argparse 17 | import warnings 18 | 19 | warnings.filterwarnings("ignore") 20 | 21 | 22 | def run_model(treeDic, x_test, x_train, droprate, lr, weight_decay, patience, n_epochs, batchsize, in_feats, hid_feats, 23 | out_feats, atten_out_dim, 24 | dataname): 25 | model = RDMSC(in_feats, hid_feats, out_feats, atten_out_dim).to(device) 26 | optimizer = th.optim.Adam(model.parameters(), lr=lr, weight_decay=weight_decay) 27 | model.train() 28 | train_losses = [] 29 | val_losses = [] 30 | train_accs = [] 31 | val_accs = [] 32 | 33 | early_stopping = EarlyStopping(patience=patience, verbose=True) 34 | traindata_list, testdata_list = loadUdData(dataname, treeDic, x_train, x_test, droprate) 35 | for epoch in range(n_epochs): 36 | 37 | train_loader = DataLoader(traindata_list, batch_size=batchsize, shuffle=True, num_workers=1) 38 | test_loader = DataLoader(testdata_list, batch_size=batchsize, shuffle=True, num_workers=1) 39 | avg_loss = [] 40 | avg_acc = [] 41 | batch_idx = 0 42 | tqdm_train_loader = tqdm(train_loader) 43 | for Batch_data, Batch_data2 in tqdm_train_loader: 44 | Batch_data.to(device) 45 | Batch_data2.to(device) 46 | out_labels = model(Batch_data, Batch_data2) 47 | finalloss = F.nll_loss(out_labels, Batch_data.y) 48 | loss = finalloss 49 | optimizer.zero_grad() 50 | loss.backward() 51 | avg_loss.append(loss.item()) 52 | optimizer.step() 53 | _, pred = out_labels.max(dim=-1) 54 | correct = pred.eq(Batch_data.y).sum().item() 55 | train_acc = correct / len(Batch_data.y) 56 | avg_acc.append(train_acc) 57 | print("Epoch {:05d} | Batch{:02d} | Train_Loss {:.4f}| Train_Accuracy {:.4f}".format(epoch, batch_idx, 58 | loss.item(), 59 | train_acc)) 60 | batch_idx = batch_idx + 1 61 | 62 | train_losses.append(np.mean(avg_loss)) 63 | train_accs.append(np.mean(avg_acc)) 64 | 65 | temp_val_losses = [] 66 | temp_val_accs = [] 67 | 68 | model.eval() 69 | tqdm_test_loader = tqdm(test_loader) 70 | for Batch_data, Batch_data2 in tqdm_test_loader: 71 | Batch_data.to(device) 72 | Batch_data2.to(device) 73 | val_out = model(Batch_data, Batch_data2) 74 | val_loss = F.nll_loss(val_out, Batch_data.y) 75 | temp_val_losses.append(val_loss.item()) 76 | _, val_pred = val_out.max(dim=1) 77 | correct = val_pred.eq(Batch_data.y).sum().item() 78 | val_acc = correct / len(Batch_data.y) 79 | temp_val_accs.append(val_acc) 80 | 81 | val_losses.append(np.mean(temp_val_losses)) 82 | val_accs.append(np.mean(temp_val_accs)) 83 | 84 | print("Epoch {:05d} | Val_Loss {:.4f}| Val_Accuracy {:.4f}".format(epoch, np.mean(temp_val_losses), 85 | np.mean(temp_val_accs))) 86 | 87 | early_stopping(np.mean(temp_val_losses), np.mean(temp_val_accs), model, 'RDMSC', dataname) 88 | if early_stopping.early_stop: 89 | print("Early stopping") 90 | break 91 | 92 | show_val = list(val_accs) 93 | 94 | dt = datetime.now() 95 | save_time = dt.strftime('%Y_%m_%d_%H_%M_%S') 96 | 97 | fig = plt.figure() 98 | plt.plot(range(1, len(train_accs) + 1), train_accs, color='b', label='train') 99 | plt.plot(range(1, len(show_val) + 1), show_val, color='r', label='dev') 100 | plt.grid() 101 | plt.ylabel('accuracy') 102 | plt.xlabel('epochs') 103 | plt.legend() 104 | plt.xticks(np.arange(1, len(train_accs), step=4)) 105 | fig.savefig('result/' + '{}_accuracy_{}.png'.format(dataname, save_time)) 106 | 107 | fig = plt.figure() 108 | plt.plot(range(1, len(train_losses) + 1), train_losses, color='b', label='train') 109 | plt.plot(range(1, len(val_losses) + 1), val_losses, color='r', label='dev') 110 | plt.grid() 111 | plt.ylabel('loss') 112 | plt.xlabel('epochs') 113 | plt.legend() 114 | plt.xticks(np.arange(1, len(train_losses) + 1, step=4)) 115 | fig.savefig('result/' + '{}_loss_{}.png'.format(dataname, save_time)) 116 | 117 | return train_losses, val_losses, train_accs, val_accs 118 | 119 | 120 | def set_seed(seed=1): 121 | random.seed(seed) 122 | np.random.seed(seed) 123 | th.manual_seed(seed) 124 | th.cuda.manual_seed(seed) 125 | th.backends.cudnn.deterministic = True 126 | print("seed:", seed) 127 | 128 | 129 | parser = argparse.ArgumentParser(description='RDMSC') 130 | parser.add_argument('--lr', default=0.0005, type=float, help='Learning Rate') 131 | parser.add_argument('--weight_decay', default=1e-4, type=float, help='Weight decay coefficient') 132 | parser.add_argument('--patience', default=10, type=int, help='Early Stopping') 133 | parser.add_argument('--n_epochs', default=200, type=int, help='Training Epochs') 134 | parser.add_argument('--batchsize', default=128, type=int, help='Batch Size') 135 | parser.add_argument('--droprate', default=0.2, type=float, help='Randomly invalidate some edges') 136 | parser.add_argument('--seed', default=11, type=int) 137 | parser.add_argument('--in_feats', default=5000, type=int) 138 | parser.add_argument('--hid_feats', default=64, type=int) 139 | parser.add_argument('--out_feats', default=64, type=int) 140 | parser.add_argument('--atten_out_dim', default=4, type=int) 141 | 142 | args = parser.parse_args() 143 | 144 | if __name__ == '__main__': 145 | set_seed(args.seed) 146 | datasetname = "Twitter15" # Twitter15 Twitter16 147 | device = th.device('cuda:0' if th.cuda.is_available() else 'cpu') 148 | test_set, train_set = loadSplitData(datasetname) 149 | treeDic = loadTree(datasetname) 150 | train_losses, val_losses, train_accs, val_accs = run_model(treeDic, test_set, train_set, args.droprate, args.lr, 151 | args.weight_decay, args.patience, args.n_epochs, 152 | args.batchsize, args.in_feats, args.hid_feats, 153 | args.out_feats, args.atten_out_dim, datasetname) 154 | print("Total_Best_Accuracy:{}".format(max(val_accs))) 155 | -------------------------------------------------------------------------------- /utils/getEgoGraph.py: -------------------------------------------------------------------------------- 1 | import sys 2 | import pandas 3 | import numpy as np 4 | import datetime 5 | from dateutil import rrule 6 | from tqdm import tqdm 7 | 8 | def get_edge_index(length): 9 | a = [] 10 | b = [] 11 | for i in range(length): 12 | if i == 0: 13 | continue 14 | a.append(0) 15 | b.append(i) 16 | a.append(i) 17 | b.append(0) 18 | c = [] 19 | c.append(a) 20 | c.append(b) 21 | return c 22 | 23 | 24 | def get_monthes(create_at): 25 | # a = "2015-09-26" 26 | create_at = create_at.split(' ')[0] 27 | date_i = datetime.datetime.strptime(create_at, '%Y-%m-%d').date() 28 | # today = datetime.datetime.today().date() 29 | if obj == 'Twitter15': 30 | today = datetime.date(2022,1,11) 31 | else: 32 | today = datetime.date(2022,4,9) 33 | 34 | month_sep = rrule.rrule(rrule.MONTHLY, dtstart=date_i, until=today) 35 | return month_sep.count() 36 | 37 | def main(obj): 38 | 39 | data_1 = pandas.read_csv('../data/'+obj + '/' + obj + '_User_Information.csv',sep='\t') 40 | data_2 = pandas.read_csv('../data/'+obj + '/' + obj + '_User_Friends.csv',sep='\t') 41 | data_3 = pandas.read_csv('../data/'+obj + '/' + obj + '_Ego_Relationships.csv',sep='\t') 42 | 43 | total_feature = [] 44 | user_list = data_1['user_id'].unique().tolist() 45 | 46 | 47 | 48 | 49 | for user_id in user_list: 50 | twitter_result = data_1[data_1['user_id'] == user_id].iloc[0, :] 51 | if twitter_result['user_status'] == 0: 52 | root_feature = [] 53 | root_feature.append(user_id) 54 | for i in range(9): 55 | root_feature.append(-1) 56 | root_feature.append(twitter_result['user_status']) 57 | else: 58 | root_feature = [user_id, twitter_result['url'], twitter_result['protected'], twitter_result['verified'], 59 | twitter_result['followers_count'], twitter_result['friends_count'], 60 | twitter_result['listed_count'], twitter_result['favourites_count'], 61 | twitter_result['statuses_count'], get_monthes(twitter_result['created_at']), 62 | twitter_result['user_status']] 63 | total_feature.append(root_feature) 64 | 65 | friends_list = data_2[data_2['reason'].isna()]['friend_id'].unique().tolist() 66 | 67 | for friend_id in friends_list: 68 | twitter_result = data_2[data_2['friend_id'] == friend_id].iloc[0, :] 69 | if twitter_result['user_status'] == 0: 70 | root_feature = [] 71 | root_feature.append(friend_id) 72 | for i in range(9): 73 | root_feature.append(-1) 74 | root_feature.append(twitter_result['user_status']) 75 | else: 76 | root_feature = [friend_id, twitter_result['url'], twitter_result['protected'], twitter_result['verified'], 77 | twitter_result['followers_count'], twitter_result['friends_count'], 78 | twitter_result['listed_count'], twitter_result['favourites_count'], 79 | twitter_result['statuses_count'], get_monthes(twitter_result['created_at']), 80 | twitter_result['user_status']] 81 | total_feature.append(root_feature) 82 | 83 | data_total = pandas.DataFrame(total_feature, 84 | columns=['user_id', 'url', 'protected', 'verified', 'followers_count', 'friends_count', 85 | 'listed_count', 86 | 'favourites_count', 'statuses_count', 87 | 'created_at', 'user_status']) 88 | cols = ['url', 'protected', 'verified', 'followers_count', 'friends_count', 'listed_count', 'favourites_count', 89 | 'statuses_count', 'created_at', 'user_status'] # 可以改成自己需要的列的名字 90 | for item in cols: 91 | mean_tmp = np.mean(np.array(data_total[item])) 92 | std_tmp = np.std(np.array(data_total[item])) 93 | if (std_tmp): 94 | data_total[item] = data_total[item].apply(lambda x: (x - mean_tmp) / std_tmp) 95 | 96 | 97 | user_id_friend = data_3['user_id'].unique().tolist() 98 | 99 | standard_list = [] 100 | for index, row in data_1.iterrows(): 101 | twitter_id = row['twitter_id'] 102 | user_id = row['user_id'] 103 | tree_feature = [] 104 | # 构建root feature 105 | twitter_result = data_total[data_total['user_id'] == user_id].iloc[0, :] 106 | root_feature = [float(twitter_result['url']), float(twitter_result['protected']), float(twitter_result['verified']), 107 | float(twitter_result['followers_count']), float(twitter_result['friends_count']), 108 | float(twitter_result['listed_count']), 109 | float(twitter_result['favourites_count']), 110 | float(twitter_result['statuses_count']), float(twitter_result['created_at']), 111 | float(twitter_result['user_status'])] 112 | 113 | tree_feature.append(root_feature) 114 | 115 | if user_id in user_id_friend: 116 | friend_ids = data_2[(data_2['user_id'] == user_id) & (data_2['user_status'] == 1)]['friend_id'].tolist() 117 | for friend_id in friend_ids: 118 | twitter_result = data_total[data_total['user_id'] == friend_id].iloc[0, :] 119 | temp_feature = [float(twitter_result['url']), float(twitter_result['protected']), 120 | float(twitter_result['verified']), 121 | float(twitter_result['followers_count']), float(twitter_result['friends_count']), 122 | float(twitter_result['listed_count']), 123 | float(twitter_result['favourites_count']), 124 | float(twitter_result['statuses_count']), float(twitter_result['created_at']), 125 | float(twitter_result['user_status'])] 126 | tree_feature.append(temp_feature) 127 | temp_dict = {} 128 | temp_dict['twitter_id'] = twitter_id 129 | temp_dict['user_id'] = str(user_id) 130 | temp_dict['root_feature'] = str(root_feature) 131 | temp_dict['tree_feature'] = str(tree_feature) 132 | temp_dict['edge_index'] = str(get_edge_index(len(tree_feature))) 133 | temp_dict['root_index'] = 0 134 | temp_dict['tree_len'] = len(tree_feature) 135 | temp_dict['status'] = True 136 | standard_list.append(temp_dict) 137 | 138 | else: 139 | tree_feature.append(root_feature) 140 | temp_dict = {} 141 | temp_dict['twitter_id'] = twitter_id 142 | temp_dict['user_id'] = str(user_id) 143 | temp_dict['root_feature'] = str(root_feature) 144 | temp_dict['tree_feature'] = str(tree_feature) 145 | temp_dict['edge_index'] = str(get_edge_index(len(tree_feature))) 146 | temp_dict['root_index'] = 0 147 | temp_dict['tree_len'] = len(tree_feature) 148 | temp_dict['status'] = False 149 | standard_list.append(temp_dict) 150 | print(standard_list[:10]) 151 | 152 | print('a') 153 | for i, dic_sample in tqdm(enumerate(standard_list), total=len(standard_list), desc='Saving .npz files'): 154 | np.savez('../data/' + obj + '_Ego/'+str(dic_sample['twitter_id'])+'.npz', user_id=dic_sample['user_id'], 155 | root_feature=dic_sample['root_feature'], tree_feature=dic_sample['tree_feature'], 156 | edge_index=dic_sample['edge_index'], root_index=dic_sample['root_index'], 157 | tree_len=dic_sample['tree_len'], status=dic_sample['status']) 158 | 159 | if __name__ == '__main__': 160 | obj = sys.argv[1] 161 | main(obj) -------------------------------------------------------------------------------- /utils/dataset.py: -------------------------------------------------------------------------------- 1 | import os 2 | import numpy as np 3 | import torch 4 | import random 5 | from torch.utils.data import Dataset 6 | from torch_geometric.data import Data 7 | import pickle 8 | import pymysql 9 | import numpy as np 10 | 11 | 12 | address = {'host': 'localhost', 'user': 'root', 'passwd': 'root', 'database': 'collect_data'} 13 | db = pymysql.connect(host=address.get('host'), user=address.get('user'), passwd=address.get('passwd'), 14 | database=address.get('database')) 15 | cursor = db.cursor() 16 | 17 | np.set_printoptions(threshold=np.inf) 18 | class GraphDataset(Dataset): 19 | def __init__(self, fold_x, treeDic, lower=2, upper=100000, droprate=0, 20 | data_path=os.path.join('..', '..', 'data', 'Weibograph')): 21 | self.fold_x = list( 22 | filter(lambda id: id in treeDic and len(treeDic[id]) >= lower and len(treeDic[id]) <= upper, fold_x)) 23 | self.treeDic = treeDic 24 | self.data_path = data_path 25 | self.droprate = droprate 26 | 27 | def __len__(self): 28 | return len(self.fold_x) 29 | 30 | def __getitem__(self, index): 31 | id = self.fold_x[index] 32 | data = np.load(os.path.join(self.data_path, id + ".npz"), allow_pickle=True) 33 | edgeindex = data['edgeindex'] 34 | if self.droprate > 0: 35 | row = list(edgeindex[0]) 36 | col = list(edgeindex[1]) 37 | length = len(row) 38 | poslist = random.sample(range(length), int(length * (1 - self.droprate))) 39 | poslist = sorted(poslist) 40 | row = list(np.array(row)[poslist]) 41 | col = list(np.array(col)[poslist]) 42 | new_edgeindex = [row, col] 43 | else: 44 | new_edgeindex = edgeindex 45 | return Data(x=torch.tensor(data['x'], dtype=torch.float32), 46 | edge_index=torch.LongTensor(new_edgeindex), 47 | y=torch.LongTensor([int(data['y'])]), root=torch.LongTensor(data['root']), 48 | rootindex=torch.LongTensor([int(data['rootindex'])])) 49 | 50 | 51 | def collate_fn(data): 52 | return data 53 | 54 | 55 | class BiGraphDataset(Dataset): 56 | def __init__(self, fold_x, treeDic,lower=2, upper=100000, tddroprate=0,budroprate=0, 57 | data_path=os.path.join('..','..', 'data', 'Weibograph')): 58 | self.fold_x = list(filter(lambda id: id in treeDic and len(treeDic[id]) >= lower and len(treeDic[id]) <= upper, fold_x)) 59 | self.treeDic = treeDic 60 | self.data_path = data_path 61 | self.tddroprate = tddroprate 62 | self.budroprate = budroprate 63 | 64 | def __len__(self): 65 | return len(self.fold_x) 66 | 67 | def __getitem__(self, index): 68 | # id 为 eid,index:0,1,2,3,4,5 69 | id =self.fold_x[index] 70 | # 读取存储的npz文件 71 | data=np.load(os.path.join(self.data_path, id + ".npz"), allow_pickle=True) 72 | edgeindex = data['edgeindex'] 73 | # 正向的边矩阵,取边的数量为edge_num*(1-droprate) 74 | if self.tddroprate > 0: 75 | row = list(edgeindex[0]) 76 | col = list(edgeindex[1]) 77 | length = len(row) 78 | poslist = random.sample(range(length), int(length * (1 - self.tddroprate))) 79 | poslist = sorted(poslist) 80 | row = list(np.array(row)[poslist]) 81 | col = list(np.array(col)[poslist]) 82 | new_edgeindex = [row, col] 83 | else: 84 | new_edgeindex = edgeindex 85 | # 反向的边矩阵,为源矩阵的转置,正向的边矩阵,取边的数量为edge_num*(1-droprate) 86 | burow = list(edgeindex[1]) 87 | bucol = list(edgeindex[0]) 88 | if self.budroprate > 0: 89 | length = len(burow) 90 | poslist = random.sample(range(length), int(length * (1 - self.budroprate))) 91 | poslist = sorted(poslist) 92 | row = list(np.array(burow)[poslist]) 93 | col = list(np.array(bucol)[poslist]) 94 | bunew_edgeindex = [row, col] 95 | else: 96 | bunew_edgeindex = [burow,bucol] 97 | # new_edgeindex 正向的边矩阵,bunew_edgeindex,反向的边矩阵 98 | return Data(x=torch.tensor(data['x'],dtype=torch.float32), 99 | edge_index=torch.LongTensor(new_edgeindex),BU_edge_index=torch.LongTensor(bunew_edgeindex), 100 | y=torch.LongTensor([int(data['y'])]), root=torch.LongTensor(data['root']), 101 | rootindex=torch.LongTensor([int(data['rootindex'])])) 102 | 103 | 104 | 105 | 106 | class UdGraphDataset(Dataset): 107 | def __init__(self, fold_x, treeDic, dataname, lower=2, upper=100000, droprate=0): 108 | self.fold_x = list( 109 | filter(lambda id: id in treeDic and len(treeDic[id]) >= lower and len(treeDic[id]) <= upper, fold_x)) 110 | self.treeDic = treeDic 111 | self.graph_path = './data/' + dataname + '_Interaction/' 112 | self.ego_path = './data/' + dataname + '_Ego/' 113 | self.droprate = droprate 114 | 115 | def __len__(self): 116 | return len(self.fold_x) 117 | 118 | def __getitem__(self, index): 119 | id = self.fold_x[index] 120 | data = np.load(self.graph_path + str(id) + '.npz', allow_pickle=True) 121 | edgeindex = data['edgeindex'] 122 | 123 | row,col = root_edge_enhance(list(edgeindex[0]),list(edgeindex[1])) 124 | 125 | burow = list(col) 126 | bucol = list(row) 127 | row.extend(burow) 128 | col.extend(bucol) 129 | if self.droprate > 0: 130 | length = len(row) 131 | poslist = random.sample(range(length), int(length * (1 - self.droprate))) 132 | poslist = sorted(poslist) 133 | row = list(np.array(row)[poslist]) 134 | col = list(np.array(col)[poslist]) 135 | new_edgeindex = [row, col] 136 | 137 | 138 | """ 139 | 自我中心网络 140 | """ 141 | user_ego = np.load(self.ego_path + str(id) + '.npz', allow_pickle=True) 142 | ego_twitter_id = id 143 | ego_root_feature = np.array(eval(str(user_ego['root_feature']))) 144 | ego_tree_feature = np.array(eval(str(user_ego['tree_feature']))) 145 | ego_edge_index = np.array(eval(str(user_ego['edge_index']))) 146 | ego_root_index = user_ego['root_index'] 147 | # ego_user_id = user_ego[5] 148 | 149 | """ 150 | end 151 | """ 152 | 153 | return Data(x=torch.tensor(data['x'], dtype=torch.float32), 154 | edge_index=torch.LongTensor(new_edgeindex), 155 | y=torch.LongTensor([int(data['y'])]), root=torch.LongTensor(data['root']), 156 | rootindex=torch.LongTensor([int(data['rootindex'])])) , \ 157 | Data(x=torch.tensor(ego_tree_feature, dtype=torch.float32), 158 | edge_index=torch.LongTensor(ego_edge_index), y=torch.LongTensor([int(data['y'])]), root=torch.LongTensor([ego_root_feature]), 159 | rootindex=torch.LongTensor([int(ego_root_index)]), tree_text_id=torch.LongTensor([int(ego_twitter_id)])) 160 | 161 | 162 | 163 | def root_edge_enhance(row,col): 164 | 165 | # 获取节点序列结合 166 | 167 | c = set(row).union(set(col)) 168 | 169 | sorted_list = sorted(c) 170 | 171 | # 获取补充的顶点对 172 | 173 | if sorted_list[0] != 0: 174 | return row,col 175 | 176 | new_row = [] 177 | new_col = [] 178 | for element in sorted_list[1:]: 179 | new_row.append(0) 180 | new_col.append(element) 181 | 182 | # row中找出为0元素的位置 183 | indices_row = [index for index, value in enumerate(row) if value == 0] 184 | 185 | # 去除a,b中对应索引位置的元素 186 | row = [row[i] for i in range(len(row)) if i not in indices_row] 187 | col = [col[i] for i in range(len(col)) if i not in indices_row] 188 | 189 | # col中找出0元素的位置 190 | 191 | indices_col = [index for index, value in enumerate(col) if value == 0] 192 | # 去除a,b中对应索引位置的元素 193 | row = [row[i] for i in range(len(row)) if i not in indices_col] 194 | col = [col[i] for i in range(len(col)) if i not in indices_col] 195 | 196 | row.extend(new_row) 197 | col.extend(new_col) 198 | return row,col -------------------------------------------------------------------------------- /data/Twitter16/Twitter16_Ego_Relationships.csv: -------------------------------------------------------------------------------- 1 | user_id friends_id 2 | 2377815434 [921473238756098049, 859889104045080583] 3 | 5402612 [265902729, 742143, 612473] 4 | 87416722 [113050195, 7587032] 5 | 14075928 [1054496392675319810, 133723860, 326507914, 262323041, 159894847] 6 | 1647857366 [2161705224, 466645191, 2805971402] 7 | 366355851 [22795629, 1382713221656694788, 4337569159, 2463548605, 25901146] 8 | 4714915461 [499571150] 9 | 1018225862 [762330058774151168, 4906190919, 43365216, 385509086, 466645191] 10 | 2326482060 [2608641372] 11 | 247399641 [1223297836151975937, 604070848, 15322606, 2371680043, 731753429782036480, 808105990579257349] 12 | 2677214379 [763055794703200257, 3081013470, 1621337209] 13 | 151896622 [88802201, 58711646] 14 | 1406346067 [301076357, 2193607094, 2376042180, 24987045, 342165503, 143516375] 15 | 742143 [612473, 36670025, 265902729, 19701628, 621533, 1642135962] 16 | 1571502440 [92503159, 26548315] 17 | 7587032 [113050195, 7916972, 1734890306, 501616848, 22147342, 23420201] 18 | 14810327 [15838052, 25017261, 34931667, 64958256, 467559924, 6147252] 19 | 3098760325 [2790348867, 1972566678, 17536486, 204964559, 39545083, 37599351] 20 | 434655422 [395053749, 19513123, 1060810874, 441425680, 1340302436, 261909716] 21 | 2149913492 [156354968, 40377170, 2314412312, 1573880774, 17182311] 22 | 307478701 [1222659163, 543098712, 312334262, 25342280, 241594523, 1169350772171124736] 23 | 2265593154 [916334467764994049, 874004863490826240, 2272739412] 24 | 14294848 [364593753, 838464523, 230787751, 593837736, 812021257, 992541822122582016] 25 | 1122192223 [9339562, 16992884, 583342825, 992354785, 2310574609, 5990272] 26 | 457984599 [37920744, 1163992520252153857, 3158525205, 232901331, 137472360, 18001922] 27 | 44945327 [16420152, 430130014, 1300966661403664386, 195806875, 23457682, 176447679] 28 | 428333 [66187523, 43578692, 52752875, 466788677, 3030352151, 34992644] 29 | 5988062 [181020741, 29998941, 1085927065, 138141969, 42658822, 2814674143] 30 | 2513748687 [1254911201886310402, 1216968390, 1099667850, 1184494462208303104, 2947162377, 2484898452] 31 | 27500565 [829860993391931392, 854703472612184065, 17974757, 1078017553, 240107748, 18357959] 32 | 63105173 [25516222, 139782752, 17637238, 24172045, 1384521698846859264, 287763940] 33 | 156464691 [305328519, 27595300, 1306124826, 284374978, 27740084, 736073526] 34 | 134292677 [1059022694564487168, 1214062091423776768, 1112663857212854273, 966100353577050112, 139106364, 21279340] 35 | 1009546724 [2320650798, 312696314, 1004743667708506113, 1394382780675543040, 835202616510590977, 1319971509268631552] 36 | 38400130 [1187555410137321472, 1464624074026622978, 803832139070525444, 3491917572, 1097397213137793024, 328949769] 37 | 19310250 [230761725, 1137701, 1362376287004803072, 16592034, 970716252179136514, 38271276] 38 | 17471979 [1242108820362530820, 307957909, 17272464, 441210459, 18895192, 19110434] 39 | 14749383 [888033836902354944, 137000203, 26563129, 1054387360597753856, 27940210, 47346987] 40 | 299800115 [226706494, 980581140112297985, 251801238, 830424167593934852, 35763275, 141664648] 41 | 18215973 [2504452635, 17565514, 135985109, 18758101, 13657662, 89820928] 42 | 14800270 [425593147, 14346491, 763977799736496128, 339279439, 258758167, 14117530] 43 | 107117835 [298661702, 20468711, 15587790, 2825290761, 247897366, 20166278] 44 | 30313925 [369505837, 21030451, 708072909114318848, 703302487827058688, 4830486675, 4830614074] 45 | 13784322 [1206032538990366722, 1018971566162444289, 48028402, 86972419, 48037533, 486983254] 46 | 4970411 [3818053097, 395172492, 15659814, 44383158, 29569951, 8072532] 47 | 14138785 [906959665178841089, 431453390, 1217837013044473857, 3129471480, 2800412252, 54892956] 48 | 22594051 [730640823646199808, 2989113022, 99005079, 313736415, 842759635, 1249479716332961792] 49 | 372502604 [15433452, 292781918, 746032117, 552181330, 136473262, 95250289] 50 | 1367531 [29367753, 334715818, 17494010, 4787411118, 739119366, 16336098] 51 | 1229074621 [2397887276, 18831946, 16329181, 913153430, 762335046409850884, 45412015] 52 | 16311797 [193694345, 39278381, 37721714, 15525272, 15529730, 77146337] 53 | 26659703 [118258621, 882276949, 1945214251, 156306739, 21790028, 19615775] 54 | 1917731 [18915145, 1270398719725371394, 14975697, 426281310, 460436206, 26545310] 55 | 402098922 [1317827153820614658, 1423360612965490696, 2762108602, 1325110368348352512, 1074835560815058944, 410694885] 56 | 74186967 [269943357, 38345082, 507864785, 588535554, 798621747603980288, 935600010414231552] 57 | 1863198290 [546091696, 293621568, 1452760050, 1143579114, 1076407619806478336, 1055019437575884806] 58 | 13850422 [700736182481657856, 379870814, 771365147608752128, 1608720564, 16177634, 836706660] 59 | 868112707 [284681543, 892063279702564864, 238289520, 14489212, 48621581, 3298996199] 60 | 1299769218 [123979525, 144276525, 19608718, 224568664, 306115614, 1513382018] 61 | 19038934 [17389318, 25227444, 218333534, 3097367692, 342169925, 468923413] 62 | 110396781 [126062842, 996074320299548673, 14982804, 859062296, 381121125, 18177163] 63 | 1547119022 [1489764684773437440, 762390213054246912, 2155205903, 881826242416316417, 743465478228705280, 3251772536] 64 | 1734519186 [1226900456405946374, 1128657962082480128, 226203824, 32988505, 1456710380, 2950919421] 65 | 2097571 [66187523, 115169558, 1435656618, 422391858, 24092216, 104608458] 66 | 19636948 [416025003, 1437841900078342154, 19089339, 92619405, 133623952, 868944139] 67 | 2557521 [102734290, 1411972092, 1250261526679863302, 68441962, 2972298107, 3239359639] 68 | 25777812 [115555475, 234955568, 1417226937756356619, 107512714, 226276258, 51323915] 69 | 16973333 [95748620, 1632457778, 1331650744143888384, 934166507155873792, 368317521, 1356569509] 70 | 251881119 [987353174, 2513851915, 32933328, 80719742, 776528756, 51850045] 71 | 20562637 [80086299, 457791062, 144202961, 1392521493171511299, 801581981024849920, 102870688] 72 | 14780915 [103012173, 1454497597465534464, 299563652, 2295911619, 181561712, 18237711] 73 | 16929520 [61384123, 123327472, 46920136, 12422582, 14623284, 620632841] 74 | 50769180 [336464442, 833673914, 1471592652269363206, 190905427, 1427361863830949908, 1290635110149169152] 75 | 213291472 [60181921, 46518690, 14660096, 130057886, 20754104, 48069880] 76 | 14669951 [211346617, 478733284, 1836415555, 1426227719470157827, 18677260, 808424449552896000] 77 | 2461887810 [1283041821329895424, 20374624, 13115502, 193476889, 229981309, 1617732804] 78 | 86141342 [218186597, 31779156, 958167261159854081, 155709334, 247022327, 31599456] 79 | 1994321 [32838475, 47951057, 390322035, 1099995905355403265, 78367027, 1050085152154640386] 80 | 22411875 [40965357, 840794702, 2557987609, 129130834, 309976035, 25175356] 81 | 16374678 [3302619878, 1459074529, 1394729396313878529, 42368185, 1147151911772151813, 38287098] 82 | 28785486 [24844300, 88856085, 20601037, 18274250, 3033098871, 1488913117] 83 | 171802941 [345761341, 23274051, 3229440529, 1203556320, 1040962352, 1003580074078003200] 84 | 14293310 [933202452697853952, 849591540792131584, 44937090, 898539348345462784, 1330664690054275072, 702029537727545344] 85 | 8839632 [18294856, 849005587744608257, 16072058, 9907172, 360743972, 2818532994] 86 | 18999969 [84663746, 904903847658876928, 517753102, 2986236707, 20539937, 19344232] 87 | 49616273 [1260881050005315586, 1240860947826311169, 99004419, 365216346, 1233144962583343105, 1231750144485277696] 88 | 6017542 [1225186043261046785, 45383269, 11856482, 37590426, 27101698, 18254895] 89 | 2884771 [195271137, 66923871, 907290774022217728, 258334566, 75137901, 101516969] 90 | 9609632 [1514752100, 824799521263595520, 39193208, 43797149, 414460605, 34752409] 91 | 623611206 [1106602989794422784, 2420023177, 1926489392, 3041623413, 1933042237, 17881816] 92 | 15012486 [26448261, 86129724, 20280088, 957025192605306880, 1018682768828567552, 6948322] 93 | 380648579 [125220395, 43455835, 19487246, 3392069121, 150599763, 433708137] 94 | 3224780809 [3038709259, 892768105285509120, 421274610, 134879863, 3306102251, 933279668] 95 | 426802833 [407464670, 4267082849, 135692196, 276445663, 14577845, 512891547] 96 | 1090556088 [1005562324005146625, 21409457, 4578275315, 598655911, 1015227876126412800, 983108315466162178] 97 | 249293918 [235367600, 49043438, 630728313, 24020447, 105250713, 228898436] 98 | 786764 [7087662, 755733657466331136, 74803924, 14291830, 27210730, 793052490644291584] 99 | 16193222 [172851265, 853229442, 261430373, 6539592, 1428513298123837447, 935662317190172672] 100 | 13215132 [18407019, 12705982, 592286290, 1073242482551480321, 3119877934, 2565727201] 101 | 3646911 [23635799, 143052179, 469398051, 13534632, 28406270, 268623262] 102 | 225238649 [904225431133446144, 1285071877338259456, 121288665, 1107828322996641792, 52941351, 751474531370299394] 103 | 1960878613 [17590516, 1301854118, 848921182447562752, 3247141915, 2392524368, 93322104] 104 | 64643056 [573498801, 818905354205622276, 522886434, 1432766978389905413, 1200192497441558528, 312696314] 105 | 15164565 [132344326, 2182392464, 1089162971375419393, 1488218705448386560, 1343696892429910016, 13783772] 106 | 10774652 [2555083470, 421151092, 64345537, 4844048567, 60680268, 4819538573] 107 | 1767741 [701100303156953088, 26405276, 56466021, 608616316, 57048551, 21879358] 108 | 241056520 [17157929, 21146733, 165514516, 716435110845808641, 48075372, 266713059] 109 | 8936082 [593837736, 2846816302, 189896485, 243081319, 21210721, 3441357856] 110 | 69009254 [302812134, 942992595415789568, 836817425328930816, 24257127, 2768542457, 1410028926819254276] 111 | 115754870 [736133383, 1274502441749360642, 35580401, 759786534, 15484198, 2958988084] 112 | 13049362 [17220817, 2919018056, 29860364, 15573174, 24580902, 305967569] 113 | 18643437 [1413127927202557952, 1469997845298171904, 801203059359678464, 30935020, 738707750570602496, 1404412545805471746] 114 | 2836421 [42176166, 14690919, 1308920081439772673, 1312056419429093376, 1708305312, 845945042] 115 | 9763482 [15525413, 119950049, 270949237, 41874485, 1440569113928089605, 158414847] 116 | 18071459 [1238270704698736640, 24531730, 111400999, 193352925, 16113700, 70440910] 117 | 957502914 [197284736, 28115444, 25127256, 754914026, 65273791, 264303725] 118 | 18856867 [594886554, 1226624031367073793, 1137701, 30011100, 760761161910460416, 592730371] 119 | 16343974 [1379424519639724032, 286734617, 59607564, 24913568, 150380296, 962031759020797952] 120 | 807095 [8344522, 16686144, 14974776, 1109315304, 61734492, 143571157] 121 | 18013279 [1102991598063890432, 3384690749, 2927491919, 1488588362374070275, 1344083599889469440, 2339574482] 122 | 15754281 [21792170, 1671402630, 191975272, 2743157366, 431719095, 2655016260] 123 | 16331010 [25144145, 123276343, 319907182, 16537989, 1850127757, 13262862] 124 | 198746638 [99299078, 1532857747, 60246606, 19521118, 162535829, 3245340318] 125 | 102700680 [146423935, 4493743294, 1926360631, 81805643, 1389974425685176321, 3458195901] 126 | 111556701 [65828853, 230930518, 1301854118, 27115071, 386194881, 818203045854990336] 127 | 292816822 [405114203, 18561929, 256912302, 1283729682, 1254148787053817856, 1177341318525120512] 128 | 16184358 [4071001, 349249475, 230787751, 19847181, 1036631333433421824, 23350094] 129 | 115245884 [96759874, 3020659913, 302657188, 2722012292, 264973470, 3447934336] 130 | 243163874 [887789130, 28477844, 181948237, 744260935527735296, 17979867, 14170232] 131 | 362144301 [1161155834, 1060578475, 604562104, 716510182, 92771309, 954690101879169024] 132 | 8736882 [30348583, 218333534, 291626846, 38491229, 113767155, 24174356] 133 | 16211434 [319798133, 35877117, 58954780, 62917865, 434898980, 544684867] 134 | 19921215 [23909534, 20421905, 489144400, 92849124, 2148387230, 1005799404656365568] 135 | 1291770157 [14261961, 287830593, 1409137013035397121, 15433452, 566277391, 14758713] 136 | 237403203 [149249345, 1254430636259135490, 1350523269686943748, 1264302223833608199, 32281887, 434458299] 137 | 597251143 [35948186, 570425290, 1457978668710449155, 598055633, 25877907, 221179719] 138 | 232520849 [1371249965775925253, 85383361, 924836857988313088, 300796564, 53414786, 403075133] 139 | 166002047 [34369632, 2391225308, 397542335, 2288980522, 242763001, 50057094] 140 | 100629223 [1267366726921891840, 22721357, 1293937695354318848, 330854659, 299469298, 1695202670] 141 | 70468535 [596812930, 1446432654, 75343905, 2521469449, 1427361863830949908, 1208442468] 142 | 3108351 [577717653, 1536493496, 19186003, 1093265779, 889679926202445824, 890994369846796288] 143 | 3369234799 [36696478, 111153677, 3116298669, 1686180224, 1133233587157962752, 1220472117763817472] 144 | 232901331 [585885428, 106795595, 1430282093775499266, 101597075, 3167568804, 429415553] 145 | 87818409 [65356121, 18667799, 4300957042, 247476364, 19362713, 143603147] 146 | 770352762 [390274454, 49862982, 18131961, 760284345466707968, 2542353439, 272071608] 147 | 94215989 [14981648, 2416829539, 177733879, 21865734, 33727663, 962205008] 148 | 22724717 [571488084, 1405067657016057857, 36823303, 1052099707076395009, 2258689484, 266503977] 149 | 22872643 [141664648, 300595743, 87318558, 18846868, 148441402, 24996939] 150 | 759251 [277654637, 1367206038093656068, 66187523, 115169558, 1276216630306054144, 587188423] 151 | 25067168 [402122209, 2760439619, 737389683731275776, 1202714036841984001, 114675553, 1014831386514083840] 152 | 25049056 [1560140778, 2341885704, 2712775950, 3346104972, 5770762, 1008599230557155329] 153 | 9651232 [1309112745950883840, 1627734804, 2563715586, 37390030, 314494880, 377424425] 154 | 225235528 [16908436, 719241386567077889, 351457936, 32707036, 1267560695496953857, 14982804] 155 | 584031440 [954072202466549760, 1044060734806790144, 747873537554321408, 143522902, 1212023329348964352, 1132420272118730756] 156 | 20012204 [234624450, 255351091, 191184478, 445754523, 26813101, 14521926] 157 | 1652541 [51422987, 637155972, 61236039, 27310927, 245884756, 1675264694] 158 | 17820367 [2444470726, 930768746200711168, 13241522, 1005112325941194752, 270127572, 2313955435] 159 | 88944711 [42612159, 480418245, 1075768917946220544, 43313992, 617602505, 2579359027] 160 | 788524 [290735485, 18045304, 3144928678, 18553134, 169767749, 80262276] 161 | 143145579 [1113898497357623296, 1110190452, 31252613, 3948308435, 2960213008, 512554477] 162 | 18565988 [17024292, 36707330, 2904190074, 2479077845, 223204795, 57893062] 163 | 18939358 [2864964687, 612697998, 1337500800830955521, 2966570782, 2271067363, 1075392210] 164 | 20748745 [85590606, 1333164412262203393, 398036535, 15867018, 24685243, 482388629] 165 | 24165761 [1679795634, 3998451045, 512844010, 586032653, 961697029411037184, 820705814906339328] 166 | 6433472 [20759034, 3097367692, 197284736, 60637549, 1768323372, 49825355] 167 | 40340946 [58845996, 15013823, 79011772, 210713704, 69397269, 201761401] 168 | 97994396 [1143565162026172416, 203727586, 956867275000373248, 35671433, 2191884285, 2296463414] 169 | 717313 [15165493, 196233238, 888171786256261120, 17853538, 1118652581310545922, 27767135] 170 | 19417492 [848280544152608769, 1973358372, 1144774139896565760, 1372983406221524993, 1155273721793392642, 1384191416738271234] 171 | 9112032 [14235543, 121613132, 821806428, 11740172, 41712041, 171653863] 172 | 205789121 [877509428391575552, 2988453452, 1004160071629238277, 2355984187, 619195928, 857720133019684865] 173 | 32652567 [49785781, 84081044, 1371693171718115328, 204417294, 290834660, 1150475613100134401] 174 | 216776631 [963973126030790657, 807323561924947968, 14335586, 858809231167942660, 947532584916959233, 1166373082208112640] 175 | 196168350 [1178252481442267136, 1391554070041743367, 455394184, 2474749586, 253872062, 130956302] 176 | 466645191 [1405226671431557120, 2938779998, 1118679741836537859, 3551856373, 2957152528, 334464637] 177 | 171606833 [254615390, 18870180, 1491151602060873729, 26262426, 1452756132, 27384098] 178 | 22298680 [1493741814590816263, 1478780760110809092, 46077922, 1247595381493563395, 281732396, 131482423] 179 | 377778216 [17076330, 170871478, 285622842, 965253865, 57724877, 24324469] 180 | 22077368 [314099893, 14086037, 1924267292, 195759872, 1226902074656514053, 2864429747] 181 | 9300262 [1917611970, 752606238135902208, 550689009, 30262082, 1485049023538991108, 55650719] 182 | 74361628 [119358191, 839252485277646848, 1412646787, 20568173, 4493134048, 1285925189105127425] 183 | 42958829 [20280088, 337990840, 778647051978539008, 28888320, 233788247, 845001409] 184 | 3293118434 [1445489540748042256, 307083860, 1112724144427139072, 27479025, 185272231, 2972870754] 185 | 207495308 [830109535935279109, 221635888, 3240175268, 3739284552, 183513146, 14345113] 186 | 109234928 [345761341, 884593381258608640, 1306124826, 305029125, 25910624, 315535646] 187 | 2467791 [1024348052, 1151848578, 22454166, 405638663, 20519694, 999144139420651520] 188 | 25977925 [23937894, 1325164832799264768, 818733968, 252216243, 1177256290999001088, 3419251203] 189 | 14499829 [1386972731963547652, 1223276177177108480, 1000391822189965312, 750693674434957316, 3319210530, 111529937] 190 | 243628984 [720635490878271488, 115039450, 22544807, 1453366597201059846, 480405720, 38526133] 191 | 97474887 [190459524, 288363743, 2303374783, 2825591395, 44157405, 111060879] 192 | 11616202 [1137379477, 21654544, 16163627, 256159524, 632532030, 21657046] 193 | 328967731 [2313918458, 334946491, 1240608745815711745, 529250880, 412615699, 218759071] 194 | 380285402 [783027305954279424, 17590516, 23176276, 111400999, 11744152, 3059080869] 195 | 14173315 [42782695, 1484541770755198976, 7768402, 136550204, 2324171618, 30487036] 196 | 14662354 [173925279, 1261946366168911873, 2338622284, 32133295, 466864852, 1452140808] 197 | 3337804853 [233979612, 818274514131763200, 34039362, 1360351357815951360, 894305143, 1197992176367652865] 198 | 18201114 [1380228370424721408, 265104007, 431721243, 26713284, 225613426, 567562934] 199 | 216299334 [114936799, 24770461, 22928810, 548078410, 191100226, 16834659] 200 | 26487169 [34715823, 479951549, 1207054845141762048, 1347318288850825217, 2970892229, 15719232] 201 | 201977673 [334475062, 1470743813438447616, 634301257, 3309855052, 1336841194526048256, 1679718330] 202 | 52327900 [1275927619226095616, 1027363673562464257, 134704905, 508906511, 726379555565375489, 1066281565901258752] 203 | 6038642 [4099642455, 447287656, 366955988, 3331588833, 25314675, 38216246] 204 | 2716396878 [2443022279, 1421277705455038464, 987317488374329347, 877500854902939648, 1089641246426099712, 885279805] 205 | 25210650 [189376144, 45510215, 1466129890147811336, 763422344, 1104851137801273344, 384270118] 206 | 2163076560 [35459949, 23491400, 84994140, 1484951996650209288, 541174362, 38528124] 207 | 131538331 [2756567134, 264219447, 4018573882, 1242855751942647813, 27245742, 248859211] 208 | 256596567 [47248291, 1733125729, 4795202481, 24253642, 90034386, 19382041] 209 | 2689574322 [811414973985550336, 1201027070291169280, 4138525213, 88566817, 710297301802205184, 3374149533] 210 | 15438913 [50281197, 19096944, 75343905, 1079425544998080512, 3059080869, 3740896163] 211 | 462104542 [81910236, 1084375028, 631310817, 28639189, 20776147, 4926083998] 212 | 44685373 [376431595, 100015579, 1002926077, 1139651091140894725, 764910770, 161427410] 213 | 7309052 [541143164, 17425181, 224406825, 107337724, 783027305954279424, 29222187] 214 | 36730252 [1113581581, 50389008, 27384098, 2458191209, 801727519, 423804754] 215 | 7900962 [20626144, 103111232, 24254084, 1465928304679075846, 1005853734, 19217369] 216 | 15553222 [181769935, 28613095, 957363241486770176, 16685008, 38748776, 210993757] 217 | 14934818 [302657188, 21535507, 464193349, 15129069, 1007712073806221313, 18677951] 218 | 14940354 [16976061, 89887215, 384027690, 27481883, 1276140426, 708861759029977089] 219 | 15736190 [16705419, 21092704, 114349359, 137310688, 26206400, 4241651] 220 | 19091173 [18812728, 3024819972, 36266589, 1467931973616386052, 808080314, 1426227719470157827] 221 | 594886554 [44437293, 1492606668512940033, 1492680207878266881, 1492509537085136900, 2456819246, 36715753] 222 | 454249913 [719187877, 780644342281019392, 2743085598, 2280996480, 991054211000369152, 979453825214906368] 223 | 1137881 [419083835, 74231747, 828675346870497281, 978665052797652992, 245987858, 588566077] 224 | 42407972 [15432218, 1031612276, 19811190, 314587185, 763010018, 1343644345195520000] 225 | 17446621 [1356801560936910848, 4846966540, 1314017659571195905, 1684367354, 27384718, 892219807] 226 | 972651 [911771055684853760, 249013297, 192606233, 425658819, 340715038, 558787313] 227 | 491960101 [372545489, 104975983, 840703239989284864, 1208160128060379136, 1363351115996127232, 996331578878930944] 228 | 2304239234 [28370110, 114865589, 395031855, 1182134386214555648, 897456209019768832, 817858097960067072] 229 | 13654792 [6425342, 3143761547, 346936642, 524489865, 4516023204, 1447603995179057156] 230 | 5695632 [79536438, 1263268498056200192, 411928529, 243162131, 256596567, 115202137] 231 | 20250241 [334315748, 155686522, 45100745, 31972420, 749626086309462016, 1348631247111778309] 232 | 17004618 [905539072621518850, 1361211926039072768, 2209770648, 4770256988, 342863309, 15927844] 233 | 4826510725 [787228434, 24358319, 3843640245, 830288209112334338, 718226414, 719427413784965120] 234 | 358545917 [1280435187986264065, 998015357032988673, 1495411078989242376, 566030797, 837555557804339202, 191871143] 235 | 247412653 [79021932, 833607031, 298161138, 18129263, 1325164832799264768, 74212033] 236 | 292432955 [28746590, 1183779272, 4181592982, 281086408, 21779148, 35991327] 237 | 715044396 [1225610576107204608, 1317712256277254144, 19864495, 1420843155612651521, 1447696780351590406, 16325218] 238 | 4855687055 [961416520520921091, 2161875486, 1349464766759264259, 1308733026306723842, 6999852, 332268342] 239 | 159052174 [748591305790488576, 981049941983293440, 1392217442303291396, 596185887, 3412405799, 1005645781] 240 | 19063323 [1491296957264203776, 1189289949520187392, 1181599936816832513, 33771490, 792031639832502272, 1240340521798848514] 241 | 635053388 [274956690, 341977904, 781653026, 627259869, 544970462, 554471598] 242 | 25036511 [536540206, 1668826021, 25871658, 1052099707076395009, 262219168, 222026057] 243 | 150135224 [789553908, 2891770675, 1363675264706699269, 1060036002792783873, 782428548778774528, 3548096477] 244 | 18668407 [1123361791306797062, 152656121, 19979086, 25087909, 799183702253338624, 317861977] 245 | 1137638220 [776880309589512192, 23918128, 886398296146706432, 25623594, 493526610, 1196089093840658432] 246 | 3300205033 [31124168, 1372738882513596420, 1398627109916995587, 80619799, 1453007764935127048, 922242297730949121] 247 | 18208354 [1006272236028915712, 339061487, 34367582, 859974366, 1357717304931479552, 1344104506489856000] 248 | 4541374877 [1861505246, 1081323332, 1467454123, 3266904781, 2812857721, 370476515] 249 | 11350892 [21575420, 2408386146, 71177911, 34993020, 969251736065101824, 32335812] 250 | 16041234 [763010018, 30378270, 233001368, 453433042, 34359976, 65494780] 251 | 17697300 [316839360, 809994381281390592, 1334172248337305608, 1457823624254173185, 1441568135547523074, 743098258441003009] 252 | 455764741 [776503480144031744, 315823280, 131880063, 1276048330586537985, 49367983, 1183132214680150016] 253 | 16116288 [100802089, 819176919899971586, 1512372240, 2310817963, 144891724, 30070035] 254 | 32639940 [501480900, 2575215583, 1360072554279440388, 945693405694357504, 1422893546533752835, 12369372] 255 | 15250661 [59086819, 752836525, 305328519, 1105651372622385152, 867218820707999744, 27179466] 256 | 7702542 [1520204418, 499696436, 86010091, 926054168753709056, 327862439, 1067219416700633089] 257 | 42896073 [25339271, 146568746, 2232041, 1343036322, 141664648, 90194701] 258 | 510455186 [237245772, 1242446202, 1596620473, 19961271, 115458769, 226579418] 259 | 67958182 [470444339, 942222592353624064, 21419847, 1597416416, 17422787, 339934978] 260 | 80185804 [4081561283, 164738666, 1161729442634502147, 98097885, 97919255, 117732057] 261 | 1020058453 [251236863, 1131622820289626113, 2679844136, 599613853, 940642868003295233, 356272826] 262 | 44862126 [1089897637996912641, 936563297863606273, 1269273238393126912, 704831647, 362697905, 2338586022] 263 | 22123727 [1082432881622798336, 1495915852587159553, 1054474598849236992, 179723434, 1413878391430737926, 1407315240203608071] 264 | 30699754 [19578598, 17344272, 1536493496, 76743356, 1170423026086764544, 163598915] 265 | 2396804350 [929708603405225985, 283590742, 1454725321362743296, 138227312, 1467890468218355712, 23799034] 266 | 272114651 [2204151218, 896689664, 607039851, 827473845170950146, 1262124102208286720, 1246819946321059840] 267 | 91478624 [153474674, 709313, 4885952657, 1949506316, 1187385297652404225, 1278930108] 268 | 1932737630 [1491395856674795521, 1030546808743841794, 1494115693406654469, 1449024782482116612, 19829092, 1494860670172602369] 269 | 54322823 [2294925079, 1484566100029358081, 1225806164199460864, 1205270796320563202, 1250502337006899201, 979767979293528064] 270 | 26900055 [47803454, 621521119, 1040091554378145792, 878225881, 1453036946276577280, 1422656207735517184] 271 | 14511951 [151763704, 4462528175, 1156241458258534400, 73987740, 2377287531, 2275077139] 272 | 442653867 [3262745113, 1594502564, 2768983417, 2539499704, 803268216, 3397041853] 273 | 51241574 [3289148286, 1070166448650227712, 2790060134, 950080988, 820206819935158272, 24104239] 274 | 60113766 [1367236588837752833, 879548970082721792, 1319523522, 2574575155, 24903444, 104041448] 275 | 15359578 [163018653, 115745371, 73758044, 1114663532, 333734966, 128659076] 276 | 16664681 [28190617, 376326941, 1732149619, 5949582, 2740412094, 7383532] 277 | 39308549 [29606563, 35999496, 987129064287817735, 1455560254914056195, 1261358687295324160, 1181680423652532225] 278 | 8953122 [16635277, 1123064404722032640, 152142811, 1158121671724847104, 190063585, 19076011] 279 | 491461409 [359329152, 2894032402, 1006927430353813504, 36965743, 31439580, 11862562] 280 | 166329578 [1126553316790378496, 1477949894, 1079143069038059520, 1167536925793816581, 14731096, 360132736] 281 | 1140451 [113625907, 351947172, 1188329290162675713, 785237870, 16018805, 18351840] 282 | 43508994 [2376971876, 1468266445339611147, 16999554, 846466404, 1094737448003948544, 1451592364636741658] 283 | 709497411144523776 [3421910597, 127876805, 335294029, 4761542476, 937594944373407744, 1017342984591773696] 284 | 18284815 [34916539, 61608747, 1478204994, 21102116, 22537471, 27565899] 285 | 17469289 [817218718396624896, 914281622027022336, 279276971, 33677778, 15981436, 4133204999] 286 | 572278319 [922092480, 70806423, 894236563, 259861629, 589969980, 121211754] 287 | 2302239423 [1296283708081635328, 823439683363475458, 318124024, 1264672933206724608, 56726444, 1357902373671342081] 288 | 1564676498 [708448405962559489, 1250732653, 594787425, 2232413696, 807727243179032576, 2638446723] 289 | 15515169 [1352842826627883009, 168470806, 950469782, 950403960493535232, 4205133682, 1098315781723643906] 290 | 282695161 [69046916, 1490489938512695298, 1038799595852128257, 1404136166291615745, 1238608990243880960, 877932514425417728] 291 | 755113 [51971452, 14108027, 1219477299034128384, 21144206, 3968888187, 58091909] 292 | 3594364096 [1070849493430665216, 1166898768534523905, 825230612831166466, 1045434508185501697, 831577159605039105, 862109305650249729] 293 | 23995748 [61055970, 1572183187, 37825157, 1972791858, 2905909684, 623306247] 294 | 9235982 [722998697462620160, 349209715, 40778270, 288661885, 795737184196136960, 726379555565375489] 295 | 35459922 [1052962578639581186, 1431488841672630277, 1299854416372273152, 1485842750222135298, 213182957, 27795159] 296 | 16834659 [216299334, 22905928, 756384093089259521, 1220692352, 137685594, 107414026] 297 | 9648652 [768316863944151040, 21383540, 1403059409807286272, 64733394, 9955362, 61049604] 298 | 17983365 [729035718207614976, 260847814, 180067568, 3313785009, 1148688546129219586, 713478051720343552] 299 | 8215672 [3303591954, 1173903390524497921, 3128005156, 1228705294848385024, 1333108371638132737, 1436402421970898949] 300 | 427772531 [1410755428309516291, 1474157544213909505, 4862465936, 3351121882, 1263909564572938246, 1214936713920827396] 301 | 3540252020 [1489761222446788611, 80670332, 15477558, 1186797952729341958, 817858691068203010, 1286782230174535681] 302 | 7905122 [12075832, 481655487, 27212264, 19869829, 117777690, 27045668] 303 | 82447359 [1233200712777109504, 1319523522, 1288168819, 76435243, 19617729, 1458130861723996162] 304 | 2837996969 [790278345581658112, 792326976589721600, 703451280123961345, 403142440, 1697920794, 793063734835027968] 305 | 10168082 [1352273859228147713, 1466881262467969025, 205081745, 1032179513088651264, 1336733113322496000, 15157283] 306 | 236487888 [21598152, 115710058, 325385270, 1909406492, 17500378, 42074224] 307 | 78569026 [48904521, 23431221, 2887386214, 35633645, 2746644052, 131013398] 308 | 255546135 [3644091492, 2891388368, 2802474020, 779943224576139264, 3220725411, 76083512] 309 | 1372786812 [1161805627, 1454400978455773195, 1046365518754697222, 1484928365542862849, 1350310951426224131, 539135317] 310 | 16190478 [814302283491987457, 2575666549, 1440729049806954499, 863393130, 1358189452473040897, 794361780256522249] 311 | 2367911 [463571271, 949171712041607169, 1972757540, 974776428427468801, 1481370984468865024, 207236705] 312 | 33529092 [1492594782438408194, 1489643976261050368, 900113336, 1492490213708476420, 1492641858698330112, 838169699179442177] 313 | 999453985 [1492617169938620423, 1487859033671225350, 1409290306491543553, 1354427345726296064, 1250920251887366144, 184473010] 314 | 186569856 [514423378, 1250116514721775618, 1490374740565016577, 16223625, 897566178155081733, 882632647] 315 | 893856362 [611034595, 1480254310768422916, 1094737448003948544, 1432459745697337347, 1272975879887564800, 1423172617129893888] 316 | 537904539 [1443433432688644096, 1477337093865197574, 1489965218386042882, 1485527812417245190, 1425205092312096773, 1447756391058395137] 317 | 487600344 [1466456519944417285, 2567872988, 2711718543, 34785339, 1444505853030240263, 2464493522] 318 | 5392522 [212123251, 15359183, 524985265, 82151660, 38683121, 1589179254] 319 | 2196201139 [2573931337, 141664648, 582159854, 315022664, 814296400494104576, 968008274003005440] 320 | 27789999 [1494696035565936645, 1434177334446379008, 265141349, 935403267072372736, 1348845430788874242, 1469236128507211778] 321 | 30973 [104524102, 17009186, 58689457, 1003453927159934976, 439709759, 1385361329343578118] 322 | 5741722 [589198817, 366368285, 740309674788933632, 602199246, 14894519, 438843965] 323 | 23195603 [1314410867447025664, 412797043, 1451667765836886016, 1474857931753463809, 1451985256878387207, 121830253] 324 | 15115280 [1019751185606160385, 414818069, 1174050530479374336, 57417404, 3787903994, 13838562] 325 | 2883841 [28062657, 1120359636366835713, 27461449, 1707987007, 17004022, 966927542111236096] 326 | 14437914 [1057198137914376192, 89887215, 17904878, 21821542, 1376642040407154692, 336637118] 327 | 158060289 [1453844452800401415, 1496556412830322689, 1404136166291615745, 28273986, 1410239856786259968, 1496491146469646344] 328 | 50434933 [1297161220714356736, 3021605339, 544976239, 59634987, 1438490216763961345, 1469016903985373184] 329 | 54769979 [1405613824473026568, 1494614281546973186, 28429313, 1214522429529149440, 1058738182706155520, 1490243413995778049] 330 | 17525171 [3261717588, 299776583, 1135975104586928128, 1115765249603452929, 2692355441, 785932707725324290] 331 | -------------------------------------------------------------------------------- /data/Twitter15/Twitter15_Ego_Relationships.csv: -------------------------------------------------------------------------------- 1 | user_id friends_id 2 | 2757125954 [3784131322] 3 | 278122965 [1056727454] 4 | 95023423 [31497981] 5 | 5402612 [265902729, 742143, 612473] 6 | 87416722 [113050195, 7587032] 7 | 1620343501 [3006264695, 2279261, 9961052] 8 | 14319981 [1420411798637907971, 3233862751, 813586163675971584, 132809440, 14319958] 9 | 1647857366 [2161705224, 466645191, 2805971402] 10 | 1014922465 [1070217925, 2388990182, 39321788, 2719377835, 2711544912, 310280546] 11 | 4714915461 [499571150] 12 | 14075928 [1054496392675319810, 133723860, 326507914, 262323041, 159894847] 13 | 2677214379 [3081013470, 1621337209] 14 | 15913 [4194473299, 2342613998, 893590198684065792, 18818598, 532406707, 7194892] 15 | 16548023 [1174276237084069888, 1663848421, 2934970723, 1535609209, 1311505802, 1242584630] 16 | 430048955 [24438836, 30112576, 29130573, 36326913] 17 | 14514804 [1417556940813750272, 1313484593455079432, 1163912001560690690, 358566293, 3010731441, 1285696909647192067] 18 | 37034483 [96900937, 267158021, 219273338, 2775374745, 321271735, 465329295] 19 | 1406346067 [301076357, 2193607094, 2376042180, 24987045, 342165503, 143516375] 20 | 742143 [612473, 36670025, 265902729, 19701628, 621533, 1642135962] 21 | 1502806892 [373157754, 1180640504419094529, 49592004, 54649261, 896589836, 2843646362] 22 | 7587032 [113050195, 7916972, 1734890306, 501616848, 22147342, 23420201] 23 | 115557718 [35818542, 1143356102987440129, 15693512, 34749849, 1128197251, 19989052] 24 | 532617990 [19989714, 32717799, 52429763, 82669742, 89713893, 2485950907] 25 | 2435960576 [27426955, 19622257, 546364795, 2512206188] 26 | 1266239359 [2348214800, 2612640048, 3045623481, 1561567536, 525954207, 333734966] 27 | 2422621896 [37836873, 1552684315, 548006311, 305790272] 28 | 286742737 [498177610, 888783553, 66092787, 3238353269, 3012159396, 2670426438] 29 | 3060631 [4711285728, 228853803, 61893623, 3054799761, 318443407, 346651472] 30 | 22240612 [1312642975109873664, 1206271478104236034, 3095725548, 1217895620263981056, 1153667792501166080, 1153667258750775296] 31 | 519150848 [3244908090, 726018109, 480205076, 3355484819, 756172609, 635564162] 32 | 434867400 [800123263808475136, 99547903, 1966475822, 18503594, 374433545, 561857786] 33 | 129834917 [3006348240, 1903558339, 26834339, 21579466, 956125597, 18530484] 34 | 221452291 [3654878069, 96496907, 337212116, 72049431, 113155291, 24793660] 35 | 468082397 [16386284, 76518929, 221413260, 33992890, 30893732, 16014951] 36 | 11928542 [300660621, 18149185, 2864989104, 373632925, 930880826434351105, 64475299] 37 | 307478701 [543098712, 312334262, 25342280, 241594523, 1169350772171124736, 935634716006535168] 38 | 14681605 [2688952472, 999720386014019584, 195129672, 101324458, 93518110, 15115280] 39 | 2371458720 [241778680, 2370830377, 2172681822, 337246428, 17691900, 52025210] 40 | 16049723 [9106642, 15031499, 129830914, 214808939, 24168889, 14804878] 41 | 14294848 [838464523, 230787751, 593837736, 812021257, 992541822122582016, 1014962123087204353] 42 | 1438331173 [2309209807, 321333926, 2407369286, 1186378112, 1576554931, 2226127897] 43 | 44945327 [430130014, 1300966661403664386, 195806875, 23457682, 176447679, 2274871117] 44 | 457984599 [37920744, 1163992520252153857, 3158525205, 232901331, 137472360, 18001922] 45 | 272395158 [16157855, 1367531, 21970333, 531627880, 25376735, 31194003] 46 | 428333 [66187523, 43578692, 52752875, 466788677, 3030352151, 34992644] 47 | 1114067306 [712731391440592897, 272522127, 151915040, 1401620756883251203, 1396935099996909568, 413295645] 48 | 243318995 [824164968677408769, 3027970893, 569238628, 285636352, 381157332, 17060573] 49 | 14861285 [1300495749478785026, 3901516103, 1007534222, 28282442, 15958614, 17525171] 50 | 23962323 [1932191352, 1144274136, 21166728, 77366505, 20531361, 225589006] 51 | 1635754086 [284845544, 2329203841, 1973506220, 1380524366, 2263894381, 1948482325] 52 | 65493023 [1290635110149169152, 19737700, 40625430, 14529929, 281610530, 43376269] 53 | 5988062 [1356632180823318539, 181020741, 29998941, 1085927065, 138141969, 42658822] 54 | 2347049341 [6578122, 15369355, 17273535, 43375503, 72473481, 100531396] 55 | 157627966 [951503496867655680, 1425139423725948929, 1436110167976861701, 1391254762499153922, 2926052682] 56 | 16219269 [14328066, 71058724, 1451910877599477765, 1286449979184361473, 151596846, 909533738] 57 | 556151596 [3659641456, 804816624, 106204123, 49519258, 3093242123, 18980276] 58 | 2890961 [1041785194095816704, 65085261, 754485, 16373202, 3119877934, 108408529] 59 | 36327407 [621649066, 1351452553137905665, 725552650985545728, 713027185947193344, 1318928750143139841, 63796828] 60 | 27500565 [829860993391931392, 854703472612184065, 17974757, 1355294964, 1078017553, 240107748] 61 | 1570005834 [1471955834196623360, 1444360543196704770, 921293474, 1464968941000806401, 1472528239537000449, 1472527460243701764] 62 | 752749796 [2424292610, 441206662, 469003221, 1519926283, 258907612, 608438805] 63 | 1430400949 [322555853, 768111422, 305106924, 19990162, 16887175, 3704391] 64 | 67973271 [345013610, 69469164, 2234512796, 20009816, 23783240, 1281739903] 65 | 14216661 [626000206, 161157900, 176857870, 18182689, 186582558, 44952933] 66 | 24000965 [2216760050, 1060751816, 24156429, 38495710, 539323774, 114530313] 67 | 19310250 [2474749586, 230761725, 1137701, 1362376287004803072, 16592034, 970716252179136514] 68 | 275686563 [4259803403, 40838464, 1199057751130816513, 22427183, 14752818, 808464904575299584] 69 | 30408682 [250693469, 25206525, 41052304, 23258865, 289634415, 313680326] 70 | 14749383 [888033836902354944, 137000203, 26563129, 1054387360597753856, 27940210, 47346987] 71 | 360738490 [3267730369, 331403526, 969781208321331201, 898373002148143106, 462958397, 838177796715249664] 72 | 624413 [190590454, 1254097248855699458, 792290942, 257513690, 164021882, 20402945] 73 | 1363520268 [341908197, 2492329989, 1567480255, 16909904, 216311666, 2781188954] 74 | 195271137 [801203059359678464, 1282121312, 1326005070, 111400999, 23362152, 376453771] 75 | 14800270 [425593147, 14346491, 763977799736496128, 339279439, 258758167, 14117530] 76 | 2741313561 [1460314460757938186, 1158782489286062080, 1157931822405361666, 1161030911753957376, 1150261432874930177, 27872863] 77 | 328810158 [36581980, 880851493968072704, 1364718200118669316, 18217574, 3056931256, 48152936] 78 | 107117835 [298661702, 20468711, 15587790, 2825290761, 247897366, 20166278] 79 | 13784322 [48028402, 86972419, 48037533, 486983254, 116947296, 355036400] 80 | 30313925 [369505837, 21030451, 708072909114318848, 703302487827058688, 4830486675, 4830614074] 81 | 18665800 [1471883612270342146, 1442540162483830784, 1458404363999883271, 1370072888716496898, 42112994, 14516920] 82 | 18510860 [215986146, 1220065306426642432, 824761019591450625, 990713310025846784, 1219278784693768193, 45952335] 83 | 19658826 [1532061, 793451619975331840, 3663140292, 987296641085595648, 163133862, 176574522] 84 | 15163466 [11440412, 27240022, 1130465222853111808, 35203319, 82689705, 20455625] 85 | 187179778 [12077852, 957641, 330321134, 15073020, 425241066, 2200721] 86 | 14138785 [906959665178841089, 431453390, 1217837013044473857, 3129471480, 2800412252, 54892956] 87 | 1559340594 [21591048, 1241115456284643335, 85443098, 3244616533, 941298402087919617, 1429134579198222342] 88 | 7144422 [719607926248378368, 483351783, 1172267947, 22317452, 2738269807, 16795762] 89 | 14460241 [3448051155, 1331565596488634370, 204917532, 1111861873, 216647845, 18537898] 90 | 87940072 [67801509, 821063726015148033, 153157797, 34122090, 1933042237, 2338665151] 91 | 726456445 [1089519205454622721, 1066136812786204672, 2921733722, 1359142603334238211, 230834247, 1484860494] 92 | 14799177 [30044727, 1450334494234497024, 1063380334086156288, 199325510, 1099046807785607169, 1263521610448896000] 93 | 1367531 [29367753, 334715818, 17494010, 4787411118, 739119366, 16336098] 94 | 402098922 [295652956, 37030458, 192310725, 1154582468, 134774672, 538588127] 95 | 1423430694 [1153344102320287744, 447022426, 4877203588, 3439259596, 607441774, 736451827] 96 | 14372486 [1225866129731661824, 2325561469, 108834413, 1442378930, 14743120, 146556805] 97 | 774187063 [55053689, 26180016, 2727296821, 118127612, 212255045, 3015271772] 98 | 23655688 [38290074, 25516222, 1732148604, 155930120, 3819581837, 388695685] 99 | 24138795 [90910059, 25545470, 23585395, 15137850, 18197668, 32585436] 100 | 26659703 [1945214251, 156306739, 419108596, 21790028, 19615775, 332981937] 101 | 1917731 [18915145, 1270398719725371394, 14975697, 426281310, 460436206, 1116822727] 102 | 21660529 [73260722, 217269719, 168332676, 1446509523561168903, 1459263918266802180, 165840802] 103 | 76858507 [81687794, 44534430, 39319668, 1424106622096453632, 1300943832800919553, 927513257946083329] 104 | 15108530 [3231489491, 339969384, 59565766, 7848802, 254274083, 16906137] 105 | 16638685 [1056965863931346944, 1239853969184301056, 18216025, 18086050, 514781725, 36158995] 106 | 2507295473 [825411208488554497, 1247958601026723841, 2439888448, 326443544, 1389381143649206275, 198262427] 107 | 19038934 [106203727, 263266307, 724689054332293121, 1316509001253752832, 247587991, 3196494064] 108 | 203123011 [1010593116, 126733238, 576745187, 272028141, 382510286, 291626846] 109 | 1070586199 [94161152, 763795032671395840, 272077769, 418683290, 165051692, 34644232] 110 | 466519303 [33276161, 18131961, 355591226, 20659868, 3827517556, 497473185] 111 | 230527949 [1373841438, 10943662, 44364729, 52598390, 60919240, 422798683] 112 | 28886934 [116523554, 102955736, 172844781, 436181503, 1238765089, 15865042] 113 | 2097571 [66187523, 115169558, 1435656618, 422391858, 24092216, 104608458] 114 | 15595632 [1409864250764369920, 2245745149, 1407729542450585602, 2873554006, 1085335253898555392, 51635729] 115 | 104815494 [884883821405106176, 2798584296, 720002672141680640, 3214680089, 4856119024, 2398360008] 116 | 457949035 [1471373853553135616, 833952144, 1080502034594328576, 1410397427358633993, 1417242025565564934, 1443957763697102856] 117 | 19636948 [416025003, 1437841900078342154, 19089339, 92619405, 133623952, 868944139] 118 | 20562637 [1391395513216479232, 2771914069, 101421329, 1176202838382403586, 791978718, 199872043] 119 | 2453115420 [886290524893827072, 158800638, 230239231, 1293543339065774085, 1297219757914107904, 1284874976517148673] 120 | 2557521 [28923113, 1352983796, 19941901, 2669912101, 237485829, 47335665] 121 | 16973333 [726384941613875200, 296465499, 856890480952569858, 248194597, 282170913, 64637536] 122 | 18480977 [44422156, 16450929, 15769250, 2419955412, 95672051, 135192904] 123 | 50769180 [32201297, 1465347964252180493, 18956073, 165622096, 1276048330586537985, 833398190204391425] 124 | 136004952 [1384579353217019906, 16297426, 2835451658, 80024060, 1166419406685188101, 47075953] 125 | 1005183901 [3900757041, 10211442, 290607047, 27236557, 65982083, 1388070029548212224] 126 | 14780915 [1326906805, 1313838752394096641, 22260999, 24496453, 16583854, 15728161] 127 | 732773016 [994881009752657920, 157466010, 991348339039002625, 611922523, 743856512, 1683118196] 128 | 107114063 [800816666, 65707359, 1921317602, 249493785, 3529367417, 785125124357890049] 129 | 1854274926 [991348339039002625, 47436746, 1683118196, 39930469, 3113157083, 1629244514] 130 | 575853327 [1185306470415523840, 3064130272, 22338732, 854370337986945026, 42357037, 2372178485] 131 | 36780425 [2882549899, 778363148, 93683991, 738396708116271105, 2243922070, 793461426383908868] 132 | 14669951 [18677260, 808424449552896000, 246646501, 368918608, 3226282347, 18459813] 133 | 213291472 [60181921, 46518690, 14660096, 130057886, 20754104, 48069880] 134 | 28638191 [834025940, 770699004304908289, 917825706033340419, 1389951194907426819, 30325881, 922928836836130816] 135 | 21888595 [1337150448814395392, 357870799, 678083, 926054168753709056, 1378532333930774529, 31667539] 136 | 1344951 [598709654, 461748443, 278441639, 47641722, 15759423, 44911778] 137 | 239825437 [543554806, 336134499, 2461887810, 2422011614, 18809898, 78302221] 138 | 2461887810 [1283041821329895424, 20374624, 13115502, 193476889, 229981309, 1617732804] 139 | 59553554 [211518517, 25622507, 17787502, 725897344357519360, 97028131, 84708371] 140 | 229139732 [252447499, 21842763, 908354649857687556, 937691320805740544, 835312828865208320, 741248549506015232] 141 | 22411875 [40965357, 840794702, 2557987609, 129130834, 309976035, 25175356] 142 | 401820335 [33574174, 1212824074801434624, 891515331440553985, 4634491518, 2996238347, 74479929] 143 | 58510019 [961394587150331904, 2812234960, 1160191380574089216, 809749620008034305, 958020278533189632, 1110319628884938752] 144 | 311660957 [1238678899359232002, 1229578193733971968, 545235190, 822588535698034688, 321774180, 809739535] 145 | 16374678 [1459074529, 1394729396313878529, 42368185, 1147151911772151813, 38287098, 23788421] 146 | 21845346 [2614798836, 2932156827, 36147039, 23453250, 964521822757769219, 32534958] 147 | 28785486 [24844300, 88856085, 20601037, 18274250, 3033098871, 1488913117] 148 | 18999969 [87029364, 115861572, 1046986468336525312, 2932218449, 88576480, 36211088] 149 | 4620451 [14641347, 1411494322134929410, 2905571490, 280811825, 19149703, 123421220] 150 | 526951671 [281890963, 141664648, 902700713788268545, 1372579519996043264, 2382404724, 2149553937] 151 | 29849267 [16486901, 1430991722213957632, 1179919255, 60597469, 2362600614, 1760023920] 152 | 8839632 [2818532994, 1461342558051835907, 30883716, 1459235083488047107, 261763904, 2832025986] 153 | 239672340 [1186083026633134080, 2455740283, 17446273, 3165311079, 1070814327932768256, 18238788] 154 | 14293310 [1330664690054275072, 702029537727545344, 175794305, 1232540254457847808, 54617733, 58309829] 155 | 149913262 [16206270, 1281062539581939712, 1407865525636456448, 1316900865249337348, 1269817503263240199, 73204975] 156 | 83266089 [602884368, 319539628, 833878373759909889, 25114982, 39881921, 41474795] 157 | 747398809 [418968985, 113516847, 267863656, 1223695284921724933, 1406667323591827459, 27956714] 158 | 49616273 [99004419, 365216346, 1233144962583343105, 1231750144485277696, 19580890, 2456187006] 159 | 308850792 [14997968, 1494728401, 2674885476, 84391238, 1034193199, 95348464] 160 | 6017542 [1225186043261046785, 45383269, 11856482, 37590426, 27101698, 18254895] 161 | 2884771 [75137901, 101516969, 113034301, 221865069, 369098684, 93834597] 162 | 19329393 [1379415154090205192, 27989078, 144884794, 3911239745, 1393216639, 65992743] 163 | 95246658 [515668635, 205593642, 49368781, 1396834518, 241423141, 207118790] 164 | 493658381 [1183854853669507080, 1074694125524578305, 1026504313366036482, 181862558, 403710456, 172109558] 165 | 15012486 [957025192605306880, 1018682768828567552, 6948322, 16746493, 15964532, 1375767275194699777] 166 | 17842366 [15762845, 1273309863377080321, 948455915912441857, 1282334442, 56405314, 302288855] 167 | 786764 [115745289, 2996158607, 114908717, 15646720, 21269694, 281203007] 168 | 22540123 [47484141, 1042139340032356352, 2424407965, 21951033, 580312540, 57756665] 169 | 134196350 [43122860, 3389473191, 3042887648, 1561373574, 43574371, 1420686258649673728] 170 | 301108020 [1311145810667745281, 777812617, 1378933676935766016, 1327549899454377986, 1046740962, 40604613] 171 | 53110793 [239964366, 24775707, 1435318963425222658, 350680058, 2728371551, 1429225568] 172 | 24304852 [71863588, 1305678805797941249, 3730195995, 1253101616816959489, 488799600, 471309689] 173 | 11178902 [354570003, 2997786141, 382816543, 2354090664, 4160274844, 14438269] 174 | 16193222 [1428513298123837447, 935662317190172672, 868253633124630534, 553164619, 1462457000906965003, 3371380333] 175 | 318390538 [2392538871, 1676488046, 4112340677, 398670376, 2346896742, 1648171423] 176 | 275796851 [993056066593271808, 1313531045648760838, 1322237467756359680, 276305406, 1427850217454456838, 88639763] 177 | 13215132 [18407019, 12705982, 592286290, 1073242482551480321, 3119877934, 2565727201] 178 | 18058293 [2393558521, 1145870958739230720, 257377875, 1369327522094186499, 968501207131217920, 110798061] 179 | 3646911 [469398051, 13534632, 28406270, 268623262, 27929446, 23643794] 180 | 1681324362 [1339249335750389764, 3022889996, 231335961, 721205485311930368, 1418603297879990275, 1421002699114483715] 181 | 736840885 [472431999, 3855420736, 1858882886, 429415553, 1304531594225561600, 2607631437] 182 | 14717197 [25598396, 16041234, 160951141, 36007510, 262797432, 829834182864039936] 183 | 30488144 [21374216, 113819586, 52634006, 1661430302, 566931882, 21910114] 184 | 15164565 [15104164, 1562141742, 314864509, 1017967362, 19863164, 27530178] 185 | 320655939 [1187038246485794816, 1199309467806052358, 1272883183613366272, 1450479554426966019, 1426278895444103169, 1124174730] 186 | 461275704 [952050353813377024, 1288698913373843456, 802064327075237889, 809041237, 545808883, 1424760120] 187 | 64643056 [573498801, 818905354205622276, 522886434, 1432766978389905413, 1200192497441558528, 312696314] 188 | 14629315 [2402895617, 16827333, 71026122, 166454156, 179134038, 1112865624395481088] 189 | 7157132 [989493799, 18237511, 48736377, 999720386014019584, 4071981, 15100219] 190 | 10774652 [60680268, 4819538573, 15392486, 1210398164878024704, 1428066594945699840, 465138382] 191 | 890891 [85961526, 1422231529049124868, 37771961, 420752722, 1417142120406790145, 1254839129944346625] 192 | 14094741 [19777398, 51022910, 181532763, 24115438, 129092953, 391757941] 193 | 772050240 [4205257425, 1301738400, 813645173347516416, 712296119158632453, 99217397, 2570736372] 194 | 25701904 [1293602820185235456, 3004086270, 1032274264706232320, 19923638, 18588279, 234951672] 195 | 69009254 [24257127, 2768542457, 1410028926819254276, 1075124365866483715, 159238058, 1020788435181883393] 196 | 16042794 [51544489, 249808952, 130513726, 101079030, 567494723, 28457822] 197 | 57775464 [108133631, 1031704371766222849, 40239101, 37273745, 112356640, 815964345041567746] 198 | 8936082 [593837736, 2846816302, 189896485, 243081319, 21210721, 3441357856] 199 | 11319582 [95038506, 1174354197380132864, 1292084738635816965, 35666605, 26877889, 428377986] 200 | 17679977 [371829251, 26003389, 596843325, 435416709, 32405267, 19779559] 201 | 15428397 [986306215423725568, 1344130861331959809, 1448741954104315913, 169120402, 15541153, 2666790169] 202 | 16675569 [484570953, 14944735, 188265344, 2935738189, 1217264821, 43866736] 203 | 215598844 [1394500710, 20085313, 19211664, 4071491898, 17751495, 1336361889358467073] 204 | 138102228 [195388862, 22080935, 1454356553696305155, 3409193855, 747505692, 19430780] 205 | 143695063 [1184494271992197126, 1050073191274766336, 15246479, 1335426871698272257, 1323764300045971459, 40414437] 206 | 14647570 [25376245, 16564324, 67624868, 984848828086931457, 1083472286089396224, 152502698] 207 | 115754870 [736133383, 1274502441749360642, 35580401, 759786534, 15484198, 2958988084] 208 | 39585367 [853318165, 1403414752810913799, 968514570443780098, 1254784806052720642, 1421082818, 954132896683610113] 209 | 13049362 [17220817, 2919018056, 29860364, 15573174, 24580902, 305967569] 210 | 2836421 [845945042, 62391729, 1461342558051835907, 721827317606170625, 828242438, 56799476] 211 | 18643437 [57320778, 1374443709706555392, 45553126, 1130202910095290376, 721387177091993600, 1009716150895341568] 212 | 10252962 [18141680, 523616087, 15059968, 1178711822997655552, 779119303, 34316604] 213 | 329121956 [6069772, 755348132200865793, 37999671, 22775500, 22831957, 68721292] 214 | 9763482 [15525413, 119950049, 270949237, 41874485, 1440569113928089605, 158414847] 215 | 279390084 [276254488, 856090199926988800, 1328481960147169282, 14298769, 1269285102275760132, 121513161] 216 | 21291400 [52680540, 616047393, 262650199, 1077601774108844032, 2660122864, 974933646] 217 | 1040889722 [636553580, 1331651467384590337, 1097262879043215360, 1331351640578928641, 1295028474, 1350421787864166401] 218 | 20402945 [303390916, 834577428, 235015924, 1176708335892144128, 833528215, 1301124388876554241] 219 | 325265073 [126145733, 3092122937, 1007324826, 1228790549169217537, 2786149299, 25728193] 220 | 16343974 [24913568, 150380296, 962031759020797952, 163795571, 42720165, 1358761063882317825] 221 | 807095 [766294609882406912, 608616316, 883578990, 116581134, 36602046, 950864461] 222 | 1077446982 [1039879658400112640, 1344750588026900481, 76452765, 1341091420439015424, 1345825008887721986, 1340783304304410625] 223 | 18013279 [971565684378537984, 173890634, 1403761760, 1321935792416149505, 3894369018, 723308523313094656] 224 | 15754281 [355741460, 1355739031, 4777319007, 420329482, 51509822, 32913773] 225 | 21106414 [1347229378128850944, 378141565, 62344058, 546016396, 2613630720, 22284051] 226 | 17379685 [3062125146, 31470455, 535633228, 74553413, 20641995, 594772286] 227 | 34310801 [16625852, 701750402786717696, 1512021254, 55369810, 834081571493785600, 29501253] 228 | 131351549 [28647246, 1490963166, 211551276, 357628297, 1437741974119858176, 1284351590] 229 | 15996661 [538348950, 3192528373, 21765161, 21429103, 1421194257084272643, 1192913396783448064] 230 | 23831448 [1266785341433937921, 173200840, 3292286496, 3645651982, 231525540, 1267767045246136320] 231 | 16331010 [319907182, 16537989, 1850127757, 13262862, 17070113, 11347122] 232 | 166990746 [779104195, 1356030014, 896466491587080194, 3067264802, 281677896, 1056918746009341953] 233 | 341908197 [2502718806, 2855864495, 1228320788, 266490351, 543864321, 148995575] 234 | 21416670 [1183039247332196352, 161794463, 778746036, 998094026556534784, 409409816, 2945932298] 235 | 8736882 [132015712, 19658689, 541894151, 227439772, 209197352, 19078217] 236 | 372475409 [1247324155046838273, 993712320776781824, 346336421, 1012571803, 1004843775108308995, 2448804271] 237 | 102700680 [146423935, 4493743294, 1926360631, 1389974425685176321, 3458195901, 608182396] 238 | 115486770 [2410912742, 33359399, 23219195, 2174220408, 20019468, 607782944] 239 | 347451363 [17495705, 1317212672, 244992394, 23115481, 91669515, 2601802561] 240 | 362144301 [1267019480305209346, 241058201, 1445700806070575113, 177282182, 952506773491060738, 2331023081] 241 | 70468535 [1208442468, 1119923905349734400, 1112469503609327617, 4354449915, 359358437, 375852740] 242 | 24630719 [23849357, 27544228, 1165805190492110848, 144264424, 378723371, 1434490999] 243 | 155620461 [2232208189, 29769111, 256411474, 1359253442686976005, 1681807207, 243381107] 244 | 243163874 [27989078, 1379993282, 24451390, 528722952, 338174945, 159138417] 245 | 26329195 [45582904, 1457775314319327233, 896222735294226432, 137848152, 2555273731, 41120320] 246 | 1630896181 [1248040806, 31213, 726923899, 1499417562, 602287612, 294581875] 247 | 19743731 [1070910874565537792, 604102183, 79281289, 2838824434, 1260471184438841345, 916131323395395585] 248 | 232901331 [962650783182331904, 1121443492868313088, 36081898, 229141520, 45167431, 1140392712581111808] 249 | 45564482 [21418443, 342861223, 860598300, 470708968, 1005390770, 120516622] 250 | 24544452 [13073662, 312860399, 21130076, 1449510256405536776, 725691397274099712, 21115574] 251 | 16211434 [319798133, 35877117, 58954780, 62917865, 434898980, 544684867] 252 | 24215395 [400297853, 273123358, 818733968, 578734691, 122527133, 460837678] 253 | 43289988 [243800816, 1028436924, 16463786, 154985728, 250826088, 884851327251222532] 254 | 237403203 [32281887, 434458299, 1318934263903956994, 1428382173053308933, 1267392775579930624, 412316336] 255 | 15256225 [1337779353464283137, 42517286, 199950870, 123276343, 789600333915889668, 22637974] 256 | 249219716 [265038969, 2869746172, 2976606250, 15515169, 20764745, 24120294] 257 | 232520849 [85383361, 924836857988313088, 300796564, 53414786, 403075133, 748418589049364480] 258 | 13461662 [1546063897, 15816424, 1192913396783448064, 43242280, 7082092, 2333850040] 259 | 627830911 [126504917, 1474881111167746058, 782620709977661440, 717445885467070465, 26007752, 863241565] 260 | 3108351 [889679926202445824, 890994369846796288, 104402624, 20832652, 48494821, 322588953] 261 | 87818409 [18667799, 4300957042, 247476364, 19362713, 143603147, 28882275] 262 | 15937499 [1451350192696041478, 2545495181, 1141819141629849600, 391614430, 240305846, 793303563959087105] 263 | 258856976 [29818068, 3150113518, 1050762614, 1049313744, 1103069322522648576, 447360694] 264 | 94215989 [21865734, 33727663, 962205008, 21063822, 47248307, 28465879] 265 | 759251 [1367206038093656068, 66187523, 115169558, 1276216630306054144, 587188423, 1435656618] 266 | 16630960 [1165983615228006400, 906226142222446593, 150236370, 357899328, 24792299, 1430646803687514114] 267 | 16302129 [20450186, 4926595558, 1733125729, 876808674676801536, 180188862, 71139119] 268 | 584031440 [954072202466549760, 1044060734806790144, 747873537554321408, 143522902, 1212023329348964352, 1132420272118730756] 269 | 121291606 [2168708270, 15454261, 414539869, 869979534132695045, 18079996, 325328148] 270 | 20012204 [234624450, 255351091, 191184478, 445754523, 26813101, 14521926] 271 | 129051309 [90079704, 379784661, 22708874, 31163361, 557915977, 16220088] 272 | 20177423 [378836389, 286295810, 444286178, 16566825, 20459041, 854088145675145219] 273 | 41875694 [2427772278, 1420154401201790981, 267098336, 27991531, 240765221, 18359716] 274 | 20003448 [1219293016613101568, 3361716634, 1168338124193370113, 1150690020, 849647221788344320, 168334950] 275 | 106514999 [30572298, 1112857029134045185, 21203794, 1401545919787683844, 1461896905907060741, 186598459] 276 | 1652541 [1675264694, 1026915105496281088, 3247532601, 781084056326774785, 52999275, 32566911] 277 | 143145579 [17813513, 1247020867529453568, 1335695569331826689, 1384901617871466496, 1196368356191981568, 2732180892] 278 | 788524 [290735485, 18045304, 3144928678, 18553134, 169767749, 80262276] 279 | 25470710 [47361978, 32827867, 238266751, 189382341, 4402088653, 25833661] 280 | 16906137 [360918756, 15127834, 182398325, 17507250, 33773592, 787261661228990464] 281 | 18565988 [17024292, 36707330, 2904190074, 2479077845, 223204795, 57893062] 282 | 299802277 [20253808, 187289134, 142490217, 24703826, 60506242, 548384458] 283 | 20748745 [85590606, 1333164412262203393, 398036535, 15867018, 24685243, 482388629] 284 | 24165761 [58685588, 1333049564736221184, 2423785232, 74075365, 725400313088364549, 2645515501] 285 | 17244228 [44813955, 21342519, 60370335, 97551974, 706732068, 37612458] 286 | 6433472 [721054074825781248, 27825918, 197074546, 160061303, 278765856, 31373329] 287 | 17602896 [264498030, 369064357, 133465261, 2920014210, 177758937, 50133479] 288 | 472552916 [1445665865286897675, 801581981024849920, 609286877, 98588767, 27437080, 258481206] 289 | 18490175 [791733407260745729, 762034505016311808, 1239511239241261057, 97990580, 1018713678, 2242493365] 290 | 24258355 [1071594896, 969588605755805696, 84989108, 2894202405, 47799986, 1418277467006062609] 291 | 171667875 [30190753, 823245705439547394, 248387937, 15181209, 44782160, 76435286] 292 | 253473203 [103334123, 1460548707787718656, 741520723, 1162669482105548800, 467634893, 609894386] 293 | 15446531 [85021759, 18403447, 796379161, 945284660, 30098259, 38413836] 294 | 29417304 [2579125051, 2369585988, 20694073, 37974567, 1456647114512023559, 2439032786] 295 | 46146200 [236892009, 969145698338922496, 235264884, 377016299, 137735038, 18819847] 296 | 190905427 [1413909787746656269, 15940951, 946037999074193409, 22659569, 1048446804, 104026462] 297 | 717313 [196233238, 888171786256261120, 17853538, 1118652581310545922, 27767135, 1615420399] 298 | 97994396 [14410356, 2329492448, 348079975, 330315270, 967027984426242053, 251922581] 299 | 19621110 [18464266, 1263181969472380928, 2768271223, 1380527821047599105, 243800816, 781333062198124544] 300 | 30694631 [18170845, 16107045, 16113700, 431719095, 15725659, 788242177801408516] 301 | 18927441 [225039475, 534903006, 1130124640813277186, 34566811, 1458093912988454923, 38212296] 302 | 15464697 [2475407894, 1578037154, 1002666643040894978, 593837736, 16460453, 30844417] 303 | 34713362 [1104908951827685382, 346514940, 48313181, 2217142226, 993844448005120001, 351662373] 304 | 68577152 [207190024, 28422760, 58353613, 16120312, 45724110, 1289231304102481920] 305 | 21889069 [1230463969, 121544946, 21568800, 96461789, 17157142, 16481408] 306 | 18622869 [257232251, 1346859277, 207256884, 979329858, 20744708, 185497496] 307 | 346809444 [22830616, 369680500, 197382773, 1241566271503839234, 280783408, 1231328941] 308 | 95148130 [17762236, 199400127, 3092429597, 2291430752, 47967546, 22352061] 309 | 1855737487 [2474921557, 2409701142, 21560846, 82321262, 871151438, 1288343203] 310 | 6482142 [940402107068440576, 14591740, 2717607301, 21264292, 16715240, 26640292] 311 | 196168350 [2877220809, 983108315466162178, 1287098672132567046, 22307765, 430397794, 1396151678] 312 | 47739450 [214337395, 1901916354, 41019773, 1427433490962915330, 1366130381045530626, 23348842] 313 | 503238478 [443920905, 721433417192181760, 770389195, 229986152, 486076109, 714736776] 314 | 282977213 [4338971175, 326572895, 17313463, 1594137236, 1410394279, 24304558] 315 | 15791186 [15109516, 780485761892229120, 69050219, 392458294, 468641334, 753725604747358208] 316 | 216776631 [963973126030790657, 807323561924947968, 14335586, 858809231167942660, 947532584916959233, 1166373082208112640] 317 | 174172366 [1126189237, 827691380, 1166722767112331265, 95356099, 172863320, 2757683103] 318 | 22298680 [1254748633263636483, 230043193, 804330251639721984, 1429040637366652936, 1077813163, 1459430259028369409] 319 | 22292529 [20785838, 1445086229347901449, 122773805, 1093695069176000512, 1470841921375543303, 52573939] 320 | 459872442 [3239761613, 16478710, 149249831, 144300104, 130557513, 606703243] 321 | 42921216 [59293302, 1186004972678369282, 17187236, 2424340500, 27172787, 107280049] 322 | 2789038870 [3096859457, 6181532, 72707539, 3101872692, 53336725, 87352552] 323 | 9300262 [598745068, 22586564, 2588702232, 2979344717, 324169263, 403579653] 324 | 91038197 [1295937702706270216, 21305315, 854906390, 201066140, 45606356, 2438552886] 325 | 345139292 [363761330, 55387979, 217153695, 2285299624, 1924150328, 314841821] 326 | 3293118434 [2972870754, 1287138157864071170, 822462665910063105, 746541199457017857, 1349010518011506690, 2768817696] 327 | 54060157 [40151763, 109308225, 842733259297624064, 356474001, 2741264913, 1301821932] 328 | 15739391 [1890308449, 53337029, 1372141990276661259, 378320145, 17973836, 156692849] 329 | 2467791 [1024348052, 1151848578, 22454166, 405638663, 20519694, 999144139420651520] 330 | 25589776 [2427733896, 66960077, 1311791341815373824, 225618703, 15169772, 27765756] 331 | 46822887 [1427676831440846860, 22336063, 25188787, 372571344, 27603, 927626229410353153] 332 | 2280470022 [314566049, 1260623991129214987, 726561245512491010, 149956345, 189324390, 150965402] 333 | 1068121346 [266007021, 261167227, 354556754, 810659912896352256, 3300654993, 911118156] 334 | 14499829 [1386972731963547652, 1223276177177108480, 1000391822189965312, 750693674434957316, 3319210530, 111529937] 335 | 243628984 [480405720, 38526133, 1141114444656893952, 177524369, 1418637671115657216, 20688492] 336 | 437874669 [2768271223, 18549385, 968821753148596224, 819994707061248001, 1004226126, 1443354192509390857] 337 | 170886667 [16355835, 355507206, 399148073, 882824281, 1406054406529814529, 114978867] 338 | 14166714 [19317636, 4037978832, 1300483612324835328, 45323315, 471747935, 1451042560370044935] 339 | 380285402 [783027305954279424, 17590516, 23176276, 111400999, 11744152, 3059080869] 340 | 14173315 [30487036, 1071841692, 379162299, 89887215, 227373977, 3137031] 341 | 16490974 [17604070, 1400858451832606723, 332859217, 1367595509792260104, 1418550591723278341, 1435067626355494913] 342 | 18711754 [21924023, 1276163072, 1453090260, 44794906, 3253320727, 1244706938] 343 | 24506246 [17969963, 1187113185884684289, 1409904712015650824, 34876970, 1060333999, 834213074] 344 | 248807469 [1036698759349116930, 402817388, 968523005122007040, 1434463560, 1161319504162566144, 280288513] 345 | 14155907 [1082057959, 139159452, 1140743729797423105, 101529977, 57119145, 486957731] 346 | 374356748 [17577394, 1465098146, 27311258, 369641172, 96669976, 1122135109883265026] 347 | 3337804853 [1360351357815951360, 894305143, 1197992176367652865, 15220592, 879715313486639111, 37760311] 348 | 216299334 [441999049, 296351495, 906519766243954688, 3420145143, 1081346049007149056, 93603993] 349 | 26487169 [1476251440276459522, 1468677099594698757, 222196210, 1537478390, 862926739671994368, 615349684] 350 | 130834875 [26418212, 366610378, 57464572, 1187818625559924736, 191571985, 2394925351] 351 | 1245320090 [212728078, 390768633, 589431637, 176073125, 143678129, 4563910874] 352 | 14464766 [942156122, 122877296, 3235113399, 1152178724835667969, 867392162169630720, 3063972323] 353 | 201977673 [1470743813438447616, 634301257, 3309855052, 1336841194526048256, 1679718330, 1413645094280826887] 354 | 16001350 [24277376, 67150863, 14894519, 1412624343419351040, 310892700, 989562804] 355 | 2716396878 [1089641246426099712, 885279805, 70209080, 1361136760047235074, 1018113761176178689, 1291501886026260480] 356 | 6038642 [4099642455, 447287656, 366955988, 3331588833, 25314675, 38216246] 357 | 174253648 [139462271, 1861219694, 17989044, 21084719, 1279990567, 29056724] 358 | 6267962 [716798743, 23040137, 3098238547, 19002841, 25770634, 94084718] 359 | 271413771 [718811698, 1467580478, 22146373, 725046321548238848, 81875055, 15684636] 360 | 11740172 [2338955550, 801784884729614336, 2426579611, 15859912, 1237404141837864960, 2742132235] 361 | 5971922 [1285391588558950400, 12522, 20406724, 538781563, 16148602, 246939630] 362 | 2689574322 [811414973985550336, 1201027070291169280, 4138525213, 88566817, 710297301802205184, 3374149533] 363 | 15438913 [50281197, 19096944, 75343905, 1079425544998080512, 3059080869, 3740896163] 364 | 462104542 [1084375028, 631310817, 28639189, 20776147, 4926083998, 1390863034982219778] 365 | 119384138 [80250557, 48671764, 50285814, 290098092, 118673628, 549957259] 366 | 7309052 [224406825, 107337724, 783027305954279424, 29222187, 136457455, 16665516] 367 | 16936858 [36679173, 38479889, 1402364988187107337, 15379170, 18566376, 1374381459553673223] 368 | 26347394 [154028240, 168376387, 20056203, 842733316835102720, 339752726, 22174672] 369 | 56539746 [20811239, 563085637, 378320145, 3316437941, 364356335, 27309645] 370 | 51381252 [920149141136609280, 16301854, 919725732116475904, 1245135989317742601, 142367864, 845005322720817154] 371 | 17878322 [1176957779434770432, 1365022546521960449, 887418059501305858, 97286356, 12, 14772775] 372 | 221939499 [2945499701, 214722364, 1888283562, 836086033078878208, 324240113, 3222464688] 373 | 139255910 [36456724, 876049627908374528, 1263789597563195394, 1317940454084825088, 3095202335, 1319682906730733569] 374 | 180887271 [3174164349, 23015461, 38921194, 23477240, 20199202, 2988566500] 375 | 123846927 [811742314469163008, 832128073, 1258844285560147971, 563172417, 874300297, 4705937532] 376 | 635608354 [788915123012395008, 16473890, 1319052135875661825, 1134540384732770304, 755581090178273280, 2398622510] 377 | 22650211 [94734906, 33705556, 2183118511, 59487396, 39253470, 1359291159634395137] 378 | 17537467 [1370965340142850050, 2199453325, 264308340, 433916435, 1327583193512497158, 1345982162885984256] 379 | 1496971 [46486356, 344984969, 26069909, 1383505821372325897, 57893062, 23680536] 380 | 7900962 [1010031166311682048, 1321544006673797127, 983108315466162178, 1401270508105220100, 209693451, 68326294] 381 | 13493302 [1256639510013710336, 1458282841360510978, 1225222876611186689, 17466132, 15729784, 1216924910209110017] 382 | 23482952 [26918986, 1284455149, 20487400, 73716850, 239640580, 720504404] 383 | 15553222 [111909054, 2326349904, 115219217, 30272162, 154967045, 12] 384 | 16824090 [4469421613, 1347703690766016515, 959354996, 1909344061, 41806394, 193441812] 385 | 15307435 [2522168276, 2798855875, 14610740, 1325711158196596736, 143688499, 61812778] 386 | 35586563 [131835301, 37982492, 27641724, 158449875, 40353407, 28745526] 387 | 14934818 [21535507, 464193349, 15129069, 1007712073806221313, 18677951, 1639541946] 388 | 15755669 [303559968, 54244429, 329318841, 94190621, 384889829, 36205119] 389 | 42345999 [1077014013941186561, 1271568961696608257, 4330611919, 1347738530374680578, 1235988293256384514, 1389441888768466947] 390 | 640893 [1449115308195815428, 794056568, 770043188602101760, 1468784288820826118, 1383097530, 296385161] 391 | 14940354 [1276140426, 708861759029977089, 501027434, 1348673658433261568, 21841869, 953856425058484224] 392 | 15736190 [1362505873625645064, 14479132, 17136315, 3366432034, 18779176, 218523047] 393 | 1137881 [39826971, 357260014, 49217025, 314864509, 25033154, 2902504253] 394 | 19091173 [808080314, 1426227719470157827, 751569698, 2975091705, 20578061, 359403242] 395 | 42192966 [571202142, 1252768002463821825, 1344372418299662336, 18789021, 22076767, 3095119074] 396 | 138749160 [79188223, 1265058372, 229917137, 1163034162586165248, 1585922725, 865322028307537921] 397 | 76156485 [633165486, 606441611, 23820989, 137771988, 17689168, 14851963] 398 | 4641021 [3223627886, 15770148, 2949468508, 25053299, 16896485, 830685878955569152] 399 | 19426551 [20691360, 25373810, 1218643432815710210, 848723507596939265, 1290840066885967872, 1353066327758368775] 400 | 74669397 [3232062559, 182398325, 1019982070049837056, 79375491, 69475887, 209321010] 401 | 972651 [425658819, 340715038, 558787313, 731420496, 1387010665248870401, 30599715] 402 | 2512264104 [767870741798846468, 293338829, 72915673, 3128982433, 32520273, 1568481451] 403 | 17446621 [4846966540, 1314017659571195905, 1684367354, 27384718, 892219807, 99402071] 404 | 20159596 [1562903737, 288259199, 1474925190, 338275624, 17590516, 1156498325056696320] 405 | 13654792 [1376961942913449986, 9900222, 1141734008780468225, 16228883, 19207266, 1382759833] 406 | 110445334 [19308700, 477499793, 341194704, 21757802, 7630382, 593230243] 407 | 211346617 [1134288542, 1437800672146165763, 776821349499146240, 958230079, 1045396832862363648, 1151084197345447936] 408 | 5695632 [2642282058, 5943942, 145057047, 805728397, 128023009, 1966853138] 409 | 469194846 [31047836, 2316003960, 320524842, 111872176, 856288002435420160, 216881337] 410 | 718294442 [799723248338554880, 1214939747430420484, 1113898497357623296, 1161023629058088960, 481266577, 237911769] 411 | 1666134386 [107326962, 66481679, 156536516, 1120115779196915713, 847882850, 1136317807954731014] 412 | 172869874 [885262739643523074, 877255045305315328, 193744840, 303391538, 2360197615, 181302490] 413 | 21702988 [1445618204198375431, 1447906883512197123, 1316881178989858817, 1212975642846756865, 54094331, 1432068938863632390] 414 | 17004618 [16793047, 1367175080, 2722050173, 18879261, 93088393, 3139431775] 415 | 358545917 [1005565945891475456, 116363549, 19786312, 1254221284948365312, 24222232, 228447377] 416 | 9228382 [369157773, 26784004, 17061861, 20022226, 78183820, 1928654744] 417 | 292432955 [28746590, 1183779272, 4181592982, 281086408, 21779148, 35991327] 418 | 4826510725 [787228434, 24358319, 3843640245, 830288209112334338, 718226414, 719427413784965120] 419 | 29465136 [568792143, 1107939031608901632, 123938051, 2315586823, 1013454007426113537, 33972882] 420 | 382376904 [18643839, 729400696085348353, 17283530, 16191556, 10117892, 704476690139885568] 421 | 4855687055 [756285384, 4857597725, 870061444171169792, 18174500, 1320224573854343169, 4227869921] 422 | 15982292 [883088956639916037, 1350177318233202688, 1247958363255631872, 1016694766812258307, 1430539587961643008, 263477242] 423 | 19063323 [41815021, 63839488, 23685907, 38402922, 1313800166638407681, 2400538039] 424 | 953961499 [2999543732, 2997032514, 1458741008, 2976569738, 2899929181, 1684976796] 425 | 22968158 [1485823208, 2372103463, 1588896800, 273233094, 934922076, 952763822] 426 | 373791638 [43968671, 750763772, 1586421, 4212430005, 3247897924, 172313003] 427 | 150135224 [777294260844400640, 1240404346262691844, 54649261, 117848878, 4799431699, 5360012] 428 | 1675592408 [227079953, 836497377661968384, 4191536898, 14040522, 85950172, 2500025894] 429 | 57917441 [126701303, 24244581, 1111063441, 111621227, 16819053, 915726438] 430 | 16630362 [352184108, 246689823, 377066772, 20603883, 20212140, 21001731] 431 | 18668407 [1123361791306797062, 152656121, 19979086, 25087909, 799183702253338624, 317861977] 432 | 954124423 [912792889553555456, 2332193180, 980516212059856901, 91625562, 41363507, 858066056786694144] 433 | 617825073 [243506241, 171477356, 628540581, 476013036, 228616511, 16255696] 434 | 167421802 [4884862635, 61655222, 1324420155217235968, 1318260360810475520, 19936982, 2467783742] 435 | 23055689 [1346060456805470209, 137466464, 210833051, 407392738, 893938330546692100, 30256559] 436 | 9507342 [900484249, 872517928742211585, 404993527, 45872667, 1213846618794889217, 143211944] 437 | 18208354 [1344104506489856000, 102852362, 1465347964252180493, 1433473406951952387, 48107626, 188793260] 438 | 18359716 [16259333, 2661682980, 23273872, 914281622027022336, 1425707482610012160, 293767303] 439 | 11350892 [2408386146, 71177911, 34993020, 969251736065101824, 32335812, 14061063] 440 | 16041234 [30378270, 233001368, 34359976, 65494780, 744717789580132352, 992150935] 441 | 22844997 [2698638049, 85938879, 1082677291510046720, 1253559484678574080, 4125188424, 1389344532848943105] 442 | 4541374877 [1861505246, 1081323332, 1467454123, 3266904781, 2812857721, 370476515] 443 | 32639940 [501480900, 2575215583, 1360072554279440388, 945693405694357504, 1422893546533752835, 12369372] 444 | 16887175 [1312777267655966721, 3364356785, 19364873, 88082950, 1034696224530685952, 299848902] 445 | 16529238 [36423455, 871776501527609344, 949056270547419137, 44990136, 277281414, 817524506516398081] 446 | 15250661 [59086819, 752836525, 305328519, 1105651372622385152, 867218820707999744, 27179466] 447 | 2735591 [14965981, 481598648, 2562509436, 15279429, 385799163, 876561398] 448 | 12579352 [85353272, 1466806231016697857, 79330780, 2820629388, 157814573, 955506617620967424] 449 | 16312576 [290889405, 1006261976652107776, 26371180, 42825374, 354072452, 57457042] 450 | 53429839 [1345067975687217155, 708467754232365057, 23445535, 762362735069921280, 1410030097277538304, 785926859573690368] 451 | 44317593 [285355995, 44842655, 146525525, 246672815, 369833, 22044780] 452 | 571107566 [475493140, 267831899, 623146602, 2938292170, 2306779070, 2466014527] 453 | 543449778 [2742345745, 2764960157, 2784099559, 367849641, 2573725642, 255029767] 454 | 156743986 [355463911, 1269012541587566594, 593289567, 811860402, 78634272, 402106532] 455 | 14569869 [19907840, 20485529, 1119553803806748672, 25592627, 94181997, 1096618157735723008] 456 | 166889771 [1249123362170961922, 1207016128624635904, 978776281344040960, 1370349294822305793, 870760608, 1114377296016740352] 457 | 16172991 [164075542, 2528017561, 875729174, 431762931, 28645658, 458086240] 458 | 71256932 [1653477433, 298646901, 716997157, 228982298, 1354830743248244746, 68527567] 459 | 510455186 [2378742140, 53191194, 2214575041, 65336063, 455109895, 2934002327] 460 | 44862126 [1269273238393126912] 461 | 15750898 [202329328, 4828317207, 1287098672132567046, 1430335681985843201, 1926540907, 19223593] 462 | 44688778 [235823442, 59803771, 878184572, 23219195, 568824514, 47379354] 463 | 1020058453 [2679844136, 599613853, 940642868003295233, 356272826, 1191806296506425345, 1029840134680834049] 464 | 39364684 [30736056, 2276698777, 14131745, 14486697, 20714338, 212557033] 465 | 150627581 [1047807028171665408, 796873997338152960, 790019230389248000, 2780416996, 67654353, 101122971] 466 | 1596679669 [3100748456, 1218648894353170432, 1053939120, 716435339250896896, 1255153713351548929, 785420966] 467 | 94215105 [989490097, 1565852335, 1092096524358537217, 1048245825116278789, 966041229459849222, 143592532] 468 | 2396804350 [1467895107689058306, 1416348842, 1138886434478182401, 52546255, 1447591723404759042, 358777428] 469 | 424083365 [326048211, 308961248, 70759346, 510499013, 318824646, 27058591] 470 | 272114651 [2204151218, 896689664, 607039851, 827473845170950146, 1262124102208286720, 1246819946321059840] 471 | 91478624 [1949506316, 1187385297652404225, 1278930108, 1126203108537831427, 21810821, 1434640248] 472 | 1603939555 [76243650, 3741569353, 1135315023750979588, 1371510585771315205, 710467061617524736, 139933515] 473 | 26900055 [742890970379911169, 1209847908633198592, 379314159, 1513441956, 56952466, 38226099] 474 | 416418985 [141777398, 32405267, 790695053089992704, 1393195583549190144, 515685180, 17794339] 475 | 15249499 [843648203966861312, 122718424, 4896201275, 842072562, 314339513, 1323604529498198017] 476 | 17076385 [111214982, 321128387, 104959076, 751265257293639680, 2281270518, 609716251] 477 | 91882544 [78964894, 1353876828507791361, 1382867263347253252, 1348636126077181954, 1362809292584218624, 3180247177] 478 | 14511951 [1156241458258534400, 73987740, 2377287531, 2275077139, 40147738, 15693172] 479 | 227423066 [20330929, 482457738, 21976616, 746684881623724032, 39878654, 1376349651486445571] 480 | 342737639 [246095089, 3185277406, 1151969348661084160, 2238889174, 1091118616576024576, 980982528998760448] 481 | 40076725 [20657764, 1480648422, 246873856, 35551733, 21212055, 1184941822407299072] 482 | 13918492 [21313053, 1015298801739993091, 3428105331, 153494113, 951988980056313857, 1399989002015494146] 483 | 26853224 [79597568, 30040722, 33149072, 72180501, 327824394, 470321783] 484 | 56897868 [3547812253, 494931093, 290934418, 2975273834, 711743181574942720, 15889170] 485 | 16153562 [1923264068, 1604353231, 16813061, 788064929177866240, 49962796, 71470437] 486 | 20639175 [144572153, 2586333049, 2976192581, 126917179, 65494780, 1715290897] 487 | 60919240 [4606155381, 194617112, 317292694, 252269736, 19802836, 4115597621] 488 | 16895274 [933202452697853952, 1225827728605241345, 38799816, 4484336939, 43199772, 928308137106591744] 489 | 58524428 [18087961, 256664942, 255616143, 1395841770034892800, 37392476, 45683903] 490 | 19084896 [826289522317094913, 1080504024695222273, 508459701, 144300104, 250826088, 740185175221534720] 491 | 409941587 [260260085, 46518690, 1581451975, 38839550, 1382823939815145473, 121498956] 492 | 56851629 [404462783, 64877957, 505244567, 149670806, 251396805, 2945039447] 493 | 14787713 [1176957779434770432, 2813487991, 29145455, 480654133, 1235655274712702978, 124273082] 494 | 60113766 [1382506035731075074, 15485532, 1394680198705123329, 791068613134483456, 955885286008991750, 3538133836] 495 | 51241574 [14981433, 19584034, 1118185479399145472, 614865616, 42628524, 16579911] 496 | 15359578 [753042265778614276, 1274090521321930758, 132322146, 66213051, 17076119, 1088921458795900928] 497 | 16664681 [67657364, 2766868843, 1468003241866633218, 2846848533, 80625520, 551239836] 498 | 9397732 [2960547560, 1044313195685531648, 1040194627935121410, 41091480, 996780471995465728, 1941940320] 499 | 39308549 [28837572, 714871085804732416, 713563506, 729531259756503041, 871236487, 3309310921] 500 | 89887215 [47678782, 1113190257195913216, 1223894133791580160, 20347193, 1953117589, 3056746427] 501 | 7744592 [404547829, 322452843, 472581098, 587886965, 327050260, 891532531] 502 | 8953122 [190063585, 19076011, 62717380, 20601296, 73204975, 438843965] 503 | 166329578 [126945319, 2286189025, 36867579, 1461306038360195075, 361902109, 411118401] 504 | 193395018 [864134485792763904, 1120281508181311488, 407500761, 1403142030348464128, 1069065368109547520, 1005512745897349121] 505 | 603558099 [860065867115229184, 847880652494123009, 1582799534, 799967987503693824, 872442164952936449, 770386037960998912] 506 | 20622594 [276106955, 1355846977137881090, 1432673016782237706, 1468640910590287874, 96770474, 1417666850566000640] 507 | 453871084 [775393986093744128, 1133202513467981824, 1377336533943005187, 2721995872, 718956264403951617, 3092846627] 508 | 325076723 [37974567, 1255073111298490370, 1157424210609954817, 1266844756757360642, 481674161, 217270607] 509 | 1059240924 [813467298, 531510828, 1335386736243830784, 787976137, 1021534267, 14221020] 510 | 14849562 [255616143, 99402071, 7097602, 18473467, 407991682, 703052849039675393] 511 | 1910701892 [18318662, 40411129, 20575361, 32950484, 1096424595668647938, 897538215174959105] 512 | 23818581 [821514965366489088, 1709590752, 1245033248507469870, 43375503, 102815296, 1466045252] 513 | 1017637447 [19774211, 3106085651, 1260217903, 113717430, 225955620, 234014087] 514 | 17469289 [33677778, 15981436, 4133204999, 14944563, 114870386, 30777209] 515 | 572278319 [922092480, 70806423, 894236563, 259861629, 589969980, 121211754] 516 | 2302239423 [823439683363475458, 318124024, 1264672933206724608, 56726444, 1357902373671342081, 1268920751689777157] 517 | 15515169 [953298828253384704, 1462591838083186695, 1290635110149169152, 89554160, 2770151426, 503400523] 518 | 20065936 [36986138, 44629346, 19364233, 14269172, 2436432894, 28491749] 519 | 282695161 [3588042133, 482466047, 1260383570654306305, 1407703292621230089, 1357465620380581889, 1366053366678315013] 520 | 331672974 [311357734, 1341659042155028480, 268412971, 20586381, 2729566537, 36178614] 521 | 755113 [41434838, 350957747, 127541088, 351050716, 375934065, 878284831] 522 | 3594364096 [756758359, 711319832, 16410157, 1352390888501239811, 289063785, 21487473] 523 | 63056402 [1453875674457034752, 1081307336688451587, 1400552235130556420, 1191817266955841537, 522359605, 814736741860982785] 524 | 23995748 [1572183187, 37825157, 1972791858, 2905909684, 623306247, 241329595] 525 | 16299754 [474998636, 4846186794, 32303991, 2789260521, 17017411, 116775999] 526 | 14885549 [944826755793281024, 901072276136833026, 880862858321567744, 1708393862, 37302503, 4885952657] 527 | 52146755 [15640533, 807717966737383424, 1155897044, 783701638729109504, 897861037, 1009934517681905664] 528 | 1562935142 [1381771860732489741, 14083645, 18983292, 38185080, 2795019801, 30378270] 529 | 9648652 [1403059409807286272, 64733394, 9955362, 61049604, 36789910, 1650663572] 530 | 21575717 [800121641673969664, 18895019, 1017220874, 1473313465787899910, 559641395, 49787072] 531 | 15976697 [2241307256, 350822109, 1240107944, 1387542545341685762, 1465842008132440066, 1336362156745486345] 532 | 8215672 [1083528650769592320, 334940482, 1007305469692694528, 112256250, 414364480, 16366161] 533 | 21879831 [532416992, 3460083560, 722589388308226049, 402797279, 76847960, 820452522494226433] 534 | 29233291 [1437962571865337856, 35870629, 437099599, 278339460, 1239294005764030464, 32573705] 535 | 14117843 [297169759, 2381578122, 965408010775404546, 308526298, 20536833, 19777398] 536 | 356434482 [814161872605822977, 1725675530, 1356742672300576775, 1377638460929015815, 1348328011691552769, 961386022536855552] 537 | 219937434 [1635965732, 1353761464977416194, 816747163292200960, 386825467, 1113817289617551360, 879896634531774464] 538 | 3540252020 [903964596171677696, 705888179841204224, 1448959257962024960, 1313482693208924167, 1269987198696374273, 59166320] 539 | 17072206 [349113353, 782155607520313344, 779032712782815232, 718661397354119168, 4126993241, 782292124519636993] 540 | 7905122 [12075832, 481655487, 27212264, 19869829, 117777690, 27045668] 541 | 82447359 [1467543565773508615, 1494551407, 1431750182509547523, 1346971177995145218, 898420341164228608, 939369122] 542 | 628318484 [1711274610, 1265040374055174150, 2662779330, 1013544882370117634, 1019983987698122752, 1039362035371274240] 543 | 1377719425 [241049018, 42905913, 777156552, 74594010, 2361308250, 1484799984] 544 | 63144098 [1243797871423447040, 718832697448263680, 462683976, 954353275561705472, 1323090408730062849, 1371109575391375360] 545 | 70054190 [1094995768073687045, 1384928527837921280, 941969312570421249, 899183888215318529, 818552290055327745, 2644697608] 546 | 2546562188 [2869137087, 2693017924, 1169438480, 1313634602607538178, 216806671, 1382528217777590274] 547 | 17971747 [1075474152, 743462205635571712, 1042598948408635392, 1269153422957215744, 1008448240688214018, 2482580416] 548 | 10168082 [20378448, 29135938, 57196393, 844554688364232704, 238021800, 1470792270173646858] 549 | 78569026 [48904521, 23431221, 2887386214, 35633645, 2746644052, 131013398] 550 | 236487888 [24175443, 154221292, 119750952, 50317463, 1460296413930131457, 25902875] 551 | 1372786812 [1475599731128684550, 1287385289216806912, 1396187563, 1281937118, 1153321116, 1150235748] 552 | 16190478 [1445023811192111114, 760987159067234305, 1323576878247088129, 1423253573358559232, 1274340867877277700, 1451409739804381187] 553 | 2367911 [207236705, 1360163612, 1466453533927125002, 1078524406790610944, 2215525933, 1399781038621085699] 554 | 58966831 [1140906669276368896, 1455553199109120003, 1456457905004187654, 620417246, 741085688230248449, 838571920723439618] 555 | 25116235 [584016075, 1276323112884137984, 1438486019758649350, 4338452835, 15221598, 99674560] 556 | 33529092 [1453349036182753288, 1236762045082673153, 1450892734726770692, 1468679394881327107, 1243587170683596801, 1459228697379016705] 557 | 186569856 [2477222538, 1325569917328961536, 1428216524431532032, 19230643, 1414127160747511810, 1188473374097510402] 558 | 892675814 [2406263058, 262713087, 1445429480, 1624331238, 2223985131, 237558313] 559 | 15439395 [191382705, 487234470, 1467928628155453444, 34302911, 293538525, 174784630] 560 | 867212870 [1369365734078484493, 1466257058454544391, 1422321955525562368, 1003456273, 1475517504122462213, 3295975414] 561 | 88210310 [554080983, 1448248175920361472, 1263847550886371328, 1385123003495710721, 1412090188600389632, 1404146506249220098] 562 | 22179997 [1691563764, 1468833885475651584, 28252413, 24125119, 1028192341436260352, 136701029] 563 | 231094495 [53028123, 19215564, 315900062, 623394396, 38196540, 1597600436] 564 | 177926698 [3305583236, 1016898370265370626, 121321626, 315586706, 1080425977140920320, 1089913079352184832] 565 | 5392522 [4492768334, 1082090589795958785, 334121418, 400207122, 895724351579992064, 233765599] 566 | 93637779 [441448404, 1967626812, 1427124041148682242, 1245762411757436931, 388766448, 1459967310978949125] 567 | 27754737 [36849438, 222722607, 743449681951334400, 196013968, 201410308, 39864293] 568 | 2196201139 [2573931337, 141664648, 582159854, 315022664, 814296400494104576, 968008274003005440] 569 | 18294521 [72589282, 307650876, 783471651962761216, 827546103981670401, 105013796, 66265064] 570 | 27789999 [1472401038137335812, 1356403316884963328, 1474905148145217536, 226209576, 1473699330313924624, 319139933] 571 | 6604072 [17480981, 114776155, 14639840, 1280992891146567681, 1312258677726875649, 20864159] 572 | 342894187 [481720982, 3905031518, 19742948, 2874518962, 18679410, 142748445] 573 | 5741722 [366368285, 740309674788933632, 602199246, 14894519, 438843965, 2610029334] 574 | 15115280 [976915450075533314, 241928441, 1261836530995335168, 1459955964249919488, 1348691356059897861, 1201611702053113856] 575 | 2883841 [1120359636366835713, 27461449, 1707987007, 17004022, 55868317, 966927542111236096] 576 | 14437914 [21821542, 1376642040407154692, 336637118, 1110095101, 1232677280, 19502995] 577 | 379962842 [1325842559093116929, 3205582234, 1255646263325884424, 1354196773401731079, 1282383694792028160, 18122032] 578 | 586032653 [2549042360, 1131638399033458688, 1438566959784857607, 1599896905, 14849504, 359828348] 579 | 179732982 [24815702, 1475319827480727559, 23724972, 2850753256, 1465451278549590024, 949471566458433536] 580 | 2316246829 [1157431053101031431, 897148842054963201, 1129516108975923200, 1432356545493286912, 717867921, 2234002109] 581 | 16711026 [4105117818, 1225874537146986496, 474147581, 34264107, 1275665915225522177, 1159176719154049024] 582 | 28245852 [4759961650, 760655654897889281, 1004579689308884992, 342543627, 32848575, 121056681] 583 | 50434933 [1453088390056980483, 1473081889506349061, 53836384, 45963517, 1353725925775425536, 1045879767814340609] 584 | 495605961 [16088034, 621012842, 343111483, 1684166328, 1287285414, 209629451] 585 | 17525171 [1921885770, 856994853372051457, 1462233909920514057, 1041717100132220930, 22840250, 34807631] 586 | 168541923 [139509652, 1476620101315088392, 1418695604876713986, 1463190339272024084, 1320910674088714240, 1476631988878643206] 587 | 34739186 [7532872, 168474457, 187391914, 2569743630, 111834253, 29748673] 588 | 879161563 [2648769758, 921227729973919744, 1475648321440071688, 2530378184, 1476404432812363777, 503824872] 589 | 467047990 [466885011, 2939106394, 219592824, 424806677, 2571633545, 741869818802905088] 590 | 18548136 [2545219213, 259185901, 1034819262186237953, 198180304, 197319562, 197071871] 591 | -------------------------------------------------------------------------------- /data/Twitter16/Twitter16_label_All.txt: -------------------------------------------------------------------------------- 1 | false E272 656955120626880512 2 143 536 532 IJCAI 0.73 2 | true E689 615689290706595840 71 191 381 318 IJCAI 0.5 3 | false E725 613404935003217920 65 83 104 87 IJCAI 0.2 4 | unverified E2016-1001395 731166399389962242 10 99 148 143 snopes 0.33 5 | unverified E2016-1001592 714598641827246081 11 84 104 89 snopes 0.19 6 | true E689 614467824313106432 10 136 731 654 IJCAI 0.81 7 | unverified E2016-1001679 715515982584881152 113 220 647 584 snopes 0.66 8 | non-rumor abc7 693315824132685824 35 217 989 859 news_account 0.78 9 | non-rumor whitehouse 693843042546106369 136 144 285 250 news_account 0.49 10 | false E584 622891631293935616 17 95 198 184 IJCAI 0.52 11 | non-rumor BBCBreaking 692630756548591616 29 140 478 405 news_account 0.71 12 | non-rumor abc 693265096278163456 23 128 313 292 news_account 0.59 13 | true charliehebdo 553589051044151296 8 157 163 157 PLOS_ONE 0.04 14 | true charliehebdo 553590835850514433 20 227 243 227 PLOS_ONE 0.07 15 | false E419 622858454949040128 19 298 541 471 IJCAI 0.45 16 | false E272 656870311057575936 2 149 236 215 IJCAI 0.37 17 | true E674 616311563071434753 37 236 505 460 IJCAI 0.53 18 | non-rumor guardiantech 641666167992647681 5 187 347 321 news_account 0.46 19 | true ottawashooting 525060425184858112 21 339 374 339 PLOS_ONE 0.09 20 | false E74 672513234419638273 44 101 140 131 IJCAI 0.28 21 | true sydneysiege 544382892378714113 8 102 138 102 PLOS_ONE 0.26 22 | non-rumor nytimesphoto 681824512120324096 9 127 277 239 news_account 0.54 23 | false E443 620835698514464768 8 80 110 91 IJCAI 0.27 24 | false E598 626898253900943360 37 418 1634 1333 IJCAI 0.74 25 | false E464 618804516578680832 25 111 241 208 IJCAI 0.54 26 | false E74 672632899921833984 94 94 357 324 IJCAI 0.74 27 | true charliehebdo 553588178687655936 12 198 217 198 PLOS_ONE 0.09 28 | false E684 594687353937100801 4 160 624 473 IJCAI 0.74 29 | false E725 613016993692798977 11 97 140 130 IJCAI 0.31 30 | false E144 663385747177775105 3 125 346 290 IJCAI 0.64 31 | non-rumor theonion 766715993385267201 8 90 745 673 news_account 0.88 32 | non-rumor whitehouse 693141729529184256 371 358 756 671 news_account 0.53 33 | true ottawashooting 524966904885428226 6 125 129 125 PLOS_ONE 0.03 34 | false E725 613393657161510913 31 93 220 185 IJCAI 0.58 35 | true sydneysiege 544374511194632192 9 180 220 180 PLOS_ONE 0.18 36 | unverified E2016-1001714 706665777332621314 3 89 103 92 snopes 0.14 37 | non-rumor whitehouse 693827886021767169 77 136 305 262 news_account 0.55 38 | false E247 604354747357859842 1 100 109 105 IJCAI 0.08 39 | non-rumor nytimes 767709416879644672 20 90 711 672 news_account 0.87 40 | non-rumor rollingstone 693146363685642240 18 123 400 364 news_account 0.69 41 | false E144 652783670370115585 3 137 466 388 IJCAI 0.71 42 | false E57 674187250792558592 11 93 322 295 IJCAI 0.71 43 | unverified E2016-1001369 726043971911213057 47 99 174 156 snopes 0.43 44 | true ottawashooting 524935485370929152 19 106 116 106 PLOS_ONE 0.09 45 | unverified E2016-1001395 730939370765754368 182 99 218 206 snopes 0.55 46 | unverified E2016-1001420 723365789378584578 4 153 258 230 snopes 0.41 47 | false E57 674244561519161344 21 91 211 192 IJCAI 0.57 48 | true charliehebdo 553535829017370625 5 178 193 178 PLOS_ONE 0.08 49 | unverified E2016-1001451 731093044460683264 30 91 112 101 snopes 0.19 50 | non-rumor mtv 693086218276474880 17 227 938 867 news_account 0.76 51 | non-rumor theonion 692150118921957376 14 175 343 304 news_account 0.49 52 | false E272 656830586577883136 8 154 372 319 IJCAI 0.59 53 | true charliehebdo 553543369604210689 22 116 120 116 PLOS_ONE 0.03 54 | non-rumor foxnews 767814876433571840 172 98 814 745 news_account 0.88 55 | true E352 649985459389661184 44 127 295 263 IJCAI 0.57 56 | true charliehebdo 553531413459660800 14 297 323 297 PLOS_ONE 0.08 57 | non-rumor cnn 693840291992838147 136 200 712 634 news_account 0.72 58 | false E200 663925546812837888 16 136 322 293 IJCAI 0.58 59 | true E689 614604054552018944 219 581 1402 1150 IJCAI 0.59 60 | false E456 637382230394822656 4 90 100 91 IJCAI 0.1 61 | false E222 661222523275636736 2 88 100 89 IJCAI 0.12 62 | unverified E2016-1001592 714531423273746432 21 118 187 176 snopes 0.37 63 | false E49 675043569367982081 13 84 788 685 IJCAI 0.89 64 | true sydneysiege 544314234541469696 20 242 296 242 PLOS_ONE 0.18 65 | unverified E305 651809229842608128 1 102 165 163 IJCAI 0.38 66 | non-rumor espn 693140340367187969 63 164 368 331 news_account 0.55 67 | true charliehebdo 553534838880608256 7 194 204 194 PLOS_ONE 0.05 68 | false E291 633961125126668288 111 146 354 299 IJCAI 0.59 69 | true sydneysiege 544512108885725184 19 141 154 141 PLOS_ONE 0.08 70 | true charliehebdo 552805488631758849 110 871 1133 871 PLOS_ONE 0.23 71 | false E159 645711628046995462 22 91 133 135 IJCAI 0.32 72 | true E689 614608936491188225 27 466 1088 953 IJCAI 0.57 73 | non-rumor nytimes 693858804279201794 25 180 383 345 news_account 0.53 74 | false E69 674014933235859456 61 94 206 195 IJCAI 0.54 75 | non-rumor BBCBreaking 690042063958732800 23 162 355 318 news_account 0.54 76 | non-rumor bbcworld 693041285087756288 32 143 271 241 news_account 0.47 77 | false E582 620971220301787136 19 104 166 143 IJCAI 0.37 78 | false E272 656880145769197568 5 98 127 111 IJCAI 0.23 79 | true E62 674263945172119552 97 781 2071 1887 IJCAI 0.62 80 | false E725 612646796355960832 204 246 2316 2064 IJCAI 0.89 81 | true sydneysiege 544511199702822913 8 98 106 98 PLOS_ONE 0.08 82 | unverified E305 650952376954650629 3 89 105 94 IJCAI 0.15 83 | non-rumor espn 693441093048766464 95 296 797 674 news_account 0.63 84 | true charliehebdo 553107921081749504 6 99 115 99 PLOS_ONE 0.14 85 | false E165 666190716448587776 47 96 142 128 IJCAI 0.32 86 | non-rumor yahoonews 681199637387149313 101 162 557 506 news_account 0.71 87 | true E357 632377165477191680 164 449 3048 2718 IJCAI 0.85 88 | false E144 652992524504600576 2 79 112 89 IJCAI 0.29 89 | unverified E2016-100584 763738618573623297 24 98 156 142 snopes 0.37 90 | false E51 672927317191229440 56 92 272 255 IJCAI 0.66 91 | unverified E2016-100628 757367391202471937 33 117 221 210 snopes 0.47 92 | non-rumor BBCBreaking 688819658057740290 34 139 482 429 news_account 0.71 93 | non-rumor whitehouse 692845716826300418 24 130 350 306 news_account 0.63 94 | unverified E2016-100628 756282236375277568 21 89 115 103 snopes 0.23 95 | non-rumor BBCBreaking 692748411481780224 565 294 1024 883 news_account 0.71 96 | false E49 675193315306905600 16 69 181 133 IJCAI 0.62 97 | false E57 674364257799004160 752 405 1871 1847 IJCAI 0.78 98 | unverified E2016-1001523 716461257025581056 37 213 597 558 snopes 0.64 99 | false E222 662430295254175744 19 157 368 329 IJCAI 0.57 100 | true sydneysiege 544512676643500033 3 142 159 142 PLOS_ONE 0.11 101 | false E468 638050997340893184 43 153 452 390 IJCAI 0.66 102 | non-rumor espn 692890520960397312 7 381 800 686 news_account 0.52 103 | true sydneysiege 544324444773433348 21 145 154 145 PLOS_ONE 0.06 104 | unverified E2016-1001047 745236050407194624 4 89 106 95 snopes 0.16 105 | false E79 673079581520318464 22 87 926 767 IJCAI 0.91 106 | non-rumor theonion 691995324752252930 8 144 271 236 news_account 0.47 107 | false E57 673984270902427650 15 90 119 108 IJCAI 0.24 108 | true ottawashooting 524975705206304769 23 359 380 359 PLOS_ONE 0.06 109 | false E650 618805892222468096 13 86 182 158 IJCAI 0.53 110 | non-rumor usatoday 693086478667112448 57 443 1027 912 news_account 0.57 111 | true E689 614595181845839873 168 569 2309 2030 IJCAI 0.75 112 | false E326 654371696195993600 9 119 242 208 IJCAI 0.51 113 | false E165 665358434351509504 69 95 106 101 IJCAI 0.1 114 | unverified E2016-100815 755439197125767169 120 175 373 344 snopes 0.53 115 | false E161 666633171325353989 18 126 261 222 IJCAI 0.52 116 | unverified E2016-1001061 729647367457230850 13 118 177 162 snopes 0.33 117 | unverified E2016-1001369 726442550266044416 34 99 116 113 snopes 0.15 118 | false E165 666070802924617728 89 142 369 333 IJCAI 0.62 119 | true sydneysiege 544512664769396736 5 244 269 244 PLOS_ONE 0.09 120 | non-rumor cnnmoney 692106491365605376 27 217 500 426 news_account 0.57 121 | unverified E2016-1001356 727966590084485120 215 93 138 124 snopes 0.33 122 | non-rumor BreakingNews 691789524498845699 24 114 319 277 news_account 0.64 123 | non-rumor abc 767803368081358848 145 87 1254 1102 news_account 0.93 124 | false E57 667379734343471104 3 94 180 164 IJCAI 0.48 125 | unverified E2016-1001679 715671763808493569 11 101 127 122 snopes 0.2 126 | false E291 653250169752977408 83 94 160 135 IJCAI 0.41 127 | unverified E305 656361703664451585 30 173 286 270 IJCAI 0.4 128 | false E323 643103859729166337 158 146 530 484 IJCAI 0.72 129 | unverified E2016-1001592 714560810266132480 58 147 231 209 snopes 0.36 130 | false E144 658065957823324160 16 106 147 141 IJCAI 0.28 131 | non-rumor bbcworld 693534670428971008 41 127 286 256 news_account 0.56 132 | unverified E2016-1001451 722885778448121857 49 95 105 102 snopes 0.1 133 | true E689 614599619310407680 353 123 265 210 IJCAI 0.54 134 | unverified E2016-1001714 706933939953344514 2 88 110 97 snopes 0.2 135 | non-rumor BBCBreaking 691285663522648065 182 307 799 723 news_account 0.62 136 | false E222 661229627734667264 30 104 292 268 IJCAI 0.64 137 | unverified E2016-1001592 714755546285477888 20 99 111 108 snopes 0.11 138 | non-rumor io9 672102358516670465 37 300 952 862 news_account 0.68 139 | false E67 673686233936072704 54 89 443 400 IJCAI 0.8 140 | false E684 618192748735299584 7 148 350 286 IJCAI 0.58 141 | unverified E2016-1001576 715264793737879553 37 94 122 109 snopes 0.23 142 | true E689 614594667225571328 13 132 349 336 IJCAI 0.62 143 | non-rumor foxnews 693935557009801218 181 125 290 252 news_account 0.57 144 | false E401 644229386149888001 52 99 105 104 IJCAI 0.06 145 | unverified E2016-100584 763428684850094080 25 97 106 102 snopes 0.08 146 | false E92 671181758692507648 43 93 104 104 IJCAI 0.11 147 | non-rumor theonion 692078399012130816 12 340 715 622 news_account 0.52 148 | unverified E2016-100777 752875379765968897 69 108 224 211 snopes 0.52 149 | false E497 626642648179159040 36 130 431 337 IJCAI 0.7 150 | unverified E2016-1001135 742114513726623744 89 98 117 108 snopes 0.16 151 | unverified E2016-1001523 716457799392342018 20 98 160 151 snopes 0.39 152 | unverified E2016-100128 778625026144792577 7 108 136 130 snopes 0.21 153 | true E689 614610920782888960 103 1220 3175 2750 IJCAI 0.62 154 | unverified E2016-1001576 715254040289021952 23 94 110 104 snopes 0.15 155 | false E67 673872171341447169 26 89 116 103 IJCAI 0.23 156 | non-rumor whitehouse 693167683701968896 124 355 929 817 news_account 0.62 157 | unverified E2016-1001451 724624672604610562 3 89 105 94 snopes 0.15 158 | unverified E285 655432919595548672 1 95 198 172 IJCAI 0.52 159 | non-rumor cnnbrk 692014905239666688 128 140 332 303 news_account 0.58 160 | true sydneysiege 544520042810200064 2 100 101 100 PLOS_ONE 0.01 161 | non-rumor BreakingNews 692803280238419971 56 141 356 323 news_account 0.6 162 | false E192 664000310856310784 38 144 380 337 IJCAI 0.62 163 | unverified E2016-1001130 742571519105077248 9 92 116 108 snopes 0.21 164 | non-rumor drudge_report 767541796410839040 147 91 1256 1170 news_account 0.93 165 | true E405 641972184412327937 49 111 228 224 IJCAI 0.51 166 | false E327 651321040119963648 7 85 232 205 IJCAI 0.63 167 | false E222 662151653462790144 32 134 386 343 IJCAI 0.65 168 | non-rumor mtv 693844030589902848 12 129 300 279 news_account 0.57 169 | false E67 676067381299576832 89 97 291 261 IJCAI 0.67 170 | true sydneysiege 544491151118860289 8 106 121 106 PLOS_ONE 0.12 171 | true sydneysiege 544515538383564801 19 173 191 173 PLOS_ONE 0.09 172 | false E67 673615400655970304 93 91 646 569 IJCAI 0.86 173 | unverified E273 653432261203750912 24 88 117 104 IJCAI 0.25 174 | false E429 641443248909754368 18 98 213 183 IJCAI 0.54 175 | true E689 614601139422633984 45 282 762 640 IJCAI 0.63 176 | true ottawashooting 524931324763992064 7 147 169 147 PLOS_ONE 0.13 177 | unverified E2016-1001506 707786906189303808 88 566 2091 1698 snopes 0.73 178 | false E291 656047932093763584 94 97 184 158 IJCAI 0.47 179 | non-rumor eonline 723025600810766336 35 215 793 670 news_account 0.73 180 | false E272 656595123590012928 3 151 240 212 IJCAI 0.37 181 | false E611 615346611955183616 39 97 173 157 IJCAI 0.44 182 | unverified E2016-100584 763524712853102596 64 104 239 215 snopes 0.56 183 | false E200 663817239896821760 28 650 1555 1248 IJCAI 0.58 184 | false E229 659462980476637184 152 143 770 670 IJCAI 0.81 185 | false E113 669259395902152704 162 582 1476 1497 IJCAI 0.61 186 | false E443 620367840902782976 7 79 150 119 IJCAI 0.47 187 | unverified E2016-1001451 733242244522725376 12 100 149 146 snopes 0.33 188 | true sydneysiege 544301453717041152 23 250 338 250 PLOS_ONE 0.26 189 | false E586 628045645010608128 3 80 106 96 IJCAI 0.25 190 | false E74 672169954016403456 190 373 1132 993 IJCAI 0.67 191 | non-rumor espn 693076140278153217 23 403 753 641 news_account 0.46 192 | false E60 674314254732931072 61 85 229 194 IJCAI 0.63 193 | unverified E2016-1001592 714555825122107392 7 115 156 141 snopes 0.26 194 | false E737 611039775856812032 71 220 639 550 IJCAI 0.66 195 | unverified E2016-100128 778681502825451520 21 105 125 119 snopes 0.16 196 | true ottawashooting 525068915068923904 3 95 105 95 PLOS_ONE 0.1 197 | unverified E2016-1001152 740791134146965504 56 125 252 223 snopes 0.5 198 | true sydneysiege 544504183341064192 18 147 182 147 PLOS_ONE 0.19 199 | true charliehebdo 553476490315431937 4 107 109 107 PLOS_ONE 0.02 200 | non-rumor whitehouse 761573188543229952 222 725 1615 1456 news_account 0.55 201 | false E67 673696115305406466 1 97 389 375 IJCAI 0.75 202 | false E301 651825062174195712 110 140 274 251 IJCAI 0.49 203 | false E291 633949800761700352 73 104 165 144 IJCAI 0.37 204 | non-rumor whitehouse 761999790892806144 75 378 697 620 news_account 0.46 205 | true charliehebdo 553587013409325058 34 2731 2825 2731 PLOS_ONE 0.03 206 | true sydneysiege 544513524438155264 2 100 106 100 PLOS_ONE 0.06 207 | false E74 672539897899577344 55 109 215 193 IJCAI 0.49 208 | non-rumor enews 693691456222052352 11 217 661 573 news_account 0.67 209 | non-rumor enews 693648684857323521 18 178 508 457 news_account 0.65 210 | unverified E305 655812191233417216 24 234 433 371 IJCAI 0.46 211 | false E74 672219174463275008 137 124 281 229 IJCAI 0.56 212 | true E689 614628865353351168 32 187 446 368 IJCAI 0.58 213 | unverified E2016-1001348 727854332188577792 18 113 374 358 snopes 0.7 214 | true sydneysiege 544358564484378624 2 105 114 105 PLOS_ONE 0.08 215 | unverified E2016-1001130 742012307694223361 49 120 261 239 snopes 0.54 216 | unverified E2016-1001710 707332312724283392 46 94 169 156 snopes 0.44 217 | unverified E2016-100815 755447443009916929 18 91 129 114 snopes 0.29 218 | non-rumor cnnbrk 693555965019492352 97 200 762 659 news_account 0.74 219 | unverified E2016-1001704 705092738224525312 31 117 215 193 snopes 0.46 220 | unverified E2016-1001451 724661834419048448 27 94 116 110 snopes 0.19 221 | unverified E2016-100628 757190314880884736 48 98 122 115 snopes 0.2 222 | true sydneysiege 544278985249550337 18 245 305 245 PLOS_ONE 0.2 223 | true sydneysiege 544367462012432384 12 90 117 90 PLOS_ONE 0.23 224 | unverified E2016-100496 775672628493357057 80 154 556 522 snopes 0.72 225 | non-rumor espn 692797856386777089 36 193 568 488 news_account 0.66 226 | true E689 614645853291155457 20 116 186 160 IJCAI 0.38 227 | non-rumor guardiannews 682916727282270208 19 129 303 247 news_account 0.57 228 | unverified E2016-1001369 725983128444129280 44 122 313 302 snopes 0.61 229 | unverified E2016-100628 766808183696351233 45 110 311 250 snopes 0.65 230 | true charliehebdo 552791196247269378 22 226 295 226 PLOS_ONE 0.23 231 | true ottawashooting 524943490887991296 7 537 930 537 PLOS_ONE 0.42 232 | false E144 667534186450825216 3 95 130 112 IJCAI 0.27 233 | non-rumor BBCBreaking 687643002240679936 29 130 297 251 news_account 0.56 234 | unverified E2016-1001420 723511860516016128 1 107 158 146 snopes 0.32 235 | false E93 677099574855639044 15 81 134 113 IJCAI 0.4 236 | true sydneysiege 544391533240516608 4 90 140 90 PLOS_ONE 0.36 237 | false E272 656825206045020160 7 124 314 285 IJCAI 0.61 238 | true ottawashooting 525025279803424768 8 107 119 107 PLOS_ONE 0.1 239 | non-rumor abc 693119705469587456 22 154 334 323 news_account 0.54 240 | false E165 666051332504207360 23 96 125 118 IJCAI 0.23 241 | non-rumor cnnbrk 692929779696275456 39 126 293 262 news_account 0.57 242 | unverified E305 650975967146602496 93 106 167 150 IJCAI 0.37 243 | true charliehebdo 553544694765215745 14 163 171 163 PLOS_ONE 0.05 244 | false E57 674080899055546368 19 96 108 111 IJCAI 0.11 245 | false E443 626770498328895488 2 86 277 210 IJCAI 0.69 246 | false E144 657007736467525632 7 98 272 226 IJCAI 0.64 247 | true E689 614626710248534016 10 119 226 193 IJCAI 0.47 248 | unverified E2016-100947 751536167183613952 62 138 256 235 snopes 0.46 249 | non-rumor theeconomist 693771953648373760 27 203 391 363 news_account 0.48 250 | true E352 649903655160815616 147 146 351 305 IJCAI 0.58 251 | non-rumor gawker 692082861525078017 54 115 455 391 news_account 0.75 252 | false E706 614054616154550273 352 266 2597 2324 IJCAI 0.9 253 | false E60 674301960787505153 6 88 129 114 IJCAI 0.32 254 | unverified E251 658755852199927808 13 85 108 92 IJCAI 0.21 255 | unverified E2016-100661 748543642323783681 84 134 520 487 snopes 0.74 256 | true E689 614494170590367744 14 254 1016 886 IJCAI 0.75 257 | false E113 661870323034431489 33 165 500 462 IJCAI 0.67 258 | false E291 637873886072320001 42 105 190 163 IJCAI 0.45 259 | unverified E2016-1001451 732004388181434368 19 100 115 108 snopes 0.13 260 | non-rumor whitehouse 689938201193115648 76 173 482 437 news_account 0.64 261 | false E298 645362146415525888 15 97 212 190 IJCAI 0.54 262 | non-rumor cnnbrk 692758581494599681 18 113 272 229 news_account 0.58 263 | false E74 672632863452299264 40 124 286 258 IJCAI 0.57 264 | unverified E2016-1001369 727187859367546880 23 96 136 131 snopes 0.29 265 | unverified E2016-100781 764931593303646208 178 456 1055 944 snopes 0.57 266 | true ottawashooting 525056576038518785 23 1029 1082 1029 PLOS_ONE 0.05 267 | false E74 672433211604013057 339 628 2334 2128 IJCAI 0.73 268 | unverified E2016-1001130 747275598347837440 55 140 355 339 snopes 0.61 269 | unverified E2016-100496 774833492865593344 152 151 404 368 snopes 0.63 270 | unverified E2016-1001152 760928376668454912 11 172 313 286 snopes 0.45 271 | unverified E2016-1001356 728013148788154368 153 122 323 300 snopes 0.62 272 | true E689 614618682543616000 98 183 392 344 IJCAI 0.53 273 | non-rumor cnn 693060960001597440 45 120 289 253 news_account 0.58 274 | non-rumor rollingstone 693826104633737217 13 158 332 289 news_account 0.52 275 | unverified E2016-1001420 723644048867774464 2 92 169 131 snopes 0.46 276 | unverified E2016-1001130 742050150307246080 21 99 174 161 snopes 0.43 277 | false E49 675064077367005184 9 80 308 261 IJCAI 0.74 278 | true ottawashooting 524926235030589440 6 108 135 108 PLOS_ONE 0.2 279 | unverified E2016-1001061 749286768554438658 59 90 135 117 snopes 0.33 280 | true sydneysiege 544380742076088320 19 361 441 361 PLOS_ONE 0.18 281 | true E689 614605997953404929 92 187 390 339 IJCAI 0.52 282 | false E419 629503919098429440 3 96 118 103 IJCAI 0.19 283 | non-rumor cnnbrk 692623941131722752 51 308 798 656 news_account 0.61 284 | false E497 626546123713474560 46 112 340 280 IJCAI 0.67 285 | false E51 672906198434209792 97 92 132 122 IJCAI 0.3 286 | false E67 673615263040798726 33 95 178 169 IJCAI 0.47 287 | false E291 647169573599449088 29 103 275 246 IJCAI 0.63 288 | false E212 641050980985999360 29 99 135 122 IJCAI 0.27 289 | unverified E2016-1001369 727179214546456577 33 116 253 229 snopes 0.54 290 | false E161 666107476526432256 11 108 138 124 IJCAI 0.22 291 | false E582 620916279608651776 43 182 419 362 IJCAI 0.57 292 | false E67 673664899571060736 8 95 105 101 IJCAI 0.1 293 | true sydneysiege 544271284796784640 8 141 177 141 PLOS_ONE 0.2 294 | non-rumor whitehouse 692071267189395457 81 166 429 388 news_account 0.61 295 | unverified E305 651486105628463105 42 345 2114 1961 IJCAI 0.84 296 | false E49 675065047710892033 3 87 116 98 IJCAI 0.25 297 | false E131 668144671772778497 14 87 134 114 IJCAI 0.35 298 | false E684 604625816992002049 10 136 348 263 IJCAI 0.61 299 | non-rumor telegraphnews 682996350909157376 106 451 1647 1359 news_account 0.73 300 | non-rumor whitehouse 688752927381581824 59 130 308 270 news_account 0.58 301 | non-rumor BBCBreaking 693087220459270144 54 138 342 299 news_account 0.6 302 | true ottawashooting 524962142563610625 5 172 180 172 PLOS_ONE 0.04 303 | non-rumor espn 693573781730783232 36 228 521 447 news_account 0.56 304 | non-rumor newsweek 692083780123783172 25 157 338 308 news_account 0.54 305 | false E497 627828211003469825 21 107 231 202 IJCAI 0.54 306 | non-rumor drudge_report 693059995013742592 15 102 275 249 news_account 0.63 307 | true E689 614594195479752704 30 309 716 609 IJCAI 0.57 308 | non-rumor cnnbrk 692691444046372865 36 208 536 477 news_account 0.61 309 | true E689 614593989203886080 6 106 194 166 IJCAI 0.45 310 | non-rumor whitehouse 690376107825192960 114 326 1321 1181 news_account 0.75 311 | false E229 658259426172891136 3 91 105 97 IJCAI 0.13 312 | unverified E35 676586804242309121 22 90 112 103 IJCAI 0.2 313 | false E327 651959206287908868 77 455 3507 2770 IJCAI 0.87 314 | true E52 681147789653356544 24 84 322 277 IJCAI 0.74 315 | false E291 652882609219833856 165 155 390 328 IJCAI 0.6 316 | true sydneysiege 544476808566276097 31 148 157 148 PLOS_ONE 0.06 317 | non-rumor gawker 687274510643511296 25 130 283 254 news_account 0.54 318 | false E291 647464349611589632 33 99 152 131 IJCAI 0.35 319 | unverified E2016-1001369 726086935903494144 33 101 141 134 snopes 0.28 320 | non-rumor BBCBreaking 691632238035886081 37 136 316 287 news_account 0.57 321 | true ottawashooting 524952883343925249 21 960 1054 960 PLOS_ONE 0.09 322 | non-rumor BBCBreaking 688021039322894336 30 142 375 333 news_account 0.62 323 | unverified E2016-1001710 707308274270539777 61 90 112 97 snopes 0.2 324 | non-rumor abc7 691678576018657281 52 297 922 789 news_account 0.68 325 | non-rumor BreakingNews 692874200927698945 29 148 387 350 news_account 0.62 326 | false E144 666640008149925893 9 108 136 136 IJCAI 0.21 327 | false E99 663515735231062016 51 97 178 160 IJCAI 0.46 328 | false E402 643139873264812032 22 92 140 114 IJCAI 0.34 329 | non-rumor whitehouse 689860942671130624 219 257 654 570 news_account 0.61 330 | false E144 656662726014599168 37 244 493 446 IJCAI 0.51 331 | false E57 674229534888185856 19 86 210 211 IJCAI 0.59 332 | unverified E2016-1001523 716424773216022530 2 114 235 229 snopes 0.51 333 | false E74 672432930426372096 55 104 181 169 IJCAI 0.43 334 | false E253 600451916414484480 6 109 331 281 IJCAI 0.67 335 | non-rumor theonion 692838430783332357 8 531 1042 910 news_account 0.49 336 | unverified E2016-1001506 717081129627553792 89 269 1191 1033 snopes 0.77 337 | non-rumor tvguide 765612862681255936 31 84 835 718 news_account 0.9 338 | false E419 641088973717110784 6 104 136 123 IJCAI 0.24 339 | unverified E273 652349108653551616 41 112 202 183 IJCAI 0.45 340 | unverified E2016-100180 777710439870455808 29 100 120 117 snopes 0.17 341 | true charliehebdo 553508098825261056 19 196 216 196 PLOS_ONE 0.09 342 | non-rumor whitehouse 762793077509464064 184 545 1188 1058 news_account 0.54 343 | true E689 614628136634949632 4 114 233 185 IJCAI 0.51 344 | true germanwings-crash 580324027715063808 3 99 175 99 PLOS_ONE 0.43 345 | false E443 634665777400950784 2 90 105 95 IJCAI 0.14 346 | false E60 674301413040758785 75 347 1190 1027 IJCAI 0.71 347 | false E684 613362193787129860 6 93 165 136 IJCAI 0.44 348 | unverified E2016-100661 743764020679741440 27 114 200 188 snopes 0.43 349 | non-rumor rollingstone 692820029159653377 16 169 313 282 news_account 0.46 350 | non-rumor washingtonpost 693471161313816576 13 147 296 265 news_account 0.5 351 | unverified E2016-1001679 716092408920936448 25 109 374 348 snopes 0.71 352 | true ottawashooting 524941132237910016 2 101 100 101 PLOS_ONE -0.01 353 | unverified E2016-1001369 727116900983934976 18 103 141 129 snopes 0.27 354 | false E144 655986243042459648 6 116 413 331 IJCAI 0.72 355 | true sydneysiege 544283772569788416 19 127 180 127 PLOS_ONE 0.29 356 | non-rumor espn 693818562981421056 22 128 298 260 news_account 0.57 357 | unverified E251 658938136299511808 10 84 112 109 IJCAI 0.25 358 | false E654 618449248179191808 9 119 333 270 IJCAI 0.64 359 | non-rumor theonion 693897857376632832 20 686 1349 1180 news_account 0.49 360 | non-rumor politico 692410832307818497 133 109 315 313 news_account 0.65 361 | false E222 662381914842603520 5 97 110 114 IJCAI 0.12 362 | true E689 615494435074363392 14 659 1654 1356 IJCAI 0.6 363 | unverified E2016-100584 763520953619918848 25 91 102 94 snopes 0.11 364 | non-rumor BBCBreaking 766568413418356736 266 85 685 593 news_account 0.88 365 | true E40 676367888543031296 64 94 403 368 IJCAI 0.77 366 | non-rumor rollingstone 692758050378256388 21 450 1053 935 news_account 0.57 367 | true E405 642465192408940544 215 120 460 422 IJCAI 0.74 368 | false E725 612438528803213312 97 150 658 598 IJCAI 0.77 369 | false E725 613425834301485056 14 91 108 100 IJCAI 0.16 370 | unverified E2016-1001592 714567472712589312 64 131 279 261 snopes 0.53 371 | non-rumor cnn 693281966846808064 67 140 285 243 news_account 0.51 372 | false E222 659428447459110912 5 90 131 107 IJCAI 0.31 373 | false E74 672902686380003328 10 86 321 287 IJCAI 0.73 374 | false E229 659439879701602304 18 88 111 99 IJCAI 0.21 375 | true charliehebdo 553590459688570880 19 2410 2517 2410 PLOS_ONE 0.04 376 | true ottawashooting 525058976376193024 4 231 248 231 PLOS_ONE 0.07 377 | false E144 669201837187334144 5 118 369 315 IJCAI 0.68 378 | unverified E273 652300118205427716 24 88 113 96 IJCAI 0.22 379 | non-rumor cnn 693203974388895744 19 127 313 257 news_account 0.59 380 | unverified E2016-1001130 747443219487678464 22 95 126 117 snopes 0.25 381 | unverified E2016-100815 755548076438196225 24 97 133 126 snopes 0.27 382 | unverified E2016-1001356 728627623488786433 27 592 1010 854 snopes 0.41 383 | true charliehebdo 553476880339599360 14 96 101 96 PLOS_ONE 0.05 384 | unverified E2016-1001130 749039299677417472 29 104 169 157 snopes 0.38 385 | non-rumor guardiannews 687537772970684417 5 240 434 391 news_account 0.45 386 | unverified E2016-1001451 725070832494624769 86 111 305 283 snopes 0.64 387 | unverified E2016-1001356 728038172270198787 15 334 531 456 snopes 0.37 388 | true ferguson 500378223977721856 17 79 104 79 PLOS_ONE 0.24 389 | unverified E2016-1001451 724348906096590849 197 172 332 293 snopes 0.48 390 | false E144 658786161733734400 8 80 155 117 IJCAI 0.48 391 | unverified E2016-1001356 728207861050970112 7 301 505 431 snopes 0.4 392 | false E323 651402689352351744 66 207 494 420 IJCAI 0.58 393 | false E455 634943791934406657 4 86 119 102 IJCAI 0.28 394 | true sydneysiege 544319832486064128 27 223 271 223 PLOS_ONE 0.18 395 | non-rumor enews 693606934050684928 12 134 355 309 news_account 0.62 396 | false E94 666810213274689537 37 101 116 112 IJCAI 0.13 397 | non-rumor BBCBreaking 692702295281262593 93 371 903 781 news_account 0.59 398 | non-rumor whitehouse 692498490249891842 54 142 334 295 news_account 0.57 399 | non-rumor instyle 689867195657101312 129 146 780 737 news_account 0.81 400 | true charliehebdo 553512735192141826 5 100 108 100 PLOS_ONE 0.07 401 | true sydneysiege 544517264054423552 17 622 677 622 PLOS_ONE 0.08 402 | false E144 656629493377990656 3 114 307 248 IJCAI 0.63 403 | unverified E160 663744139666804736 78 1185 3242 2779 IJCAI 0.63 404 | false E74 675005503160901632 86 90 189 175 IJCAI 0.52 405 | false E494 638047610973089793 13 82 130 102 IJCAI 0.37 406 | unverified E2016-1001348 727623131494387714 6 94 118 112 snopes 0.2 407 | non-rumor eonline 723198441690636288 42 562 1343 1099 news_account 0.58 408 | true E427 641082932740947972 23 109 198 178 IJCAI 0.45 409 | false E144 648894687542034432 2 85 118 105 IJCAI 0.28 410 | non-rumor rollingstone 692925396292091905 10 154 302 284 news_account 0.49 411 | unverified E2016-1001061 752965545528528898 63 93 112 102 snopes 0.17 412 | unverified E2016-100128 778572032531427332 32 252 433 389 snopes 0.42 413 | unverified E2016-1001523 716451800581279744 814 669 2468 2276 snopes 0.73 414 | false E454 637868242560638980 273 475 3725 2873 IJCAI 0.87 415 | true ferguson 498430783699554305 22 231 288 231 PLOS_ONE 0.2 416 | false E443 641430951403343872 2 117 548 405 IJCAI 0.79 417 | false E554 635632641635667968 6 94 112 103 IJCAI 0.16 418 | unverified E273 652000523525091328 17 86 102 96 IJCAI 0.16 419 | false E571 626897206717624320 5 79 150 93 IJCAI 0.47 420 | non-rumor reuters 693476774462820352 159 166 397 364 news_account 0.58 421 | false E497 626516248206135296 14 109 205 171 IJCAI 0.47 422 | false E144 676094756758364160 8 87 451 388 IJCAI 0.81 423 | unverified E2016-1001576 715256242990505984 297 267 867 773 snopes 0.69 424 | non-rumor BBCBreaking 690650123358093312 130 446 1135 1021 news_account 0.61 425 | unverified E2016-1001523 701514249269542912 62 111 168 159 snopes 0.34 426 | true E689 623599854661541888 32 111 175 159 IJCAI 0.37 427 | false E542 629209452793626624 1 100 383 383 IJCAI 0.74 428 | non-rumor politico 693811101146963968 216 131 377 454 news_account 0.65 429 | false E144 666497286663503872 46 141 381 290 IJCAI 0.63 430 | false E249 642432477185867776 12 110 193 158 IJCAI 0.43 431 | non-rumor arstechnica 682999206290829312 6 155 278 261 news_account 0.44 432 | false E222 660466342038867969 29 99 187 156 IJCAI 0.47 433 | false E291 656202544331517952 21 95 104 98 IJCAI 0.09 434 | unverified E2016-1001369 727172374999666688 138 127 398 361 snopes 0.68 435 | false E385 647193820812177408 5 79 110 86 IJCAI 0.28 436 | unverified E2016-1001420 723772395211862016 5 85 112 93 snopes 0.24 437 | true E689 614607711368519680 11 137 369 301 IJCAI 0.63 438 | false E272 656818921979310081 5 117 165 155 IJCAI 0.29 439 | false E291 647168914955243520 45 100 204 186 IJCAI 0.51 440 | false E222 661251968078221312 5 126 266 241 IJCAI 0.53 441 | non-rumor BBCBreaking 690680149164085248 97 187 564 495 news_account 0.67 442 | false E165 665361505303584774 56 93 200 178 IJCAI 0.54 443 | false E725 613294443878305796 46 116 298 298 IJCAI 0.61 444 | false E113 676120162018451456 29 90 282 253 IJCAI 0.68 445 | false E165 665379967757324288 30 100 147 138 IJCAI 0.32 446 | non-rumor cnnbrk 766752508312166402 567 88 609 545 news_account 0.86 447 | false E727 612741808125120513 53 518 1354 1317 IJCAI 0.62 448 | non-rumor BBCBreaking 689267711856263168 48 191 509 446 news_account 0.62 449 | false E706 613023744454475776 117 142 418 382 IJCAI 0.66 450 | true E689 614671961801785344 33 129 239 215 IJCAI 0.46 451 | true E37 675490515748425728 36 87 785 645 IJCAI 0.89 452 | unverified E2016-1001152 740748123581087745 76 156 616 567 snopes 0.75 453 | non-rumor davos 690580180805509121 15 157 278 261 news_account 0.44 454 | true charliehebdo 552984502063337472 3 100 107 100 PLOS_ONE 0.07 455 | true E352 650128194209730561 24 122 205 182 IJCAI 0.4 456 | false E706 612841482823729152 77 111 243 251 IJCAI 0.54 457 | false E468 636925368927064064 9 102 146 133 IJCAI 0.3 458 | false E69 674015148382666752 64 94 244 229 IJCAI 0.61 459 | false E272 656834590779289600 1 110 152 136 IJCAI 0.28 460 | false E83 681767380305985536 6 87 117 108 IJCAI 0.26 461 | false E144 648310692794109952 14 112 369 309 IJCAI 0.7 462 | true ottawashooting 524995771587108864 6 100 106 100 PLOS_ONE 0.06 463 | non-rumor cnnbrk 692752491482615808 20 123 282 239 news_account 0.56 464 | non-rumor foxnews 693502060545703937 214 223 614 555 news_account 0.64 465 | unverified E2016-100484 766789709045518336 78 137 210 206 snopes 0.35 466 | unverified E273 652982112870662144 47 90 132 111 IJCAI 0.32 467 | non-rumor espn 693456187036037123 104 290 744 669 news_account 0.61 468 | non-rumor theonion 692796451987034113 18 198 350 311 news_account 0.43 469 | unverified E2016-1001506 703234354579898368 2 85 193 147 snopes 0.56 470 | non-rumor cnn 693466451081060353 62 340 813 724 news_account 0.58 471 | unverified E305 655815788675399680 18 131 186 163 IJCAI 0.3 472 | true charliehebdo 552832817089236992 12 85 101 85 PLOS_ONE 0.16 473 | true sydneysiege 544291965513134080 24 102 116 102 PLOS_ONE 0.12 474 | unverified E2016-1001369 726190016435728385 46 121 269 251 snopes 0.55 475 | false E93 676870737932742656 25 80 194 163 IJCAI 0.59 476 | non-rumor tvguide 672553813249826816 76 277 893 832 news_account 0.69 477 | true E352 649881917534433280 38 104 183 165 IJCAI 0.43 478 | non-rumor cnnbrk 692023855926374400 51 280 877 773 news_account 0.68 479 | unverified E2016-1001451 725174535897620481 39 101 187 175 snopes 0.46 480 | non-rumor eonline 688446106943008768 87 125 287 256 news_account 0.56 481 | false E323 640107106943766528 31 101 179 161 IJCAI 0.44 482 | unverified E2016-1001061 748640007934590976 112 87 108 93 snopes 0.19 483 | unverified E2016-1001451 724320681517670400 356 214 437 385 snopes 0.51 484 | false E432 640644123339431936 109 433 1608 1371 IJCAI 0.73 485 | false E222 661299012386095105 9 107 176 166 IJCAI 0.39 486 | false E725 613061089518034944 18 93 231 205 IJCAI 0.6 487 | false E74 672424512516964352 61 146 321 293 IJCAI 0.55 488 | true E533 628319096606732290 86 219 1002 794 IJCAI 0.78 489 | true ottawashooting 524936872666353664 29 773 1665 773 PLOS_ONE 0.54 490 | false E67 673611867181473792 18 97 107 105 IJCAI 0.09 491 | false E51 673581371458199552 40 95 404 377 IJCAI 0.76 492 | false E144 668872645589471232 6 123 291 254 IJCAI 0.58 493 | false E112 669613420665159680 26 98 132 124 IJCAI 0.26 494 | false E93 676718762830221312 4 84 211 178 IJCAI 0.6 495 | false E713 613194145423826944 46 138 301 262 IJCAI 0.54 496 | unverified E2016-1001523 701175292937707520 8 95 124 118 snopes 0.23 497 | true sydneysiege 544289409294553088 11 100 184 100 PLOS_ONE 0.46 498 | false E165 665575674485211136 44 102 153 140 IJCAI 0.33 499 | false E212 641191076716417025 10 96 113 108 IJCAI 0.15 500 | non-rumor smashingmag 682895395077373952 4 168 276 254 news_account 0.39 501 | true charliehebdo 553587303172833280 21 610 676 610 PLOS_ONE 0.1 502 | false E494 633823543541768192 6 98 120 114 IJCAI 0.18 503 | true sydneysiege 544381485591982083 21 105 120 105 PLOS_ONE 0.13 504 | non-rumor cnnbrk 766323684076322816 102 90 935 787 news_account 0.9 505 | non-rumor instyle 691608761128067072 9 154 484 443 news_account 0.68 506 | true E689 614638036593299456 27 140 302 251 IJCAI 0.54 507 | true charliehebdo 553587672137334785 27 1344 1499 1344 PLOS_ONE 0.1 508 | true charliehebdo 552811386259386370 18 299 338 299 PLOS_ONE 0.12 509 | false E74 672828403016429568 83 86 105 90 IJCAI 0.18 510 | false E475 604642913188872192 15 106 165 152 IJCAI 0.36 511 | non-rumor newsweek 765359928361922560 164 299 672 613 news_account 0.56 512 | false E497 626739062792032256 25 111 312 245 IJCAI 0.64 513 | false E200 663722803489808384 55 92 101 95 IJCAI 0.09 514 | non-rumor empiremagazine 691719802499432448 54 153 503 450 news_account 0.7 515 | false E222 661120256732041216 5 110 189 177 IJCAI 0.42 516 | false E489 634404792241143809 90 353 1615 1410 IJCAI 0.78 517 | true ottawashooting 524923676484177920 10 217 391 217 PLOS_ONE 0.45 518 | false E165 665364878287224834 135 149 399 366 IJCAI 0.63 519 | false E291 642027433693171712 97 282 1077 910 IJCAI 0.74 520 | false E598 626901072209121282 5 107 264 208 IJCAI 0.59 521 | non-rumor BBCBreaking 692735698349199360 77 222 582 515 news_account 0.62 522 | true sydneysiege 544277117039837184 30 320 390 320 PLOS_ONE 0.18 523 | false E200 663904307113275392 60 88 101 89 IJCAI 0.13 524 | true sydneysiege 544358533819420672 18 145 166 145 PLOS_ONE 0.13 525 | non-rumor foxnews 693528374996652032 69 175 294 252 news_account 0.4 526 | unverified E2016-1001451 724703995147751424 77 91 109 99 snopes 0.17 527 | unverified E2016-100628 759460236042305536 47 151 276 244 snopes 0.45 528 | true ottawashooting 524965775036387329 4 156 164 156 PLOS_ONE 0.05 529 | false E79 673346166822694914 17 81 463 373 IJCAI 0.83 530 | true ottawashooting 525025463648137216 10 136 148 136 PLOS_ONE 0.08 531 | unverified E2016-1001420 723521076446142465 4 121 169 148 snopes 0.28 532 | false E74 672488384695279616 54 166 536 489 IJCAI 0.69 533 | false E291 642145732435292160 140 304 1050 893 IJCAI 0.71 534 | unverified E2016-100763 757748522481491968 21 133 397 375 snopes 0.66 535 | unverified E2016-1001523 716439952922312704 7 122 282 270 snopes 0.57 536 | true E689 614604580601597953 41 138 222 203 IJCAI 0.38 537 | false E402 643225207705075716 128 129 523 481 IJCAI 0.75 538 | false E291 654351281260113920 21 317 507 436 IJCAI 0.37 539 | non-rumor cnnbrk 692540218310803456 72 140 299 252 news_account 0.53 540 | false E222 661102820976930816 5 100 168 156 IJCAI 0.4 541 | non-rumor bbcworld 693061713042771968 26 196 369 336 news_account 0.47 542 | true sydneysiege 544518335019229184 16 237 251 237 PLOS_ONE 0.06 543 | true E689 614624331717545984 33 169 384 352 IJCAI 0.56 544 | true E689 615840865815298048 79 114 352 332 IJCAI 0.68 545 | false E379 645356735545364480 1 88 103 92 IJCAI 0.15 546 | non-rumor cnnbrk 693651239486263296 35 194 593 505 news_account 0.67 547 | true sydneysiege 544274934835707905 41 558 762 558 PLOS_ONE 0.27 548 | false E291 655080266784968705 76 99 131 122 IJCAI 0.24 549 | unverified E2016-1001130 743058135300988932 15 136 334 314 snopes 0.59 550 | false E144 658462819667615744 9 99 148 131 IJCAI 0.33 551 | true E689 614617234942656512 58 1343 2813 2394 IJCAI 0.52 552 | unverified E2016-100128 778949749156245504 11 265 392 362 snopes 0.32 553 | unverified E2016-1001576 715255507506892800 227 95 189 173 snopes 0.5 554 | true sydneysiege 544271362022338560 18 176 208 176 PLOS_ONE 0.15 555 | non-rumor cnnbrk 693321561542127616 19 140 368 306 news_account 0.62 556 | non-rumor mtv 692082592380751874 12 128 329 306 news_account 0.61 557 | true charliehebdo 552793679082311680 15 95 144 95 PLOS_ONE 0.34 558 | non-rumor theonion 693129259334909952 5 238 572 490 news_account 0.58 559 | unverified E349 648993731169939456 6 88 128 108 IJCAI 0.31 560 | non-rumor mtv 693893182338289664 27 265 1001 910 news_account 0.74 561 | non-rumor nprpolitics 676955015265837056 21 213 392 343 news_account 0.46 562 | unverified E273 651786568592658433 35 94 123 110 IJCAI 0.24 563 | true sydneysiege 544319274072817664 13 113 140 113 PLOS_ONE 0.19 564 | unverified E305 640182854928961536 24 98 124 114 IJCAI 0.21 565 | unverified E2016-1001348 727588444000526336 20 125 270 248 snopes 0.54 566 | true E533 628681462976528384 36 104 195 169 IJCAI 0.47 567 | unverified E2016-1001420 724044187113512960 2 84 141 107 snopes 0.4 568 | true E352 650037735579910145 50 109 190 159 IJCAI 0.43 569 | true sydneysiege 544289941996326912 4 170 153 170 PLOS_ONE -0.11 570 | true E352 649974380416618496 97 110 225 201 IJCAI 0.51 571 | non-rumor instyle 688428083540553728 9 137 349 309 news_account 0.61 572 | unverified E2016-1001523 701975210044497921 33 108 270 262 snopes 0.6 573 | non-rumor gawker 692826642583019521 5 113 372 335 news_account 0.7 574 | false E291 654343805081157633 100 1181 2411 2164 IJCAI 0.51 575 | unverified E2016-1001130 742055437932040193 99 222 1024 963 snopes 0.78 576 | true E674 616481759329427456 42 267 559 509 IJCAI 0.52 577 | false E706 613114185505996802 27 91 118 109 IJCAI 0.23 578 | true charliehebdo 552785375161499649 3 120 128 120 PLOS_ONE 0.06 579 | unverified E2016-1001523 697992796565741569 68 315 867 827 snopes 0.64 580 | unverified E2016-1001592 714577521992343552 7 102 121 114 snopes 0.16 581 | unverified E2016-100703 760120409429643266 311 166 377 324 snopes 0.56 582 | non-rumor BBCBreaking 692368829368918017 73 153 381 333 news_account 0.6 583 | false E74 672180526946656256 64 205 407 350 IJCAI 0.5 584 | non-rumor gawker 687409983139495939 25 146 547 509 news_account 0.73 585 | non-rumor cnnbrk 767092161716350980 58 82 741 634 news_account 0.89 586 | non-rumor abc 693857080193761285 39 505 1396 1412 news_account 0.64 587 | false E582 623818627054206977 23 145 385 306 IJCAI 0.62 588 | unverified E2016-1001152 757450526153900032 10 119 151 142 snopes 0.21 589 | unverified E2016-1001451 728631482722308096 23 95 157 147 snopes 0.39 590 | non-rumor harvardbiz 693402634011701248 8 217 332 307 news_account 0.35 591 | false E135 667465205258051584 17 99 207 194 IJCAI 0.52 592 | true ottawashooting 524925215235911680 18 413 565 413 PLOS_ONE 0.27 593 | true ottawashooting 525028734991343617 5 114 134 114 PLOS_ONE 0.15 594 | false E291 647169726158925824 35 127 265 233 IJCAI 0.52 595 | unverified E2016-10071 780436430732525569 37 103 122 120 snopes 0.16 596 | unverified E2016-1001420 723915846985342976 2 100 128 115 snopes 0.22 597 | false E571 631388553801564160 13 76 257 204 IJCAI 0.7 598 | false E272 656811196218286080 4 151 252 221 IJCAI 0.4 599 | true E62 674358835675549696 38 91 616 548 IJCAI 0.85 600 | non-rumor BBCBreaking 766541461189832704 324 98 738 678 news_account 0.87 601 | true E674 616765822095261700 8 120 190 170 IJCAI 0.37 602 | non-rumor enews 693857551620968448 33 195 1008 863 news_account 0.81 603 | true E689 614610364702044164 32 255 499 444 IJCAI 0.49 604 | non-rumor usweekly 693648675772436480 9 126 296 249 news_account 0.57 605 | true ottawashooting 524932935137628160 35 178 225 178 PLOS_ONE 0.21 606 | true E427 640967537178472448 28 100 186 172 IJCAI 0.46 607 | non-rumor espn 692884886374318081 38 211 557 497 news_account 0.62 608 | true E689 614595106906226688 11 254 936 846 IJCAI 0.73 609 | non-rumor espn 693181857261719553 62 234 554 481 news_account 0.58 610 | non-rumor rollingstone 693200309955469312 26 122 348 321 news_account 0.65 611 | true ottawashooting 525049639016615937 6 176 187 176 PLOS_ONE 0.06 612 | unverified E2016-100815 755475529294352385 13 93 104 98 snopes 0.11 613 | non-rumor whitehouse 692516224245235712 69 158 382 350 news_account 0.59 614 | unverified E2016-1001710 707604196812591104 39 87 121 101 snopes 0.28 615 | true E689 614790312955904000 112 406 980 808 IJCAI 0.59 616 | unverified E2016-100628 765739657908850688 18 108 187 178 snopes 0.42 617 | non-rumor eonline 687748306571804672 13 499 1209 1004 news_account 0.59 618 | true sydneysiege 544520273718812672 18 105 110 105 PLOS_ONE 0.05 619 | unverified E2016-100661 748558349139058688 16 96 183 170 snopes 0.48 620 | true sydneysiege 544350712365207552 18 124 145 124 PLOS_ONE 0.14 621 | non-rumor BBCBreaking 688741019979001856 126 161 809 748 news_account 0.8 622 | true E689 614702244001382400 42 230 437 373 IJCAI 0.47 623 | non-rumor espn 693641113693884416 18 133 271 229 news_account 0.51 624 | non-rumor foxnews 767861179951648768 151 94 615 561 news_account 0.85 625 | true ottawashooting 524925987239120897 4 125 155 125 PLOS_ONE 0.19 626 | non-rumor ReutersLive 666335363099660288 18 312 617 561 news_account 0.49 627 | non-rumor espn 692550140754841603 86 290 862 741 news_account 0.66 628 | non-rumor whitehouse 688755462783782912 80 142 303 280 news_account 0.53 629 | non-rumor tvguide 676491949524713473 32 232 780 699 news_account 0.7 630 | non-rumor espn 693939356390653952 15 168 428 362 news_account 0.61 631 | unverified E349 649584608560832513 14 97 144 133 IJCAI 0.33 632 | unverified E2016-1001710 707321278135463936 139 327 2405 2161 snopes 0.86 633 | unverified E2016-1001523 716448280201269248 4 109 159 156 snopes 0.31 634 | true ottawashooting 525019752507658240 34 502 1123 502 PLOS_ONE 0.55 635 | unverified E2016-1001061 745365403237376000 32 103 215 194 snopes 0.52 636 | non-rumor BBCBreaking 690106189951139840 200 355 1037 940 news_account 0.66 637 | non-rumor foxnews 767698691205410816 757 89 1707 1528 news_account 0.95 638 | true E689 614620298877513729 85 403 962 773 IJCAI 0.58 639 | unverified E305 654336219447472128 27 100 108 107 IJCAI 0.07 640 | true charliehebdo 552791578893619200 20 280 338 280 PLOS_ONE 0.17 641 | true E689 614599587362414592 3 111 272 212 IJCAI 0.59 642 | unverified E2016-1001523 701872343736520704 185 197 816 765 snopes 0.76 643 | non-rumor abc 693571567377342466 99 151 381 354 news_account 0.6 644 | true E352 649889459836710912 48 155 361 324 IJCAI 0.57 645 | unverified E2016-100584 763430916236640256 18 96 104 101 snopes 0.08 646 | non-rumor BBCBreaking 688366079396163584 90 351 1553 1427 news_account 0.77 647 | true ottawashooting 524980744658382848 9 213 219 213 PLOS_ONE 0.03 648 | unverified E2016-1001656 711994705333112832 39 113 149 134 snopes 0.24 649 | true sydneysiege 544352727971954690 8 181 212 181 PLOS_ONE 0.15 650 | non-rumor BBCBreaking 765779159176077312 45 88 825 717 news_account 0.89 651 | non-rumor BreakingNews 690969315470868480 8 139 314 283 news_account 0.56 652 | unverified E2016-1001704 705093513076015104 13 96 136 127 snopes 0.29 653 | unverified E2016-100815 755523157700648960 46 95 144 137 snopes 0.34 654 | unverified E2016-1001130 742678930516123650 67 177 435 392 snopes 0.59 655 | true E689 614594259900080128 18 108 166 156 IJCAI 0.35 656 | true E689 614614133410033664 96 298 696 594 IJCAI 0.57 657 | true sydneysiege 544278335455776769 18 178 219 178 PLOS_ONE 0.19 658 | non-rumor ReutersLive 665309822208729088 3 140 280 258 news_account 0.5 659 | unverified E2016-1001451 732971411157880832 13 99 103 103 snopes 0.04 660 | non-rumor cbsnews 693466724822323200 11 118 333 307 news_account 0.65 661 | true E352 651018580989972480 30 106 176 161 IJCAI 0.4 662 | unverified E2016-1001451 727982226290442240 34 96 110 104 snopes 0.13 663 | true E143 667073349974102017 5 131 281 264 IJCAI 0.53 664 | true ottawashooting 524922729485848576 36 96 105 96 PLOS_ONE 0.09 665 | true E128 668849913678209024 9 140 295 274 IJCAI 0.53 666 | non-rumor drudge_report 692743102432346113 28 132 280 251 news_account 0.53 667 | unverified E2016-100198 778299287293816832 16 107 179 168 snopes 0.4 668 | unverified E2016-1001592 714503380476026880 56 168 329 312 snopes 0.49 669 | non-rumor whitehouse 689915847939219456 49 138 317 279 news_account 0.56 670 | unverified E2016-1001451 728625967921401856 20 94 114 104 snopes 0.18 671 | true ottawashooting 524925050739490816 11 209 271 209 PLOS_ONE 0.23 672 | true E533 628336948810268673 14 105 188 170 IJCAI 0.44 673 | non-rumor whitehouse 689890946683576322 255 724 1622 1443 news_account 0.55 674 | non-rumor espn 767459987476054016 37 88 1656 1446 news_account 0.95 675 | non-rumor espn 767203096472719364 36 87 1715 1566 news_account 0.95 676 | non-rumor whitehouse 689641419825242112 33 114 286 253 news_account 0.6 677 | non-rumor whitehouse 692393375891361794 65 158 361 319 news_account 0.56 678 | true charliehebdo 552783667052167168 7 410 486 410 PLOS_ONE 0.16 679 | true charliehebdo 552834961762709505 17 97 107 97 PLOS_ONE 0.09 680 | unverified E2016-1001523 716416753409081344 14 99 107 103 snopes 0.07 681 | unverified E2016-1001710 707420972173955072 63 99 145 132 snopes 0.32 682 | unverified E2016-10071 780882510645370880 395 1373 1865 1744 snopes 0.26 683 | true charliehebdo 553160652567498752 11 97 121 97 PLOS_ONE 0.2 684 | true sydneysiege 544268732046913536 8 93 108 93 PLOS_ONE 0.14 685 | non-rumor foxnews 767855091109863424 143 91 640 581 news_account 0.86 686 | non-rumor espn 692911086920667136 27 562 1134 972 news_account 0.5 687 | true sydneysiege 544282005941530624 14 83 103 83 PLOS_ONE 0.19 688 | true E689 614609560658161664 133 466 973 828 IJCAI 0.52 689 | true germanwings-crash 580348081100734464 23 812 1566 812 PLOS_ONE 0.48 690 | unverified E2016-1001420 723504069814444033 7 135 250 210 snopes 0.46 691 | true charliehebdo 553586860334010368 19 256 275 256 PLOS_ONE 0.07 692 | unverified E410 640118021101604864 14 87 141 116 IJCAI 0.38 693 | non-rumor whitehouse 688751061503442944 89 128 339 297 news_account 0.62 694 | unverified E2016-100198 778530869208190976 9 103 155 149 snopes 0.34 695 | true sydneysiege 544291804057960448 10 112 200 112 PLOS_ONE 0.44 696 | non-rumor gawker 688004802245214208 7 104 297 274 news_account 0.65 697 | unverified E2016-1001130 743126914794037248 1 101 141 118 snopes 0.28 698 | unverified E273 653432177632387072 21 93 121 111 IJCAI 0.23 699 | true E533 628604055644934144 32 121 196 174 IJCAI 0.38 700 | non-rumor mtv 692163879909064704 8 136 287 267 news_account 0.53 701 | unverified E2016-1001356 728273551883534336 7 298 503 421 snopes 0.41 702 | true ottawashooting 524942470472548352 3 91 101 91 PLOS_ONE 0.1 703 | true charliehebdo 552792544132997121 17 172 203 172 PLOS_ONE 0.15 704 | unverified E2016-1001348 727834854931435522 107 158 1060 983 snopes 0.85 705 | true sydneysiege 544289311504355328 2 120 211 120 PLOS_ONE 0.43 706 | true E689 614494460747997184 4 173 626 515 IJCAI 0.72 707 | true E689 615592870540488704 9 413 803 662 IJCAI 0.49 708 | non-rumor instyle 689661418484994049 7 107 317 283 news_account 0.66 709 | unverified E2016-1001451 724603564946010112 27 90 109 98 snopes 0.17 710 | unverified E2016-1001592 714598318333042688 33 255 501 466 snopes 0.49 711 | non-rumor waitwait 656848877463560192 11 157 284 258 news_account 0.45 712 | non-rumor mtv 692157602554343424 24 195 631 571 news_account 0.69 713 | unverified E2016-100628 765735409984806912 36 120 180 169 snopes 0.33 714 | true E689 614610102927147008 8 186 383 374 IJCAI 0.51 715 | true E689 614650850393391104 1 107 165 141 IJCAI 0.35 716 | true E689 614648099542204416 52 136 271 233 IJCAI 0.5 717 | true sydneysiege 544514564407427072 4 108 120 108 PLOS_ONE 0.1 718 | unverified E2016-1001710 707305999971921920 86 105 264 245 snopes 0.6 719 | non-rumor TWCBreaking 644329878876237824 42 214 895 801 news_account 0.76 720 | true charliehebdo 553566026030272512 11 152 164 152 PLOS_ONE 0.07 721 | unverified E2016-1001576 715253497462145024 227 153 530 474 snopes 0.71 722 | non-rumor espn 693804277031157761 14 272 624 543 news_account 0.56 723 | unverified E2016-1001576 715268937873760256 102 167 330 298 snopes 0.49 724 | non-rumor cnnmoney 763964234774347776 129 612 1284 1137 news_account 0.52 725 | true E689 614616994499788800 4 114 310 250 IJCAI 0.63 726 | non-rumor cnn 693185853867294721 113 405 1184 1052 news_account 0.66 727 | true charliehebdo 553506608203169792 24 547 588 547 PLOS_ONE 0.07 728 | unverified E2016-100496 751856580874960897 10 112 165 159 snopes 0.32 729 | unverified E2016-1001656 712223438698627073 2 90 102 94 snopes 0.12 730 | unverified E2016-1001710 707405809181917184 52 91 109 98 snopes 0.17 731 | non-rumor BBCBreaking 693013768738115584 182 182 466 414 news_account 0.61 732 | unverified E2016-1001130 744390771869102080 26 105 241 228 snopes 0.56 733 | true ottawashooting 524959809402331137 19 368 407 368 PLOS_ONE 0.1 734 | unverified E2016-100128 778689027918618625 18 121 153 136 snopes 0.21 735 | unverified E2016-1001710 707412869860696064 58 84 103 87 snopes 0.18 736 | unverified E336 650710483289419776 13 87 118 104 IJCAI 0.26 737 | unverified E305 656523458139045889 15 349 2136 1762 IJCAI 0.84 738 | non-rumor reuters 693135382309896192 13 117 308 278 news_account 0.62 739 | true E689 623533663947517952 112 563 1240 1077 IJCAI 0.55 740 | non-rumor espn 692833140428017664 149 431 1021 876 news_account 0.58 741 | true E689 614599815280857088 54 281 743 649 IJCAI 0.62 742 | non-rumor huffingtonpost 693853310479155200 87 364 1174 997 news_account 0.69 743 | true E689 614615157730357248 26 118 177 156 IJCAI 0.33 744 | unverified E2016-1001592 714851393861881857 6 116 256 220 snopes 0.55 745 | non-rumor theonion 767859423150759936 40 92 1994 1792 news_account 0.95 746 | non-rumor whitehouse 764906140257837056 55 469 719 638 news_account 0.35 747 | true E689 619242759359037440 40 1493 2384 2065 IJCAI 0.37 748 | true charliehebdo 552792913910833152 5 93 116 93 PLOS_ONE 0.2 749 | unverified E2016-100147 764368020391223296 12 95 124 117 snopes 0.23 750 | unverified E2016-1001130 741995157969592321 126 121 375 346 snopes 0.68 751 | non-rumor cnnbrk 767754921403899906 126 86 686 593 news_account 0.87 752 | non-rumor espn 692940257134653441 32 331 672 554 news_account 0.51 753 | true E139 667487418388488192 27 175 419 405 IJCAI 0.58 754 | true charliehebdo 553586897168392192 12 446 472 446 PLOS_ONE 0.06 755 | unverified E2016-1001322 730516765525082112 7 95 127 117 snopes 0.25 756 | non-rumor cnn 693128224960856064 93 114 301 260 news_account 0.62 757 | true charliehebdo 553221600955621376 2 88 101 88 PLOS_ONE 0.13 758 | non-rumor theonion 693071538896162816 14 155 280 252 news_account 0.45 759 | non-rumor huffingtonpost 693869818366287872 42 166 643 547 news_account 0.74 760 | unverified E2016-1001714 714998347111669760 447 762 2494 2278 snopes 0.69 761 | non-rumor guardiannews 686666933949837312 12 339 715 660 news_account 0.53 762 | non-rumor foxnews 767710042816602112 236 87 893 793 news_account 0.9 763 | unverified E2016-1001592 714811995573325828 20 97 118 113 snopes 0.18 764 | unverified E2016-1001356 728101712762834944 15 95 148 132 snopes 0.36 765 | true sydneysiege 544399927045283840 31 448 572 448 PLOS_ONE 0.22 766 | true ottawashooting 524947674164760577 20 115 112 115 PLOS_ONE -0.03 767 | unverified E2016-1001523 701539698452393986 29 96 122 114 snopes 0.21 768 | unverified E305 653285570383335424 6 144 228 189 IJCAI 0.37 769 | true charliehebdo 552792802309181440 8 103 114 103 PLOS_ONE 0.1 770 | unverified E2016-1001710 707310135291416576 90 94 105 100 snopes 0.1 771 | non-rumor espn 693196937172951040 20 140 373 340 news_account 0.62 772 | true E689 614891047886434304 10 114 166 164 IJCAI 0.31 773 | true ottawashooting 525023025792835585 11 130 151 130 PLOS_ONE 0.14 774 | unverified E2016-100732 765887221736046592 80 107 164 158 snopes 0.35 775 | non-rumor espn 767561970182598657 123 88 1641 1413 news_account 0.95 776 | non-rumor eonline 687984820815851521 18 154 313 261 news_account 0.51 777 | true sydneysiege 544282227035869184 18 136 197 136 PLOS_ONE 0.31 778 | non-rumor enews 766822417712963584 26 100 1063 986 news_account 0.91 779 | true charliehebdo 553558982476828674 13 113 117 113 PLOS_ONE 0.03 780 | true sydneysiege 544290258951892992 10 115 149 115 PLOS_ONE 0.23 781 | unverified E305 650254360727973889 3 95 177 185 IJCAI 0.46 782 | true sydneysiege 544329935943237632 102 416 491 416 PLOS_ONE 0.15 783 | non-rumor espn 693586539562037248 12 160 369 322 news_account 0.57 784 | non-rumor BBCBreaking 764497123530375169 413 814 1598 1423 news_account 0.49 785 | unverified E2016-1001451 724939017410727938 64 105 240 219 snopes 0.56 786 | unverified E305 651044059222556674 33 447 984 934 IJCAI 0.55 787 | true charliehebdo 552802654641225728 7 94 120 94 PLOS_ONE 0.22 788 | unverified E2016-1001420 723477822950395904 7 102 128 121 snopes 0.2 789 | true sydneysiege 544305540286148609 15 89 109 89 PLOS_ONE 0.18 790 | non-rumor whitehouse 693906624776245249 92 137 288 260 news_account 0.52 791 | true ottawashooting 524923462398513152 13 128 168 128 PLOS_ONE 0.24 792 | unverified E2016-100815 763896522790440960 7 93 103 96 snopes 0.1 793 | true E674 616421546702336000 12 112 183 168 IJCAI 0.39 794 | true ottawashooting 524944399890124801 22 667 976 667 PLOS_ONE 0.32 795 | non-rumor nytimesphoto 686657138270277634 7 167 286 256 news_account 0.42 796 | true sydneysiege 544391176137089024 22 193 246 193 PLOS_ONE 0.22 797 | true ottawashooting 524969201102901248 17 311 414 311 PLOS_ONE 0.25 798 | unverified E2016-100628 756690088533393409 24 103 151 137 snopes 0.32 799 | non-rumor latimes 767807335691653120 119 92 1034 966 news_account 0.91 800 | true charliehebdo 552806757672964097 12 248 277 248 PLOS_ONE 0.1 801 | non-rumor BBCBreaking 693761289601060864 81 267 956 879 news_account 0.72 802 | true sydneysiege 544350567183556608 2 116 124 116 PLOS_ONE 0.06 803 | unverified E2016-1001152 758825535480864769 10 96 142 133 snopes 0.32 804 | unverified E2016-1001710 707300612862566400 50 100 152 139 snopes 0.34 805 | non-rumor cnn 693080409282846720 51 147 336 282 news_account 0.56 806 | true E689 614593386188828672 94 368 1062 904 IJCAI 0.65 807 | non-rumor empiremagazine 692665281362202624 29 110 272 244 news_account 0.6 808 | non-rumor theonion 767129248045948929 11 81 720 616 news_account 0.89 809 | non-rumor espn 692701223326056449 18 155 292 228 news_account 0.47 810 | unverified E2016-1001451 732981604826677249 34 127 311 283 snopes 0.59 811 | non-rumor BBCBreaking 692753210692476928 538 122 365 315 news_account 0.67 812 | true E352 650046859537448960 34 108 172 152 IJCAI 0.37 813 | non-rumor latimes 693171092555431936 16 142 340 301 news_account 0.58 814 | non-rumor theonion 693546915892428800 18 157 299 277 news_account 0.47 815 | true sydneysiege 544269749405097984 15 371 483 371 PLOS_ONE 0.23 816 | unverified E2016-100703 760109079133990912 72 98 141 120 snopes 0.3 817 | unverified E2016-100196 779633844680962048 26 377 630 450 snopes 0.4 818 | non-rumor BBCBreaking 765859710503378944 35 85 730 646 news_account 0.88 819 | --------------------------------------------------------------------------------