-
Notifications
You must be signed in to change notification settings - Fork 2
/
Copy pathinference.py
285 lines (228 loc) · 10.6 KB
/
inference.py
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
import logging
import sys
from typing import List, Dict, NoReturn, Tuple
import datasets
from datasets import dataset_dict
import pandas as pd
import numpy as np
from datasets import (
load_metric,
load_from_disk,
Value,
Features,
Dataset,
DatasetDict,
)
from transformers import AutoConfig, AutoTokenizer
from transformers import (
DataCollatorWithPadding,
EvalPrediction,
HfArgumentParser,
TrainingArguments,
set_seed,
)
from utils_qa import postprocess_qa_predictions, check_no_error
from trainer_qa import QuestionAnsweringTrainer
from model import RobertaQA, BertQA, ElectraQA
from arguments import (
ModelArguments,
DataTrainingArguments,
)
logger = logging.getLogger(__name__)
def main():
# 가능한 arguments 들은 ./arguments.py 나 transformer package 안의 src/transformers/training_args.py 에서 확인 가능합니다.
# --help flag 를 실행시켜서 확인할 수 도 있습니다.
parser = HfArgumentParser(
(ModelArguments, DataTrainingArguments, TrainingArguments)
)
model_args, data_args, training_args = parser.parse_args_into_dataclasses()
training_args.do_train = True
print(f"model is from {model_args.model_name_or_path}")
print(f"data is from {data_args.dataset_name}")
# logging 설정
logging.basicConfig(
format="%(asctime)s - %(levelname)s - %(name)s - %(message)s",
datefmt="%m/%d/%Y %H:%M:%S",
handlers=[logging.StreamHandler(sys.stdout)],
)
# verbosity 설정 : Transformers logger의 정보로 사용합니다 (on main process only)
logger.info("Training/evaluation parameters %s", training_args)
# 모델을 초기화하기 전에 난수를 고정합니다.
set_seed(training_args.seed)
# load datasets
datasets = load_from_disk(data_args.dataset_name)
# load config, tokenizer, model
config = AutoConfig.from_pretrained(model_args.model_name_or_path)
tokenizer = AutoTokenizer.from_pretrained(model_args.model_name_or_path)
# model_args의 model_name_or_path마다 지정된 모델을 불러옵니다
if "roberta-large" in model_args.model_name_or_path:
model = RobertaQA.from_pretrained(model_args.model_name_or_path, config=config)
elif "bert-base" in model_args.model_name_or_path:
model = BertQA.from_pretrained(model_args.model_name_or_path, config=config)
elif "electra" in model_args.model_name_or_path:
model = ElectraQA.from_pretrained(model_args.model_name_or_path, config=config)
# 미리 불러온 위키피디아 문서와 쿼리를 이어 붙입니다
datasets = run_elastic_search(datasets)
# run prediction code
run_mrc(data_args, training_args, model_args, datasets, tokenizer, model)
def run_elastic_search(datasets: datasets,) -> DatasetDict:
# test question에 따라 문서를 불러온다
test_datasets = load_from_disk("/opt/ml/data_v2/test_dataset")
total = []
# wikipedia 문서를 쿼리마다 미리 불러온 csv 파일입니다
context_data = pd.read_csv("add_context_test_dataset.csv")
# 각 쿼리마다 10개의 문서를 모두 concat하여 context column에 저장합니다
for i in range(len(context_data)):
context = ""
for j in range(1, 11):
context += context_data[f"text{j}"].iloc[i]
tmp = {
"context": context,
"id": context_data["id"].iloc[i],
"question": test_datasets["validation"][i]["question"],
}
total.append(tmp)
df = pd.DataFrame(total)
f = Features(
{
"context": Value(dtype="string", id=None),
"id": Value(dtype="string", id=None),
"question": Value(dtype="string", id=None),
}
)
datasets = DatasetDict({"validation": Dataset.from_pandas(df, features=f)})
return datasets
def run_mrc(
data_args: DataTrainingArguments,
training_args: TrainingArguments,
model_args: ModelArguments,
datasets: DatasetDict,
tokenizer,
model,
) -> NoReturn:
# eval 혹은 prediction에서만 사용함
column_names = datasets["validation"].column_names
question_column_name = "question" if "question" in column_names else column_names[0]
context_column_name = "context" if "context" in column_names else column_names[1]
answer_column_name = "answers" if "answers" in column_names else column_names[2]
# Padding에 대한 옵션을 설정합니다.
# (question|context) 혹은 (context|question)로 세팅 가능합니다.
pad_on_right = tokenizer.padding_side == "right"
# 오류가 있는지 확인합니다.
last_checkpoint, max_seq_length = check_no_error(
data_args, training_args, datasets, tokenizer
)
# Validation preprocessing / 전처리를 진행합니다.
def prepare_validation_features(examples):
# truncation과 padding(length가 짧을때만)을 통해 toknization을 진행하며, stride를 이용하여 overflow를 유지합니다.
# 각 example들은 이전의 context와 조금씩 겹치게됩니다.
tokenized_examples = tokenizer(
examples[question_column_name if pad_on_right else context_column_name],
examples[context_column_name if pad_on_right else question_column_name],
truncation="only_second" if pad_on_right else "only_first",
max_length=max_seq_length,
stride=data_args.doc_stride,
return_overflowing_tokens=True,
return_offsets_mapping=True,
return_token_type_ids=False, # roberta모델을 사용할 경우 False, bert를 사용할 경우 True로 표기해야합니다.
padding="max_length" if data_args.pad_to_max_length else False,
)
# 길이가 긴 context가 등장할 경우 truncate를 진행해야하므로, 해당 데이터셋을 찾을 수 있도록 mapping 가능한 값이 필요합니다.
sample_mapping = tokenized_examples.pop("overflow_to_sample_mapping")
# evaluation을 위해, prediction을 context의 substring으로 변환해야합니다.
# corresponding example_id를 유지하고 offset mappings을 저장해야합니다.
tokenized_examples["example_id"] = []
for i in range(len(tokenized_examples["input_ids"])):
# sequence id를 설정합니다 (to know what is the context and what is the question).
sequence_ids = tokenized_examples.sequence_ids(i)
context_index = 1 if pad_on_right else 0
# 하나의 example이 여러개의 span을 가질 수 있습니다.
sample_index = sample_mapping[i]
tokenized_examples["example_id"].append(examples["id"][sample_index])
# context의 일부가 아닌 offset_mapping을 None으로 설정하여 토큰 위치가 컨텍스트의 일부인지 여부를 쉽게 판별할 수 있습니다.
tokenized_examples["offset_mapping"][i] = [
(o if sequence_ids[k] == context_index else None)
for k, o in enumerate(tokenized_examples["offset_mapping"][i])
]
return tokenized_examples
eval_dataset = datasets["validation"]
# Validation Feature 생성
eval_dataset = eval_dataset.map(
prepare_validation_features,
batched=True,
num_proc=data_args.preprocessing_num_workers,
remove_columns=column_names,
load_from_cache_file=not data_args.overwrite_cache,
)
# Data collator
# flag가 True이면 이미 max length로 padding된 상태입니다.
# 그렇지 않다면 data collator에서 padding을 진행해야합니다.
data_collator = DataCollatorWithPadding(
tokenizer, pad_to_multiple_of=8 if training_args.fp16 else None
)
# 파일을 저장할 때 뒤에 모델명이 붙도록 하기 위해 prefix를 정의합니다
if "roberta-large" in model_args.model_name_or_path:
prefix = "roberta"
elif "bert-base" in model_args.model_name_or_path:
prefix = "bert"
elif "electra" in model_args.model_name_or_path:
prefix = "electra"
# Post-processing:
def post_processing_function(
examples,
features,
predictions: Tuple[np.ndarray, np.ndarray],
training_args: TrainingArguments,
) -> EvalPrediction:
# Post-processing: start logits과 end logits을 original context의 정답과 match시킵니다.
# prefix를 통해 prediction한 파일의 뒤에 _{model_name}이 붙도록 합니다
predictions = postprocess_qa_predictions(
examples=examples,
features=features,
predictions=predictions,
max_answer_length=data_args.max_answer_length,
output_dir=training_args.output_dir,
prefix=prefix,
)
# Metric을 구할 수 있도록 Format을 맞춰줍니다.
formatted_predictions = [
{"id": k, "prediction_text": v} for k, v in predictions.items()
]
if training_args.do_predict:
return formatted_predictions
elif training_args.do_eval:
references = [
{"id": ex["id"], "answers": ex[answer_column_name]}
for ex in datasets["validation"]
]
return EvalPrediction(
predictions=formatted_predictions, label_ids=references
)
metric = load_metric("squad")
def compute_metrics(p: EvalPrediction) -> Dict:
return metric.compute(predictions=p.predictions, references=p.label_ids)
print("init trainer...")
# Trainer 초기화
trainer = QuestionAnsweringTrainer(
model=model,
args=training_args,
train_dataset=None,
eval_dataset=eval_dataset,
eval_examples=datasets["validation"],
tokenizer=tokenizer,
data_collator=data_collator,
post_process_function=post_processing_function,
compute_metrics=compute_metrics,
)
logger.info("*** Evaluate ***")
#### eval dataset & eval example - predictions.json 생성됨
if training_args.do_predict:
predictions = trainer.predict(
test_dataset=eval_dataset, test_examples=datasets["validation"]
)
# predictions.json 은 postprocess_qa_predictions() 호출시 이미 저장됩니다.
print(
"No metric can be presented because there is no correct answer given. Job done!"
)
if __name__ == "__main__":
main()