def main(): parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter) # Path options. parser.add_argument("--pretrained_model_path", default=None, type=str, help="Path of the pretrained model.") parser.add_argument("--output_model_path", default="./models/tagger_model.bin", type=str, help="Path of the output model.") parser.add_argument("--vocab_path", default="./models/google_vocab.txt", type=str, help="Path of the vocabulary file.") parser.add_argument("--train_path", type=str, required=True, help="Path of the trainset.") parser.add_argument("--dev_path", type=str, required=True, help="Path of the devset.") parser.add_argument("--test_path", type=str, required=True, help="Path of the testset.") parser.add_argument("--config_path", default="./models/google_config.json", type=str, help="Path of the config file.") # Model options. parser.add_argument("--batch_size", type=int, default=16, help="Batch_size.") parser.add_argument("--seq_length", default=256, type=int, help="Sequence length.") parser.add_argument("--encoder", choices=["bert", "lstm", "gru", \ "cnn", "gatedcnn", "attn", \ "rcnn", "crnn", "gpt", "bilstm"], \ default="bert", help="Encoder type.") parser.add_argument("--bidirectional", action="store_true", help="Specific to recurrent model.") # Subword options. parser.add_argument("--subword_type", choices=["none", "char"], default="none", help="Subword feature type.") parser.add_argument("--sub_vocab_path", type=str, default="models/sub_vocab.txt", help="Path of the subword vocabulary file.") parser.add_argument("--subencoder", choices=["avg", "lstm", "gru", "cnn"], default="avg", help="Subencoder type.") parser.add_argument("--sub_layers_num", type=int, default=2, help="The number of subencoder layers.") # Optimizer options. parser.add_argument("--learning_rate", type=float, default=2e-5, help="Learning rate.") parser.add_argument("--warmup", type=float, default=0.1, help="Warm up value.") # Training options. parser.add_argument("--dropout", type=float, default=0.1, help="Dropout.") parser.add_argument("--epochs_num", type=int, default=5, help="Number of epochs.") parser.add_argument("--report_steps", type=int, default=100, help="Specific steps to print prompt.") parser.add_argument("--seed", type=int, default=7, help="Random seed.") # kg parser.add_argument("--kg_name", required=True, help="KG name or path") args = parser.parse_args() # Load the hyperparameters of the config file. args = load_hyperparam(args) set_seed(args.seed) labels_map = {"[PAD]": 0, "[ENT]": 1} begin_ids = [] # Find tagging labels with open(args.train_path, mode="r", encoding="utf-8") as f: for line_id, line in enumerate(f): if line_id == 0: continue labels = line.strip().split("\t")[1].split() for l in labels: if l not in labels_map: if l.startswith("B") or l.startswith("S"): begin_ids.append(len(labels_map)) labels_map[l] = len(labels_map) print("Labels: ", labels_map) args.labels_num = len(labels_map) # Load vocabulary. vocab = Vocab() vocab.load(args.vocab_path) args.vocab = vocab # Build knowledge graph. if args.kg_name == 'none': spo_files = [] else: spo_files = [args.kg_name] kg = KnowledgeGraph(spo_files=spo_files, predicate=False) # Build bert model. # A pseudo target is added. args.target = "bert" model = build_model(args) # Load or initialize parameters. if args.pretrained_model_path is not None: # Initialize with pretrained model. model.load_state_dict(torch.load(args.pretrained_model_path), strict=False) else: # Initialize with normal distribution. for n, p in list(model.named_parameters()): if 'gamma' not in n and 'beta' not in n: p.data.normal_(0, 0.02) # Build sequence labeling model. model = BertTagger(args, model) # For simplicity, we use DataParallel wrapper to use multiple GPUs. device = torch.device("cuda" if torch.cuda.is_available() else "cpu") if torch.cuda.device_count() > 1: print("{} GPUs are available. Let's use them.".format(torch.cuda.device_count())) model = nn.DataParallel(model) model = model.to(device) # Datset loader. def batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids): instances_num = input_ids.size()[0] for i in range(instances_num // batch_size): input_ids_batch = input_ids[i*batch_size: (i+1)*batch_size, :] label_ids_batch = label_ids[i*batch_size: (i+1)*batch_size, :] mask_ids_batch = mask_ids[i*batch_size: (i+1)*batch_size, :] pos_ids_batch = pos_ids[i*batch_size: (i+1)*batch_size, :] vm_ids_batch = vm_ids[i*batch_size: (i+1)*batch_size, :, :] tag_ids_batch = tag_ids[i*batch_size: (i+1)*batch_size, :] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch if instances_num > instances_num // batch_size * batch_size: input_ids_batch = input_ids[instances_num//batch_size*batch_size:, :] label_ids_batch = label_ids[instances_num//batch_size*batch_size:, :] mask_ids_batch = mask_ids[instances_num//batch_size*batch_size:, :] pos_ids_batch = pos_ids[instances_num//batch_size*batch_size:, :] vm_ids_batch = vm_ids[instances_num//batch_size*batch_size:, :, :] tag_ids_batch = tag_ids[instances_num//batch_size*batch_size:, :] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch # Read dataset. def read_dataset(path): dataset = [] with open(path, mode="r", encoding="utf-8") as f: f.readline() tokens, labels = [], [] for line_id, line in enumerate(f): tokens, labels = line.strip().split("\t") text = ''.join(tokens.split(" ")) tokens, pos, vm, tag = kg.add_knowledge_with_vm([text], add_pad=True, max_length=args.seq_length) tokens = tokens[0] pos = pos[0] vm = vm[0].astype("bool") tag = tag[0] tokens = [vocab.get(t) for t in tokens] labels = [labels_map[l] for l in labels.split(" ")] mask = [1] * len(tokens) new_labels = [] j = 0 for i in range(len(tokens)): if tag[i] == 0 and tokens[i] != PAD_ID: new_labels.append(labels[j]) j += 1 elif tag[i] == 1 and tokens[i] != PAD_ID: # 是添加的实体 new_labels.append(labels_map['[ENT]']) else: new_labels.append(labels_map[PAD_TOKEN]) dataset.append([tokens, new_labels, mask, pos, vm, tag]) return dataset # Evaluation function. def evaluate(args, is_test): if is_test: dataset = read_dataset(args.test_path) else: dataset = read_dataset(args.dev_path) input_ids = torch.LongTensor([sample[0] for sample in dataset]) label_ids = torch.LongTensor([sample[1] for sample in dataset]) mask_ids = torch.LongTensor([sample[2] for sample in dataset]) pos_ids = torch.LongTensor([sample[3] for sample in dataset]) vm_ids = torch.BoolTensor([sample[4] for sample in dataset]) tag_ids = torch.LongTensor([sample[5] for sample in dataset]) instances_num = input_ids.size(0) batch_size = args.batch_size if is_test: print("Batch size: ", batch_size) print("The number of test instances:", instances_num) correct = 0 gold_entities_num = 0 pred_entities_num = 0 confusion = torch.zeros(len(labels_map), len(labels_map), dtype=torch.long) model.eval() for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch) in enumerate(batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids)): input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) tag_ids_batch = tag_ids_batch.to(device) vm_ids_batch = vm_ids_batch.long().to(device) loss, _, pred, gold = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch) for j in range(gold.size()[0]): if gold[j].item() in begin_ids: gold_entities_num += 1 for j in range(pred.size()[0]): if pred[j].item() in begin_ids and gold[j].item() != labels_map["[PAD]"]: pred_entities_num += 1 pred_entities_pos = [] gold_entities_pos = [] start, end = 0, 0 for j in range(gold.size()[0]): if gold[j].item() in begin_ids: start = j for k in range(j+1, gold.size()[0]): if gold[k].item() == labels_map['[ENT]']: continue if gold[k].item() == labels_map["[PAD]"] or gold[k].item() == labels_map["O"] or gold[k].item() in begin_ids: end = k - 1 break else: end = gold.size()[0] - 1 gold_entities_pos.append((start, end)) for j in range(pred.size()[0]): if pred[j].item() in begin_ids and gold[j].item() != labels_map["[PAD]"] and gold[j].item() != labels_map["[ENT]"]: start = j for k in range(j+1, pred.size()[0]): if gold[k].item() == labels_map['[ENT]']: continue if pred[k].item() == labels_map["[PAD]"] or pred[k].item() == labels_map["O"] or pred[k].item() in begin_ids: end = k - 1 break else: end = pred.size()[0] - 1 pred_entities_pos.append((start, end)) for entity in pred_entities_pos: if entity not in gold_entities_pos: continue else: correct += 1 print("Report precision, recall, and f1:") p = correct/pred_entities_num r = correct/gold_entities_num f1 = 2*p*r/(p+r) print("{:.3f}, {:.3f}, {:.3f}".format(p,r,f1)) return f1 # Training phase. print("Start training.") instances = read_dataset(args.train_path) input_ids = torch.LongTensor([ins[0] for ins in instances]) label_ids = torch.LongTensor([ins[1] for ins in instances]) mask_ids = torch.LongTensor([ins[2] for ins in instances]) pos_ids = torch.LongTensor([ins[3] for ins in instances]) vm_ids = torch.BoolTensor([ins[4] for ins in instances]) tag_ids = torch.LongTensor([ins[5] for ins in instances]) instances_num = input_ids.size(0) batch_size = args.batch_size train_steps = int(instances_num * args.epochs_num / batch_size) + 1 print("Batch size: ", batch_size) print("The number of training instances:", instances_num) param_optimizer = list(model.named_parameters()) no_decay = ['bias', 'gamma', 'beta'] optimizer_grouped_parameters = [ {'params': [p for n, p in param_optimizer if not any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.01}, {'params': [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.0} ] optimizer = BertAdam(optimizer_grouped_parameters, lr=args.learning_rate, warmup=args.warmup, t_total=train_steps) total_loss = 0. f1 = 0.0 best_f1 = 0.0 for epoch in range(1, args.epochs_num+1): model.train() for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch) in enumerate(batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids)): model.zero_grad() input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) tag_ids_batch = tag_ids_batch.to(device) vm_ids_batch = vm_ids_batch.long().to(device) loss, _, _, _ = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch) if torch.cuda.device_count() > 1: loss = torch.mean(loss) total_loss += loss.item() if (i + 1) % args.report_steps == 0: print("Epoch id: {}, Training steps: {}, Avg loss: {:.3f}".format(epoch, i+1, total_loss / args.report_steps)) total_loss = 0. loss.backward() optimizer.step() # Evaluation phase. print("Start evaluate on dev dataset.") f1 = evaluate(args, False) print("Start evaluation on test dataset.") evaluate(args, True) if f1 > best_f1: best_f1 = f1 save_model(model, args.output_model_path) else: continue # Evaluation phase. print("Final evaluation on test dataset.") if torch.cuda.device_count() > 1: model.module.load_state_dict(torch.load(args.output_model_path)) else: model.load_state_dict(torch.load(args.output_model_path)) evaluate(args, True)
def main(): parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter) # Path options. parser.add_argument("--pretrained_model_path", default=None, type=str, help="Path of the pretrained model.") parser.add_argument("--output_path", default="./models/tagger_model.bin", type=str, help="Path of the output model.") parser.add_argument("--vocab_path", default="./models/google_vocab.txt", type=str, help="Path of the vocabulary file.") parser.add_argument("--train_path", type=str, required=True, help="Path of the trainset.") parser.add_argument("--dev_path", type=str, required=True, help="Path of the devset.") parser.add_argument("--test_path", type=str, required=True, help="Path of the testset.") parser.add_argument("--config_path", default="./models/google_config.json", type=str, help="Path of the config file.") # Model options. parser.add_argument("--batch_size", type=int, default=16, help="Batch_size.") parser.add_argument("--seq_length", default=128, type=int, help="Sequence length.") parser.add_argument("--encoder", choices=["bert", "lstm", "gru", \ "cnn", "gatedcnn", "attn", \ "rcnn", "crnn", "gpt", "bilstm"], \ default="bert", help="Encoder type.") parser.add_argument("--bidirectional", action="store_true", help="Specific to recurrent model.") # Subword options. parser.add_argument("--subword_type", choices=["none", "char"], default="none", help="Subword feature type.") parser.add_argument("--sub_vocab_path", type=str, default="models/sub_vocab.txt", help="Path of the subword vocabulary file.") parser.add_argument("--subencoder", choices=["avg", "lstm", "gru", "cnn"], default="avg", help="Subencoder type.") parser.add_argument("--sub_layers_num", type=int, default=2, help="The number of subencoder layers.") # Optimizer options. parser.add_argument("--learning_rate", type=float, default=2e-5, help="Learning rate.") parser.add_argument("--warmup", type=float, default=0.1, help="Warm up value.") # Training options. parser.add_argument("--dropout", type=float, default=0.1, help="Dropout.") parser.add_argument("--epochs_num", type=int, default=5, help="Number of epochs.") parser.add_argument("--report_steps", type=int, default=100, help="Specific steps to print prompt.") parser.add_argument("--seed", type=int, default=7, help="Random seed.") # kg parser.add_argument("--kg_name", required=True, help="KG name or path") parser.add_argument("--log_file",help='记录log信息') parser.add_argument('--task_name',default=None,type=str) parser.add_argument("--mode",default='regular',type=str) parser.add_argument('--run_time',default=None,type=str) parser.add_argument("--commit_id",default=None,type=str) parser.add_argument("--fold_nb",default=0,type=str) parser.add_argument("--tensorboard_dir",default=None) parser.add_argument("--need_birnn",default=False,type=bool) parser.add_argument("--rnn_dim",default=128,type=int) parser.add_argument("--model_name",default='bert',type=str) parser.add_argument("--pku_model_name",default='default',type=str) parser.add_argument("--has_token",default=False) parser.add_argument("--do_train",default=False,type=bool) parser.add_argument("--do_test",default=True,type=bool) args = parser.parse_args() args.run_time = datetime.datetime.today().strftime('%Y-%m-%d_%H-%M-%S') # Load the hyperparameters of the config file. args = load_hyperparam(args) set_seed(args.seed) s = Save_Log(args) logger = init_logger(args.log_file) print(args) logger.info(args) os.makedirs(args.output_path,exist_ok=True) writer = SummaryWriter(logdir=os.path.join(args.tensorboard_dir, "eval",'{}_{}_{}_{}'.format(args.task_name,args.fold_nb,args.run_time,args.commit_id)), comment="Linear") labels_map = {"[PAD]": 0, "[ENT]": 1} begin_ids = [] # Find tagging labels with open(args.train_path, mode="r", encoding="utf-8") as f: for line_id, line in enumerate(f): if line_id == 0: continue labels = line.strip().split("\t")[1].split() for l in labels: if l not in labels_map: if l.startswith("B") or l.startswith("S"): begin_ids.append(len(labels_map)) labels_map[l] = len(labels_map) print("Labels: ", labels_map) logger.info(labels_map) args.labels_num = len(labels_map) id2label = {labels_map[key]:key for key in labels_map} print("id2label:",id2label) logger.info(id2label) # Load vocabulary. vocab = Vocab() vocab.load(args.vocab_path) args.vocab = vocab # Build knowledge graph. if args.kg_name == 'none': spo_files = [] else: spo_files = [args.kg_name] kg = KnowledgeGraph(spo_files=spo_files,pku_model_name= args.pku_model_name,predicate=False) # Build bert model. # A pseudo target is added. args.target = "bert" model = build_model(args) # Load or initialize parameters. if args.pretrained_model_path is not None: # Initialize with pretrained model. model.load_state_dict(torch.load(args.pretrained_model_path), strict=False) else: # Initialize with normal distribution. for n, p in list(model.named_parameters()): if 'gamma' not in n and 'beta' not in n: p.data.normal_(0, 0.02) # Build sequence labeling model. if(args.model_name=='bert'): # model = BertTagger_with_LSTMCRF(args, model) model = BertTagger(args, model) elif(args.model_name == 'bertcrf'): model = BertTagger_with_LSTMCRF(args, model) logger.info(model) # print("model:",model) # print("model bert Tagger:",model) # For simplicity, we use DataParallel wrapper to use multiple GPUs. device = torch.device("cuda" if torch.cuda.is_available() else "cpu") if torch.cuda.device_count() > 1: print("{} GPUs are available. Let's use them.".format(torch.cuda.device_count())) model = nn.DataParallel(model) model = model.to(device) args.device = device # Datset loader. def batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids): instances_num = input_ids.size()[0] for i in range(instances_num // batch_size): input_ids_batch = input_ids[i*batch_size: (i+1)*batch_size, :] label_ids_batch = label_ids[i*batch_size: (i+1)*batch_size, :] mask_ids_batch = mask_ids[i*batch_size: (i+1)*batch_size, :] pos_ids_batch = pos_ids[i*batch_size: (i+1)*batch_size, :] vm_ids_batch = vm_ids[i*batch_size: (i+1)*batch_size, :, :] tag_ids_batch = tag_ids[i*batch_size: (i+1)*batch_size, :] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch if instances_num > instances_num // batch_size * batch_size: input_ids_batch = input_ids[instances_num//batch_size*batch_size:, :] label_ids_batch = label_ids[instances_num//batch_size*batch_size:, :] mask_ids_batch = mask_ids[instances_num//batch_size*batch_size:, :] pos_ids_batch = pos_ids[instances_num//batch_size*batch_size:, :] vm_ids_batch = vm_ids[instances_num//batch_size*batch_size:, :, :] tag_ids_batch = tag_ids[instances_num//batch_size*batch_size:, :] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch # Read dataset. def read_dataset(path): dataset = [] with open(path, mode="r", encoding="utf-8") as f: f.readline() tokens, labels = [], [] for line_id, line in enumerate(f): tokens, labels = line.strip().split("\t") # print("token:",tokens) # print("label:",labels) # print("len tokens:",len(tokens.split(' ')),"len labels:",len(labels.split(' '))) text = ''.join(tokens.split(" ")) # print("len text:",len(text)) tokens, pos, vm, tag = kg.add_knowledge_with_vm([text], add_pad=True, max_length=args.seq_length) tokens = tokens[0] # print("len2 text:",len(tokens),"len label:",len(labels)) pos = pos[0] vm = vm[0].astype("bool") tag = tag[0] tokens = [vocab.get(t) for t in tokens] labels = [labels_map[l] for l in labels.split(" ")] # print("len3 text:",len(tokens),"len label:",len(labels)) mask = [1] * len(tokens) # print('tokens:',tokens) # print("label:",labels) # assert len(tokens) == len(labels),(len(tokens),len(labels)) new_labels = [] j = 0 for i in range(len(tokens)): if tag[i] == 0 and tokens[i] != PAD_ID: new_labels.append(labels[j]) j += 1 elif tag[i] == 1 and tokens[i] != PAD_ID: # 是添加的实体 new_labels.append(labels_map['[ENT]']) else: new_labels.append(labels_map[PAD_TOKEN]) dataset.append([tokens, new_labels, mask, pos, vm, tag]) return dataset # Evaluation function. def evaluate(args,epoch, is_test): f1 = 0 if is_test: dataset = read_dataset(args.test_path) else: dataset = read_dataset(args.dev_path) input_ids = torch.LongTensor([sample[0] for sample in dataset]) label_ids = torch.LongTensor([sample[1] for sample in dataset]) mask_ids = torch.LongTensor([sample[2] for sample in dataset]) pos_ids = torch.LongTensor([sample[3] for sample in dataset]) vm_ids = torch.BoolTensor([sample[4] for sample in dataset]) tag_ids = torch.LongTensor([sample[5] for sample in dataset]) instances_num = input_ids.size(0) batch_size = args.batch_size if is_test: print("Batch size: ", batch_size) print("The number of test instances:", instances_num) correct = 0 gold_entities_num = 0 pred_entities_num = 0 by_type_correct = {} by_type_gold_nb = {} by_type_pred_nb = {} confusion = torch.zeros(len(labels_map), len(labels_map), dtype=torch.long) pred_labels = [] gold_labels = [] origin_tokens = [] model.eval() for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch) in enumerate(batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids)): input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) tag_ids_batch = tag_ids_batch.to(device) vm_ids_batch = vm_ids_batch.long().to(device) # print("batch size:",batch_size) loss, _, pred, gold = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch) # print(pred.size(),gold.size()) # print("pred:",pred) # print("gold:",gold) """ pred: tensor([2, 2, 2, ..., 2, 2, 2], device='cuda:0') gold: tensor([2, 2, 2, ..., 0, 0, 0], device='cuda:0') """ # print("input id batch:",input_ids_batch.size()) for input_ids in input_ids_batch: for id in input_ids: origin_tokens.append(vocab.i2w[id]) for p,g in zip(pred,gold): pred_labels.append(id2label[int(p)] ) gold_labels.append(id2label[int(g)]) # pred_labels.append(pred) # gold_labels.append(gold) # print("pred label",pred_labels) # print("gold label:",gold_labels) for j in range(gold.size()[0]): if gold[j].item() in begin_ids: gold_entities_num += 1 if(gold[j].item() not in by_type_gold_nb): by_type_gold_nb[gold[j].item()] = 1 else: by_type_gold_nb[gold[j].item()] += 1 for j in range(pred.size()[0]): if pred[j].item() in begin_ids and gold[j].item() != labels_map["[PAD]"]: pred_entities_num += 1 if (pred[j].item() not in by_type_pred_nb): by_type_pred_nb[pred[j].item()] = 1 else: by_type_pred_nb[pred[j].item()] += 1 pred_entities_pos = [] gold_entities_pos = [] start, end = 0, 0 for j in range(gold.size()[0]): if gold[j].item() in begin_ids: start = j type = gold[j].item() # print("gold j item:",gold[j].item()) for k in range(j+1, gold.size()[0]): if gold[k].item() == labels_map['[ENT]']: continue if gold[k].item() == labels_map["[PAD]"] or gold[k].item() == labels_map["O"] or gold[k].item() in begin_ids: end = k - 1 break else: end = gold.size()[0] - 1 gold_entities_pos.append((start, end,type)) for j in range(pred.size()[0]): if pred[j].item() in begin_ids and gold[j].item() != labels_map["[PAD]"] and gold[j].item() != labels_map["[ENT]"]: start = j type = pred[j].item() for k in range(j+1, pred.size()[0]): if gold[k].item() == labels_map['[ENT]']: continue if pred[k].item() == labels_map["[PAD]"] or pred[k].item() == labels_map["O"] or pred[k].item() in begin_ids: end = k - 1 break else: end = pred.size()[0] - 1 pred_entities_pos.append((start, end,type)) for entity in pred_entities_pos: if entity not in gold_entities_pos: continue else: correct += 1 if(entity[2] not in by_type_correct): by_type_correct[entity[2]] = 1 else: by_type_correct[entity[2]] += 1 if(not is_test): print("Report precision, recall, and f1:") logger.info("Report precision, recall, and f1:") p = correct / pred_entities_num r = correct / gold_entities_num f1 = 2 * p * r / (p + r) logger.info("{:.3f}, {:.3f}, {:.3f}".format(p, r, f1)) print("{:.3f}, {:.3f}, {:.3f}".format(p, r, f1)) writer.add_scalar("Eval/precision", p, epoch) writer.add_scalar("Eval/recall", r, epoch) writer.add_scalar("Eval/f1_score", f1, epoch) for type in by_type_correct: p = by_type_correct[type] / by_type_pred_nb[type] r = by_type_correct[type] / by_type_gold_nb[type] f1 = 2 * p * r / (p + r) print("{}:{:.3f}, {:.3f}, {:.3f}".format(id2label[type][2:], p, r, f1)) logger.info("{}:{:.3f}, {:.3f}, {:.3f}".format(id2label[type][2:], p, r, f1)) writer.add_scalar("Eval/precision_{}".format(id2label[type][2:]), p, epoch) writer.add_scalar("Eval/recall_{}".format(id2label[type][2:]), r, epoch) writer.add_scalar("Eval/f1_score_{}".format(id2label[type][2:]), f1, epoch) with open(os.path.join(args.output_path,'pred_label_test1_{}.txt').format(is_test),'w',encoding='utf-8') as file: print("!!!!!!!! saving in ",os.path.join(args.output_path,'pred_label_test1_{}.txt')) i = 0 while i < len(pred_labels): len_ = args.seq_length if('[PAD]' in origin_tokens[i:i+args.seq_length]): len_ = origin_tokens[i:i+args.seq_length].index('[PAD]') file.write(' '.join(origin_tokens[i:i+len_])) # print("pred:",pred_labels[i:i+len_]) file.write('\t'+' '.join(pred_labels[i:i+len_])) file.write('\t'+' '.join(gold_labels[i:i+len_])+'\n') i += args.seq_length return f1 # Training phase. print("args train test:",args.do_train,args.do_test) if(args.do_train): print("Start training.") logger.info("Start training.") instances = read_dataset(args.train_path) input_ids = torch.LongTensor([ins[0] for ins in instances]) label_ids = torch.LongTensor([ins[1] for ins in instances]) mask_ids = torch.LongTensor([ins[2] for ins in instances]) pos_ids = torch.LongTensor([ins[3] for ins in instances]) vm_ids = torch.BoolTensor([ins[4] for ins in instances]) tag_ids = torch.LongTensor([ins[5] for ins in instances]) instances_num = input_ids.size(0) batch_size = args.batch_size train_steps = int(instances_num * args.epochs_num / batch_size) + 1 logger.info("Batch size: {}".format(batch_size)) print("Batch size: ", batch_size) print("The number of training instances:", instances_num) logger.info("The number of training instances:{}".format(instances_num)) param_optimizer = list(model.named_parameters()) no_decay = ['bias', 'gamma', 'beta'] optimizer_grouped_parameters = [ {'params': [p for n, p in param_optimizer if not any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.01}, {'params': [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.0} ] optimizer = BertAdam(optimizer_grouped_parameters, lr=args.learning_rate, warmup=args.warmup, t_total=train_steps) total_loss = 0. f1 = 0.0 best_f1 = 0.0 total_step = 0 for epoch in range(1, args.epochs_num + 1): print("Epoch ", epoch) model.train() for i, ( input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch, tag_ids_batch) in enumerate( batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vm_ids, tag_ids)): model.zero_grad() total_step += 1 input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) tag_ids_batch = tag_ids_batch.to(device) vm_ids_batch = vm_ids_batch.long().to(device) loss, _, _, _ = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vm_ids_batch) if torch.cuda.device_count() > 1: loss = torch.mean(loss) total_loss += loss.item() if (i + 1) % args.report_steps == 0: logger.info("Epoch id: {}, Training steps: {}, Avg loss: {:.3f}".format(epoch, i + 1, total_loss / args.report_steps)) writer.add_scalar("Train/loss", total_loss / args.report_steps, total_step) total_loss = 0. loss.backward() optimizer.step() # Evaluation phase. print("Start evaluate on dev dataset.") logger.info("Start evaluate on dev dataset.") f1 = evaluate(args, epoch, False) # print("Start evaluation on test dataset.") # evaluate(args, True) if f1 > best_f1: best_f1 = f1 save_model(model, os.path.join(args.output_path, '{}.bin').format(args.task_name)) else: continue if(args.do_test): # Evaluation phase. print("Final evaluation on test dataset.") logger.info("Final evaluation on test dataset.") if torch.cuda.device_count() > 1: model.module.load_state_dict(torch.load(os.path.join(args.output_path, "{}.bin".format(args.task_name)))) else: model.load_state_dict(torch.load(os.path.join(args.output_path, "{}.bin".format(args.task_name)))) evaluate(args, args.epochs_num, True) print("============over=================={}".format(args.fold_nb))
def main(): parser = argparse.ArgumentParser( formatter_class=argparse.ArgumentDefaultsHelpFormatter) # Path options. parser.add_argument("--pretrained_model_path", default=None, type=str, help="Path of the pretrained model.") parser.add_argument("--output_model_path", default="./models/classifier_model.bin", type=str, help="Path of the output model.") parser.add_argument("--vocab_path", default="./models/google_vocab.txt", type=str, help="Path of the vocabulary file.") parser.add_argument("--train_path", type=str, required=True, help="Path of the trainset.") parser.add_argument("--dev_path", type=str, required=True, help="Path of the devset.") parser.add_argument("--test_path", type=str, required=True, help="Path of the testset.") parser.add_argument("--config_path", default="./models/google_config.json", type=str, help="Path of the config file.") # Model options. parser.add_argument("--batch_size", type=int, default=32, help="Batch size.") parser.add_argument("--seq_length", type=int, default=256, help="Sequence length.") parser.add_argument("--encoder", choices=["bert", "lstm", "gru", \ "cnn", "gatedcnn", "attn", \ "rcnn", "crnn", "gpt", "bilstm"], \ default="bert", help="Encoder type.") parser.add_argument("--bidirectional", action="store_true", help="Specific to recurrent model.") parser.add_argument("--pooling", choices=["mean", "max", "first", "last"], default="first", help="Pooling type.") # Subword options. parser.add_argument("--subword_type", choices=["none", "char"], default="none", help="Subword feature type.") parser.add_argument("--sub_vocab_path", type=str, default="models/sub_vocab.txt", help="Path of the subword vocabulary file.") parser.add_argument("--subencoder", choices=["avg", "lstm", "gru", "cnn"], default="avg", help="Subencoder type.") parser.add_argument("--sub_layers_num", type=int, default=2, help="The number of subencoder layers.") # Tokenizer options. parser.add_argument( "--tokenizer", choices=["bert", "char", "word", "space"], default="bert", help="Specify the tokenizer." "Original Google BERT uses bert tokenizer on Chinese corpus." "Char tokenizer segments sentences into characters." "Word tokenizer supports online word segmentation based on jieba segmentor." "Space tokenizer segments sentences into words according to space.") # Optimizer options. parser.add_argument("--learning_rate", type=float, default=2e-5, help="Learning rate.") parser.add_argument("--warmup", type=float, default=0.1, help="Warm up value.") # Training options. parser.add_argument("--dropout", type=float, default=0.5, help="Dropout.") parser.add_argument("--epochs_num", type=int, default=5, help="Number of epochs.") parser.add_argument("--report_steps", type=int, default=100, help="Specific steps to print prompt.") parser.add_argument("--seed", type=int, default=7, help="Random seed.") # Evaluation options. parser.add_argument("--mean_reciprocal_rank", action="store_true", help="Evaluation metrics for DBQA dataset.") # kg parser.add_argument("--kg_name", required=True, help="KG name or path") parser.add_argument("--workers_num", type=int, default=1, help="number of process for loading dataset") parser.add_argument("--no_vm", action="store_true", help="Disable the visible_matrix") args = parser.parse_args() # Load the hyperparameters from the config file. args = load_hyperparam(args) set_seed(args.seed) # Count the number of labels. labels_set = set() columns = {} with open(args.train_path, mode="r", encoding="utf-8") as f: for line_id, line in enumerate(f): try: line = line.strip().split("\t") if line_id == 0: for i, column_name in enumerate(line): columns[column_name] = i continue label = int(line[columns["label"]]) labels_set.add(label) except: pass args.labels_num = len(labels_set) # Load vocabulary. vocab = Vocab() vocab.load(args.vocab_path) args.vocab = vocab # Build bert model. # A pseudo target is added. args.target = "bert" model = build_model(args) # Load or initialize parameters. if args.pretrained_model_path is not None: # Initialize with pretrained model. model.load_state_dict(torch.load(args.pretrained_model_path), strict=False) else: # Initialize with normal distribution. for n, p in list(model.named_parameters()): if 'gamma' not in n and 'beta' not in n: p.data.normal_(0, 0.02) # Build classification model. model = BertClassifier(args, model) # For simplicity, we use DataParallel wrapper to use multiple GPUs. device = torch.device("cuda" if torch.cuda.is_available() else "cpu") if torch.cuda.device_count() > 1: print("{} GPUs are available. Let's use them.".format( torch.cuda.device_count())) model = nn.DataParallel(model) model = model.to(device) # Datset loader. def batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms): instances_num = input_ids.size()[0] for i in range(instances_num // batch_size): input_ids_batch = input_ids[i * batch_size:(i + 1) * batch_size, :] label_ids_batch = label_ids[i * batch_size:(i + 1) * batch_size] mask_ids_batch = mask_ids[i * batch_size:(i + 1) * batch_size, :] pos_ids_batch = pos_ids[i * batch_size:(i + 1) * batch_size, :] vms_batch = vms[i * batch_size:(i + 1) * batch_size] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch if instances_num > instances_num // batch_size * batch_size: input_ids_batch = input_ids[instances_num // batch_size * batch_size:, :] label_ids_batch = label_ids[instances_num // batch_size * batch_size:] mask_ids_batch = mask_ids[instances_num // batch_size * batch_size:, :] pos_ids_batch = pos_ids[instances_num // batch_size * batch_size:, :] vms_batch = vms[instances_num // batch_size * batch_size:] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch # Build knowledge graph. if args.kg_name == 'none': spo_files = [] else: spo_files = [args.kg_name] kg = KnowledgeGraph(spo_files=spo_files, predicate=True) def read_dataset(path, workers_num=1): print("Loading sentences from {}".format(path)) sentences = [] with open(path, mode='r', encoding="utf-8") as f: for line_id, line in enumerate(f): if line_id == 0: continue sentences.append(line) sentence_num = len(sentences) print( "There are {} sentence in total. We use {} processes to inject knowledge into sentences." .format(sentence_num, workers_num)) if workers_num > 1: params = [] sentence_per_block = int(sentence_num / workers_num) + 1 for i in range(workers_num): params.append((i, sentences[i * sentence_per_block:(i + 1) * sentence_per_block], columns, kg, vocab, args)) pool = Pool(workers_num) res = pool.map(add_knowledge_worker, params) pool.close() pool.join() dataset = [sample for block in res for sample in block] else: params = (0, sentences, columns, kg, vocab, args) dataset = add_knowledge_worker(params) return dataset # Evaluation function. def evaluate(args, is_test, metrics='Acc'): if is_test: dataset = read_dataset(args.test_path, workers_num=args.workers_num) else: dataset = read_dataset(args.dev_path, workers_num=args.workers_num) input_ids = torch.LongTensor([sample[0] for sample in dataset]) label_ids = torch.LongTensor([sample[1] for sample in dataset]) mask_ids = torch.LongTensor([sample[2] for sample in dataset]) pos_ids = torch.LongTensor([example[3] for example in dataset]) vms = [example[4] for example in dataset] batch_size = args.batch_size instances_num = input_ids.size()[0] if is_test: print("The number of evaluation instances: ", instances_num) correct = 0 # Confusion matrix. confusion = torch.zeros(args.labels_num, args.labels_num, dtype=torch.long) model.eval() if not args.mean_reciprocal_rank: for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) in enumerate( batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms)): # vms_batch = vms_batch.long() vms_batch = torch.LongTensor(vms_batch) input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) vms_batch = vms_batch.to(device) with torch.no_grad(): try: loss, logits = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) except: print(input_ids_batch) print(input_ids_batch.size()) print(vms_batch) print(vms_batch.size()) logits = nn.Softmax(dim=1)(logits) pred = torch.argmax(logits, dim=1) gold = label_ids_batch for j in range(pred.size()[0]): confusion[pred[j], gold[j]] += 1 correct += torch.sum(pred == gold).item() if is_test: print("Confusion matrix:") print(confusion) print("Report precision, recall, and f1:") # for i in range(confusion.size()[0]): # p = confusion[i,i].item()/confusion[i,:].sum().item() # r = confusion[i,i].item()/confusion[:,i].sum().item() # f1 = 2*p*r / (p+r) # if i == 1: # label_1_f1 = f1 # print("Label {}: {:.3f}, {:.3f}, {:.3f}".format(i,p,r,f1)) print("Acc. (Correct/Total): {:.4f} ({}/{}) ".format( correct / len(dataset), correct, len(dataset))) if metrics == 'Acc': return correct / len(dataset) elif metrics == 'f1': return label_1_f1 else: return correct / len(dataset) else: for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) in enumerate( batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms)): vms_batch = torch.LongTensor(vms_batch) input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) vms_batch = vms_batch.to(device) with torch.no_grad(): loss, logits = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) logits = nn.Softmax(dim=1)(logits) if i == 0: logits_all = logits if i >= 1: logits_all = torch.cat((logits_all, logits), 0) order = -1 gold = [] for i in range(len(dataset)): qid = dataset[i][-1] label = dataset[i][1] if qid == order: j += 1 if label == 1: gold.append((qid, j)) else: order = qid j = 0 if label == 1: gold.append((qid, j)) label_order = [] order = -1 for i in range(len(gold)): if gold[i][0] == order: templist.append(gold[i][1]) elif gold[i][0] != order: order = gold[i][0] if i > 0: label_order.append(templist) templist = [] templist.append(gold[i][1]) label_order.append(templist) order = -1 score_list = [] for i in range(len(logits_all)): score = float(logits_all[i][1]) qid = int(dataset[i][-1]) if qid == order: templist.append(score) else: order = qid if i > 0: score_list.append(templist) templist = [] templist.append(score) score_list.append(templist) rank = [] pred = [] print(len(score_list)) print(len(label_order)) for i in range(len(score_list)): if len(label_order[i]) == 1: if label_order[i][0] < len(score_list[i]): true_score = score_list[i][label_order[i][0]] score_list[i].sort(reverse=True) for j in range(len(score_list[i])): if score_list[i][j] == true_score: rank.append(1 / (j + 1)) else: rank.append(0) else: true_rank = len(score_list[i]) for k in range(len(label_order[i])): if label_order[i][k] < len(score_list[i]): true_score = score_list[i][label_order[i][k]] temp = sorted(score_list[i], reverse=True) for j in range(len(temp)): if temp[j] == true_score: if j < true_rank: true_rank = j if true_rank < len(score_list[i]): rank.append(1 / (true_rank + 1)) else: rank.append(0) MRR = sum(rank) / len(rank) print("MRR", MRR) return MRR # Training phase. print("Start training.") trainset = read_dataset(args.train_path, workers_num=args.workers_num) print("Shuffling dataset") random.shuffle(trainset) instances_num = len(trainset) batch_size = args.batch_size print("Trans data to tensor.") print("input_ids") input_ids = torch.LongTensor([example[0] for example in trainset]) print("label_ids") label_ids = torch.LongTensor([example[1] for example in trainset]) print("mask_ids") mask_ids = torch.LongTensor([example[2] for example in trainset]) print("pos_ids") pos_ids = torch.LongTensor([example[3] for example in trainset]) print("vms") vms = [example[4] for example in trainset] train_steps = int(instances_num * args.epochs_num / batch_size) + 1 print("Batch size: ", batch_size) print("The number of training instances:", instances_num) param_optimizer = list(model.named_parameters()) no_decay = ['bias', 'gamma', 'beta'] optimizer_grouped_parameters = [{ 'params': [p for n, p in param_optimizer if not any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.01 }, { 'params': [p for n, p in param_optimizer if any(nd in n for nd in no_decay)], 'weight_decay_rate': 0.0 }] optimizer = BertAdam(optimizer_grouped_parameters, lr=args.learning_rate, warmup=args.warmup, t_total=train_steps) total_loss = 0. result = 0.0 best_result = 0.0 for epoch in range(1, args.epochs_num + 1): model.train() for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) in enumerate( batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms)): model.zero_grad() vms_batch = torch.LongTensor(vms_batch) input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) vms_batch = vms_batch.to(device) loss, _ = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos=pos_ids_batch, vm=vms_batch) if torch.cuda.device_count() > 1: loss = torch.mean(loss) total_loss += loss.item() if (i + 1) % args.report_steps == 0: print("Epoch id: {}, Training steps: {}, Avg loss: {:.3f}". format(epoch, i + 1, total_loss / args.report_steps)) sys.stdout.flush() total_loss = 0. loss.backward() optimizer.step() print("Start evaluation on dev dataset.") result = evaluate(args, False) if result > best_result: best_result = result save_model(model, args.output_model_path) else: continue print("Start evaluation on test dataset.") evaluate(args, True) # Evaluation phase. print("Final evaluation on the test dataset.") #model save if torch.cuda.device_count() > 1: model.module.load_state_dict(torch.load(args.output_model_path)) else: model.load_state_dict(torch.load(args.output_model_path)) evaluate(args, True)
def main(): parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter) # Path options. parser.add_argument("--pretrained_model_path", default=None, type=str, help="Path of the pretrained model.") parser.add_argument("--output_model_path", default="./models/classifier_model.bin", type=str, help="Path of the output model.") parser.add_argument("--vocab_path", default="./models/google_vocab.txt", type=str, help="Path of the vocabulary file.") parser.add_argument("--train_path", type=str, required=True, help="Path of the trainset.") parser.add_argument("--dev_path", type=str, required=True, help="Path of the devset.") parser.add_argument("--test_path", type=str, required=True, help="Path of the testset.") parser.add_argument("--config_path", default="./models/google_config.json", type=str, help="Path of the config file.") # parser.add_argument("--BM25_path", type=str, required=True, # help="Path of the BM25.") # parser.add_argument("--BM25Type_path", type=str, required=True, # help="Path of the BM25Type_path.") # parser.add_argument("--BM25_test_path", type=str, required=True, # help="Path of the BM25Test_path.") # parser.add_argument("--Stopword_path", type=str, required=True, # help="Path of the Stopword.") # Model options. parser.add_argument("--batch_size", type=int, default=32, help="Batch size.") parser.add_argument("--seq_length", type=int, default=256, help="Sequence length.") parser.add_argument("--encoder", choices=["bert", "lstm", "gru", \ "cnn", "gatedcnn", "attn", \ "rcnn", "crnn", "gpt", "bilstm"], \ default="bert", help="Encoder type.") parser.add_argument("--bidirectional", action="store_true", help="Specific to recurrent model.") parser.add_argument("--pooling", choices=["mean", "max", "first", "last"], default="first", help="Pooling type.") # Subword options. parser.add_argument("--subword_type", choices=["none", "char"], default="none", help="Subword feature type.") parser.add_argument("--sub_vocab_path", type=str, default="models/sub_vocab.txt", help="Path of the subword vocabulary file.") parser.add_argument("--subencoder", choices=["avg", "lstm", "gru", "cnn"], default="avg", help="Subencoder type.") parser.add_argument("--sub_layers_num", type=int, default=2, help="The number of subencoder layers.") # Tokenizer options. parser.add_argument("--tokenizer", choices=["bert", "char", "word", "space"], default="bert", help="Specify the tokenizer." "Original Google BERT uses bert tokenizer on Chinese corpus." "Char tokenizer segments sentences into characters." "Word tokenizer supports online word segmentation based on jieba segmentor." "Space tokenizer segments sentences into words according to space." ) # Optimizer options. parser.add_argument("--learning_rate", type=float, default=2e-5, help="Learning rate.") parser.add_argument("--warmup", type=float, default=0.1, help="Warm up value.") # Training options. parser.add_argument("--dropout", type=float, default=0.5, help="Dropout.") parser.add_argument("--epochs_num", type=int, default=5, help="Number of epochs.") parser.add_argument("--report_steps", type=int, default=100, help="Specific steps to print prompt.") parser.add_argument("--seed", type=int, default=7, help="Random seed.") # Evaluation options. parser.add_argument("--mean_reciprocal_rank", action="store_true", help="Evaluation metrics for DBQA dataset.") # kg parser.add_argument("--kg_name", required=False, help="KG name or path") parser.add_argument("--workers_num", type=int, default=1, help="number of process for loading dataset") parser.add_argument("--no_vm", action="store_true", help="Disable the visible_matrix") args = parser.parse_args() # Load the hyperparameters from the config file. args = load_hyperparam(args) set_seed(args.seed) # Count the number of labels. labels_set = set() columns = {} with open(args.train_path, mode="r", encoding="utf-8") as f: for line_id, line in enumerate(f): try: line = line.strip().split("\t") if line_id == 0: for i, column_name in enumerate(line): columns[column_name] = i continue label = int(line[columns["label"]]) labels_set.add(label) except: pass args.labels_num = len(labels_set) # Load vocabulary. vocab = Vocab() vocab.load(args.vocab_path) args.vocab = vocab # Build bert model. # A pseudo target is added. args.target = "bert" model = build_model(args) # Load or initialize parameters. if args.pretrained_model_path is not None: # Initialize with pretrained model. model.load_state_dict(torch.load(args.pretrained_model_path), strict=False) else: # Initialize with normal distribution. for n, p in list(model.named_parameters()): if 'gamma' not in n and 'beta' not in n: p.data.normal_(0, 0.02) # Build classification model. model = BertClassifier(args, model) # For simplicity, we use DataParallel wrapper to use multiple GPUs. device = torch.device("cuda" if torch.cuda.is_available() else "cpu") if torch.cuda.device_count() > 1: print("{} GPUs are available. Let's use them.".format(torch.cuda.device_count())) model = nn.DataParallel(model) model = model.to(device) # Datset loader. def batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms): instances_num = input_ids.size()[0] for i in range(instances_num // batch_size): input_ids_batch = input_ids[i*batch_size: (i+1)*batch_size, :] label_ids_batch = label_ids[i*batch_size: (i+1)*batch_size] mask_ids_batch = mask_ids[i*batch_size: (i+1)*batch_size, :] pos_ids_batch = pos_ids[i*batch_size: (i+1)*batch_size, :] vms_batch = vms[i*batch_size: (i+1)*batch_size] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch if instances_num > instances_num // batch_size * batch_size: input_ids_batch = input_ids[instances_num//batch_size*batch_size:, :] label_ids_batch = label_ids[instances_num//batch_size*batch_size:] mask_ids_batch = mask_ids[instances_num//batch_size*batch_size:, :] pos_ids_batch = pos_ids[instances_num//batch_size*batch_size:, :] vms_batch = vms[instances_num//batch_size*batch_size:] yield input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch # Build knowledge graph. if args.kg_name == 'none': spo_files = [] else: spo_files = [args.kg_name] kg = KnowledgeGraph(spo_files=spo_files, predicate=True) def read_dataset(path, workers_num=1): print("Loading sentences from {}".format(path)) sentences = [] with open(path, mode='r', encoding="utf-8") as f: for line_id, line in enumerate(f): if line_id == 0: continue sentences.append(line) sentence_num = len(sentences) print("There are {} sentence in total. We use {} processes to inject knowledge into sentences.".format(sentence_num, workers_num)) if workers_num > 1: params = [] sentence_per_block = int(sentence_num / workers_num) + 1 for i in range(workers_num): params.append((i, sentences[i*sentence_per_block: (i+1)*sentence_per_block], columns, kg, vocab, args)) pool = Pool(workers_num) res = pool.map(add_knowledge_worker, params) pool.close() pool.join() dataset = [sample for block in res for sample in block] else: params = (0, sentences, columns, kg, vocab, args) dataset = add_knowledge_worker(params) return dataset # Evaluation function. def evaluate(args, is_test, metrics='f1'): if is_test: dataset = read_dataset(args.test_path, workers_num=args.workers_num) else: dataset = read_dataset(args.dev_path, workers_num=args.workers_num) input_ids = torch.LongTensor([sample[0] for sample in dataset]) label_ids = torch.LongTensor([sample[1] for sample in dataset]) mask_ids = torch.LongTensor([sample[2] for sample in dataset]) pos_ids = torch.LongTensor([example[3] for example in dataset]) vms = [example[4] for example in dataset] batch_size = args.batch_size instances_num = input_ids.size()[0] if is_test: print("The number of evaluation instances: ", instances_num) correct = 0 # Confusion matrix. confusion = torch.zeros(args.labels_num, args.labels_num, dtype=torch.long) model.eval() # BM25Rank,train_type_dict=BM25() # start=0 # end=batch_size #if not args.mean_reciprocal_rank: if not args.mean_reciprocal_rank: print("計算F1") ls=[] data=[] ls_gold=[] ls_pred=[] for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) in enumerate(batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms)): # RankResult=[] # BatachBM25=BM25Rank[start:end] # start=start+batch_size # end=start+batch_size # vms_batch = vms_batch.long() vms_batch = torch.LongTensor(vms_batch) input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) vms_batch = vms_batch.to(device) ls.append(label_ids_batch) with torch.no_grad(): try: loss, logits = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) except: print(input_ids_batch) print(input_ids_batch.size()) print(vms_batch) print(vms_batch.size()) logits = nn.Softmax(dim=1)(logits) pred = torch.argmax(logits, dim=1) gold = label_ids_batch # for (l,B) in zip(logits,BatachBM25): # sort_label=torch.sort(l,descending=True) # sort_dict=dict() # for (score,label) in zip(sort_label[0],sort_label[1]): # label=int(label.cpu().numpy()) # score=float(score.cpu().numpy()) # sort_dict[label]=score # print(sorted(B, key = lambda x : x[1])) # print(max(sort_dict.values())) # maximum=max(sort_dict.values()) # keys = [key for key, value in sort_dict.items() if value == maximum] # print(keys) # sys.exit() # ReRank= dict() # TotalScore=0 # for b in B: # TotalScore+=b[1] # for b in B: # if(sort_dict[train_type_dict[b[0]]]>0.953): # ReRank[b[0]]=sort_dict[train_type_dict[b[0]]] #b[1]+ # else:b[1]+sort_dict[train_type_dict[b[0]]]((b[1]/949.11)*100)+ # ReRank[b[0]]=sort_dict[train_type_dict[b[0]]] # maximum = max(ReRank.values()) # keys = [key for key, value in ReRank.items() if value == maximum] # result=train_type_dict[keys[0]] # gold = label_ids_batch # RankResult.append(result) # pred=torch.Tensor(RankResult).cuda() print("Pred") print(pred) # gold = label_ids_batch print("Gold") print(gold) for (p,g) in zip(pred.cpu().numpy(),gold.cpu().numpy()): ls_gold.append(g) ls_pred.append(int(p)) # for j in range(pred.size()[0]): # confusion[pred[j], gold[j]] += 1 # correct += torch.sum(pred == gold).item() print(ls_gold) print(ls_pred) print("準確率") print(accuracy_score(ls_gold, ls_pred)) f1 = f1_score(ls_gold,ls_pred, average='macro') p = precision_score(ls_gold, ls_pred, average='macro') r = recall_score(ls_gold, ls_pred, average='macro') print("F1 Score:") print(f1) print("Precision:") print(p) print("Recall:") print(r) else: print("計算MRR") rank_pos=[] for i, (input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) in enumerate(batch_loader(batch_size, input_ids, label_ids, mask_ids, pos_ids, vms)): vms_batch = torch.LongTensor(vms_batch) input_ids_batch = input_ids_batch.to(device) label_ids_batch = label_ids_batch.to(device) mask_ids_batch = mask_ids_batch.to(device) pos_ids_batch = pos_ids_batch.to(device) vms_batch = vms_batch.to(device) with torch.no_grad(): loss, logits = model(input_ids_batch, label_ids_batch, mask_ids_batch, pos_ids_batch, vms_batch) logits = nn.Softmax(dim=1)(logits) for l,g in zip(logits,label_ids_batch): sort_label=torch.sort(l,descending=True) for (idx,p) in enumerate(sort_label[1]): if(p==g): rank_pos.append(idx) MRR=0 for score in rank_pos: MRR+=1/(score+1) print("MRR:",MRR/1035) def BM25_readfile(): #讀取BM25的訓練資料(標準問句斷過詞) BM25_train_data=[] with open(args.BM25_path, 'r', encoding='utf-8') as f: for line in f.readlines(): BM25_train_data.append(line.replace("\r", "").replace("\n", "")) #讀取stop word stopWords=[] with open(args.Stopword_path, 'r', encoding='UTF-8') as file: for data in file.readlines(): data = data.strip() stopWords.append(data) return stopWords,BM25_train_data def BM25(): stopWords,BM25_train_data=BM25_readfile() count_l1_sim=0 count_num_l1=0 count_l0_sim=0 count_num_l0=0 correct=0 predict=[] similarity_ls=[] for sentence in BM25_train_data[1:]: S1=sentence.strip().split('\t')[0] S2=sentence.strip().split('\t')[1] words1 = [w for w in S1.split() if w not in stopWords] S1=" ".join(words1) words2 = [w for w in S2.split() if w not in stopWords] S2=" ".join(words2) sim=similarity.ssim(S1,S2,model='bm25') similarity_ls.append(sim) if(sim<11): predict_label=0 predict.append(predict_label) if(sim>11): predict_label=1 predict.append(predict_label) # Evaluation phase. print("Final evaluation on the test dataset.") if torch.cuda.device_count() > 1: model.module.load_state_dict(torch.load(args.output_model_path)) else: model.load_state_dict(torch.load(args.output_model_path)) accuracy=evaluate(args, True,metrics='Acc') print("準確率:") print(accuracy)