Skip to content

Commit

Permalink
fix qa issues (#566)
Browse files Browse the repository at this point in the history
Signed-off-by: Yang Zhang <yangzhang@nvidia.com>
  • Loading branch information
yzhang123 committed Apr 8, 2020
1 parent eb83e5e commit 71e40ff
Show file tree
Hide file tree
Showing 3 changed files with 53 additions and 49 deletions.
90 changes: 46 additions & 44 deletions examples/nlp/question_answering/question_answering_squad.py
Original file line number Diff line number Diff line change
Expand Up @@ -151,7 +151,7 @@ def parse_args():
help="Whether to lower case the input text. True for uncased models, False for cased models.",
)
parser.add_argument(
"--mode", default="train_eval", choices=["train_eval", "eval", "test"], help="Mode of model usage."
"--mode", default="train_eval", choices=["train", "train_eval", "eval", "test"], help="Mode of model usage."
)
parser.add_argument(
"--no_data_cache", action='store_true', help="When specified do not load and store cache preprocessed data.",
Expand Down Expand Up @@ -218,10 +218,7 @@ def parse_args():
help="If null_score - best_non_null is greater than the threshold predict null.",
)
parser.add_argument(
"--n_best_size",
default=20,
type=int,
help="The total number of n-best predictions to generate in the nbest_predictions.json output file.",
"--n_best_size", default=20, type=int, help="The total number of n-best predictions to generate at testing.",
)
parser.add_argument("--batches_per_step", default=1, type=int, help="Number of iterations per step.")
parser.add_argument(
Expand All @@ -238,7 +235,14 @@ def parse_args():
type=str,
required=False,
default="predictions.json",
help="File to write predictions to. Only in evaluation mode.",
help="File to write predictions to. Only in evaluation or test mode.",
)
parser.add_argument(
"--output_nbest_file",
type=str,
required=False,
default="nbest.json",
help="File to write nbest predictions to. Only in evaluation or test mode.",
)
args = parser.parse_args()
return args
Expand Down Expand Up @@ -304,23 +308,21 @@ def create_pipeline(
if __name__ == "__main__":
args = parse_args()

if args.mode == "train_eval":
if not os.path.exists(args.train_file) or not os.path.exists(args.eval_file):
if "train" in args.mode:
if not os.path.exists(args.train_file):
raise FileNotFoundError(
"train and eval data not found. Datasets can be obtained using examples/nlp/question_answering/get_squad.py"
"train data not found. Datasets can be obtained using examples/nlp/question_answering/get_squad.py"
)
elif args.mode == "eval":
if "eval" in args.mode:
if not os.path.exists(args.eval_file):
raise FileNotFoundError(
"eval data not found. Datasets can be obtained using examples/nlp/question_answering/get_squad.py"
)
elif args.mode == "test":
if "test" in args.mode:
if not os.path.exists(args.test_file):
raise FileNotFoundError(
"test data not found. Datasets can be obtained using examples/nlp/question_answering/get_squad.py"
)
else:
raise ValueError(f"{args.mode} can only be one of [train_eval, eval, test]")

# Instantiate neural factory with supported backend
nf = nemo_core.NeuralModuleFactory(
Expand Down Expand Up @@ -400,7 +402,7 @@ def create_pipeline(
use_data_cache=not args.no_data_cache,
)

if args.mode == "train_eval":
if "train" in args.mode:
logging.info(f"steps_per_epoch = {train_steps_per_epoch}")
train_callback = nemo_core.SimpleLossLoggerCallback(
tensors=[train_loss],
Expand All @@ -409,52 +411,47 @@ def create_pipeline(
step_freq=args.train_step_freq,
tb_writer=nf.tb_writer,
)

ckpt_callback = nemo_core.CheckpointCallback(
folder=nf.checkpoint_dir, epoch_freq=args.save_epoch_freq, step_freq=args.save_step_freq
)
eval_callback = nemo_core.EvaluatorCallback(
eval_tensors=eval_output,
user_iter_callback=lambda x, y: eval_iter_callback(x, y),
user_epochs_done_callback=lambda x: eval_epochs_done_callback(
x,
eval_data_layer=eval_data_layer,
do_lower_case=args.do_lower_case,
n_best_size=args.n_best_size,
max_answer_length=args.max_answer_length,
version_2_with_negative=args.version_2_with_negative,
null_score_diff_threshold=args.null_score_diff_threshold,
),
tb_writer=nf.tb_writer,
eval_step=args.eval_step_freq,
)

if args.max_steps < 0:
lr_policy_fn = get_lr_policy(
args.lr_policy,
total_steps=args.num_epochs * train_steps_per_epoch,
warmup_ratio=args.lr_warmup_proportion,
)
else:
lr_policy_fn = get_lr_policy(
args.lr_policy, total_steps=args.max_steps, warmup_ratio=args.lr_warmup_proportion
callbacks = [train_callback, ckpt_callback]
if "eval" in args.mode:
eval_callback = nemo_core.EvaluatorCallback(
eval_tensors=eval_output,
user_iter_callback=lambda x, y: eval_iter_callback(x, y),
user_epochs_done_callback=lambda x: eval_epochs_done_callback(
x,
eval_data_layer=eval_data_layer,
do_lower_case=args.do_lower_case,
n_best_size=args.n_best_size,
max_answer_length=args.max_answer_length,
version_2_with_negative=args.version_2_with_negative,
null_score_diff_threshold=args.null_score_diff_threshold,
),
tb_writer=nf.tb_writer,
eval_step=args.eval_step_freq,
)
callbacks.append(eval_callback)

optimization_params = {
"lr": args.lr,
"weight_decay": args.weight_decay,
}
if args.max_steps < 0:
total_steps = args.num_epochs * train_steps_per_epoch
optimization_params['num_epochs'] = args.num_epochs
else:
total_steps = args.max_steps
optimization_params['max_steps'] = args.max_steps

lr_policy_fn = get_lr_policy(args.lr_policy, total_steps=total_steps, warmup_ratio=args.lr_warmup_proportion)

if args.grad_norm_clip >= 0:
optimization_params['grad_norm_clip'] = args.grad_norm_clip

nf.train(
tensors_to_optimize=[train_loss],
callbacks=[train_callback, ckpt_callback, eval_callback],
callbacks=callbacks,
lr_policy=lr_policy_fn,
optimizer=args.optimizer,
batches_per_step=args.batches_per_step,
Expand All @@ -466,7 +463,9 @@ def create_pipeline(
if args.checkpoint_dir is not None:
load_from_folder = args.checkpoint_dir

evaluated_tensors = nf.infer(tensors=eval_output, checkpoint_dir=load_from_folder, cache=True)
evaluated_tensors = nf.infer(
tensors=eval_output, checkpoint_dir=load_from_folder, cache=True, offload_to_cpu=False
)
unique_ids = []
for t in evaluated_tensors[0]:
unique_ids.extend(t.tolist())
Expand All @@ -478,7 +477,7 @@ def create_pipeline(
for t in evaluated_tensors[2]:
end_logits.extend(t.tolist())

exact_match, f1, all_predictions = eval_data_layer.dataset.evaluate(
exact_match, f1, all_predictions, all_nbest = eval_data_layer.dataset.evaluate(
unique_ids=unique_ids,
start_logits=start_logits,
end_logits=end_logits,
Expand All @@ -496,7 +495,7 @@ def create_pipeline(
for t in evaluated_tensors[1]:
logits.extend(t.tolist())
start_logits, end_logits = np.split(np.asarray(logits), 2, axis=-1)
(all_predictions, all_nbest_json, scores_diff_json) = test_data_layer.dataset.get_predictions(
(all_predictions, all_nbest, scores_diff) = test_data_layer.dataset.get_predictions(
unique_ids=unique_ids,
start_logits=start_logits,
end_logits=end_logits,
Expand All @@ -506,6 +505,9 @@ def create_pipeline(
null_score_diff_threshold=args.null_score_diff_threshold,
do_lower_case=args.do_lower_case,
)
if args.output_nbest_file is not None:
with open(args.output_nbest_file, "w") as writer:
writer.write(json.dumps(all_nbest, indent=4) + "\n")
if args.output_prediction_file is not None:
with open(args.output_prediction_file, "w") as writer:
writer.write(json.dumps(all_predictions, indent=4) + "\n")
2 changes: 1 addition & 1 deletion nemo/collections/nlp/callbacks/qa_squad_callback.py
Original file line number Diff line number Diff line change
Expand Up @@ -56,7 +56,7 @@ def eval_epochs_done_callback(
version_2_with_negative,
null_score_diff_threshold,
):
exact_match, f1, _ = eval_data_layer.dataset.evaluate(
exact_match, f1, _, _ = eval_data_layer.dataset.evaluate(
unique_ids=global_vars["eval_unique_ids"],
start_logits=global_vars["eval_start_logits"],
end_logits=global_vars["eval_end_logits"],
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -305,8 +305,10 @@ def get_predictions(
output = collections.OrderedDict()
output["text"] = entry.text
output["probability"] = probs[i]
output["start_logit"] = entry.start_logit
output["end_logit"] = entry.end_logit
output["start_logit"] = (
entry.start_logit if isinstance(entry.start_logit, float) else list(entry.start_logit)
)
output["end_logit"] = entry.end_logit if isinstance(entry.end_logit, float) else list(entry.end_logit)
nbest_json.append(output)

assert len(nbest_json) >= 1
Expand All @@ -322,7 +324,7 @@ def get_predictions(
all_predictions[example.qas_id] = ""
else:
all_predictions[example.qas_id] = best_non_null_entry.text
all_nbest_json[example.qas_id] = nbest_json
all_nbest_json[example.qas_id] = nbest_json

return all_predictions, all_nbest_json, scores_diff_json

Expand Down Expand Up @@ -409,7 +411,7 @@ def evaluate(

exact_match, f1 = self.evaluate_predictions(all_predictions)

return exact_match, f1, all_predictions
return exact_match, f1, all_predictions, all_nbest_json


class SquadProcessor(DataProcessor):
Expand Down

0 comments on commit 71e40ff

Please sign in to comment.