spaCy/spacy/cli/train.py

307 lines
13 KiB
Python
Raw Normal View History

2017-03-23 13:08:41 +03:00
# coding: utf8
from __future__ import unicode_literals, division, print_function
import plac
from pathlib import Path
2017-05-21 17:07:06 +03:00
import tqdm
2017-09-21 03:17:10 +03:00
from thinc.neural._classes.model import Model
from timeit import default_timer as timer
2018-06-25 12:50:37 +03:00
import json
2018-06-25 14:40:17 +03:00
import shutil
2017-03-23 13:08:41 +03:00
from ._messages import Messages
from ..attrs import PROB, IS_OOV, CLUSTER, LANG
from ..gold import GoldCorpus
from ..util import prints, minibatch, minibatch_by_words
2017-03-23 13:08:41 +03:00
from .. import util
from .. import about
from .. import displacy
2017-06-05 04:18:37 +03:00
from ..compat import json_dumps
2017-03-23 13:08:41 +03:00
@plac.annotations(
lang=("model language", "positional", None, str),
output_dir=("output directory to store model in", "positional", None, str),
2017-10-27 15:38:39 +03:00
train_data=("location of JSON-formatted training data", "positional",
None, str),
dev_data=("location of JSON-formatted development data (optional)",
"positional", None, str),
n_iter=("number of iterations", "option", "n", int),
n_sents=("number of sentences", "option", "ns", int),
2017-06-04 00:10:23 +03:00
use_gpu=("Use GPU", "option", "g", int),
2017-09-23 04:00:40 +03:00
vectors=("Model to load vectors from", "option", "v"),
no_tagger=("Don't train tagger", "flag", "T", bool),
no_parser=("Don't train parser", "flag", "P", bool),
2017-08-20 19:07:00 +03:00
no_entities=("Don't train NER", "flag", "N", bool),
2018-02-18 12:59:11 +03:00
parser_multitasks=("Side objectives for parser CNN, e.g. dep dep,tag", "option", "pt", str),
2018-08-16 01:41:44 +03:00
noise_level=("Amount of corruption to add for data augmentation", "option", "nl", float),
2018-02-18 12:59:11 +03:00
entity_multitasks=("Side objectives for ner CNN, e.g. dep dep,tag", "option", "et", str),
2017-08-20 19:07:00 +03:00
gold_preproc=("Use gold preprocessing", "flag", "G", bool),
2017-09-26 18:59:34 +03:00
version=("Model version", "option", "V", str),
2017-10-27 15:38:39 +03:00
meta_path=("Optional path to meta.json. All relevant properties will be "
"overwritten.", "option", "m", Path),
init_tok2vec=("Path to pretrained weights for the token-to-vector parts "
"of the models. See 'spacy pretrain'. Experimental.", "option", "t2v", Path),
verbose=("Display more information for debug", "option", None, bool))
def train(lang, output_dir, train_data, dev_data, n_iter=30, n_sents=0,
parser_multitasks='', entity_multitasks='', init_tok2vec=None,
2018-08-16 01:41:44 +03:00
use_gpu=-1, vectors=None, no_tagger=False, noise_level=0.0,
no_parser=False, no_entities=False, gold_preproc=False,
version="0.0.0", meta_path=None, verbose=False):
"""
Train a model. Expects data in spaCy's JSON format.
"""
2018-02-13 14:42:23 +03:00
util.fix_random_seed()
2017-06-03 21:28:20 +03:00
util.set_env_log(True)
n_sents = n_sents or None
2017-05-08 00:25:29 +03:00
output_path = util.ensure_path(output_dir)
train_path = util.ensure_path(train_data)
dev_path = util.ensure_path(dev_data)
meta_path = util.ensure_path(meta_path)
2017-05-08 00:25:29 +03:00
if not train_path.exists():
prints(train_path, title=Messages.M050, exits=1)
2017-05-08 00:25:29 +03:00
if dev_path and not dev_path.exists():
prints(dev_path, title=Messages.M051, exits=1)
if meta_path is not None and not meta_path.exists():
prints(meta_path, title=Messages.M020, exits=1)
meta = util.read_json(meta_path) if meta_path else {}
if not isinstance(meta, dict):
prints(Messages.M053.format(meta_type=type(meta)),
title=Messages.M052, exits=1)
2017-10-11 09:49:12 +03:00
meta.setdefault('lang', lang)
meta.setdefault('name', 'unnamed')
if not output_path.exists():
output_path.mkdir()
2017-03-23 13:08:41 +03:00
print("Counting training words (limit=%s" % n_sents)
corpus = GoldCorpus(train_path, dev_path, limit=n_sents)
n_train_words = corpus.count_train()
print(n_train_words)
pipeline = ['tagger', 'parser', 'ner']
2017-10-27 15:38:39 +03:00
if no_tagger and 'tagger' in pipeline:
pipeline.remove('tagger')
if no_parser and 'parser' in pipeline:
pipeline.remove('parser')
if no_entities and 'ner' in pipeline:
pipeline.remove('ner')
2017-03-23 13:08:41 +03:00
2017-05-26 00:16:30 +03:00
# Take dropout and batch size as generators of values -- dropout
# starts high and decays sharply, to force the optimizer to explore.
# Batch size starts at 1 and grows, so that we make updates quickly
# at the beginning of training.
2017-10-08 10:08:12 +03:00
dropout_rates = util.decaying(util.env_opt('dropout_from', 0.2),
util.env_opt('dropout_to', 0.2),
util.env_opt('dropout_decay', 0.0))
batch_sizes = util.compounding(util.env_opt('batch_from', 1000),
util.env_opt('batch_to', 1000),
2017-05-26 00:16:30 +03:00
util.env_opt('batch_compound', 1.001))
2017-09-23 04:00:40 +03:00
lang_class = util.get_lang_class(lang)
nlp = lang_class()
2017-10-11 09:55:52 +03:00
meta['pipeline'] = pipeline
nlp.meta.update(meta)
2017-09-23 04:00:40 +03:00
if vectors:
2018-03-28 17:33:43 +03:00
print("Load vectors model", vectors)
2017-09-23 04:00:40 +03:00
util.load_model(vectors, vocab=nlp.vocab)
for lex in nlp.vocab:
values = {}
for attr, func in nlp.vocab.lex_attr_getters.items():
# These attrs are expected to be set by data. Others should
# be set by calling the language functions.
if attr not in (CLUSTER, PROB, IS_OOV, LANG):
values[lex.vocab.strings[attr]] = func(lex.orth_)
lex.set_attrs(**values)
lex.is_oov = False
for name in pipeline:
nlp.add_pipe(nlp.create_pipe(name), name=name)
nlp.add_pipe(nlp.create_pipe('merge_subtokens'))
2018-02-18 12:59:11 +03:00
if parser_multitasks:
for objective in parser_multitasks.split(','):
nlp.parser.add_multitask_objective(objective)
if entity_multitasks:
for objective in entity_multitasks.split(','):
nlp.entity.add_multitask_objective(objective)
2017-06-04 00:10:23 +03:00
optimizer = nlp.begin_training(lambda: corpus.train_tuples, device=use_gpu)
if init_tok2vec is not None:
loaded = _load_pretrained_tok2vec(nlp, init_tok2vec)
print("Loaded pretrained tok2vec for:", loaded)
2017-09-02 20:46:01 +03:00
nlp._optimizer = None
2017-05-26 00:16:30 +03:00
print("Itn. Dep Loss NER Loss UAS NER P. NER R. NER F. Tag % Token % CPU WPS GPU WPS")
2017-05-26 13:52:09 +03:00
try:
for i in range(n_iter):
2018-08-16 01:41:44 +03:00
train_docs = corpus.train_docs(nlp, noise_level=noise_level,
gold_preproc=gold_preproc, max_length=0)
words_seen = 0
2017-06-05 04:18:37 +03:00
with tqdm.tqdm(total=n_train_words, leave=False) as pbar:
2017-05-26 13:52:09 +03:00
losses = {}
for batch in minibatch_by_words(train_docs, size=batch_sizes):
2017-11-03 03:54:54 +03:00
if not batch:
continue
2017-05-26 13:52:09 +03:00
docs, golds = zip(*batch)
nlp.update(docs, golds, sgd=optimizer,
2017-09-24 13:00:37 +03:00
drop=next(dropout_rates), losses=losses)
2017-06-05 04:18:37 +03:00
pbar.update(sum(len(doc) for doc in docs))
words_seen += sum(len(doc) for doc in docs)
2017-05-26 13:52:09 +03:00
with nlp.use_params(optimizer.averages):
2017-06-03 21:28:20 +03:00
util.set_env_log(False)
epoch_model_path = output_path / ('model%d' % i)
nlp.to_disk(epoch_model_path)
nlp_loaded = util.load_model_from_path(epoch_model_path)
2017-10-09 16:05:37 +03:00
dev_docs = list(corpus.dev_docs(
2017-06-03 21:28:20 +03:00
nlp_loaded,
2017-10-09 16:05:37 +03:00
gold_preproc=gold_preproc))
nwords = sum(len(doc_gold[0]) for doc_gold in dev_docs)
start_time = timer()
scorer = nlp_loaded.evaluate(dev_docs, verbose)
2017-10-09 16:05:37 +03:00
end_time = timer()
if use_gpu < 0:
gpu_wps = None
cpu_wps = nwords/(end_time-start_time)
else:
gpu_wps = nwords/(end_time-start_time)
with Model.use_device('cpu'):
nlp_loaded = util.load_model_from_path(epoch_model_path)
2017-10-09 16:05:37 +03:00
dev_docs = list(corpus.dev_docs(
nlp_loaded, gold_preproc=gold_preproc))
start_time = timer()
scorer = nlp_loaded.evaluate(dev_docs)
end_time = timer()
cpu_wps = nwords/(end_time-start_time)
2017-10-27 15:38:39 +03:00
acc_loc = (output_path / ('model%d' % i) / 'accuracy.json')
2017-06-05 04:18:37 +03:00
with acc_loc.open('w') as file_:
file_.write(json_dumps(scorer.scores))
meta_loc = output_path / ('model%d' % i) / 'meta.json'
meta['accuracy'] = scorer.scores
meta['speed'] = {'nwords': nwords, 'cpu': cpu_wps,
'gpu': gpu_wps}
meta['vectors'] = {'width': nlp.vocab.vectors_length,
2017-11-01 03:25:09 +03:00
'vectors': len(nlp.vocab.vectors),
'keys': nlp.vocab.vectors.n_keys}
meta['lang'] = nlp.lang
meta['pipeline'] = pipeline
meta['spacy_version'] = '>=%s' % about.__version__
meta.setdefault('name', 'model%d' % i)
2017-09-26 18:34:52 +03:00
meta.setdefault('version', version)
with meta_loc.open('w') as file_:
file_.write(json_dumps(meta))
2017-06-03 21:28:20 +03:00
util.set_env_log(True)
2017-10-27 15:38:39 +03:00
print_progress(i, losses, scorer.scores, cpu_wps=cpu_wps,
gpu_wps=gpu_wps)
2017-05-26 13:52:09 +03:00
finally:
print("Saving model...")
2017-12-10 23:29:50 +03:00
with nlp.use_params(optimizer.averages):
final_model_path = output_path / 'model-final'
nlp.to_disk(final_model_path)
components = []
if not no_parser:
components.append('parser')
if not no_tagger:
components.append('tagger')
if not no_entities:
components.append('ner')
_collate_best_model(meta, output_path, components)
2018-06-25 00:39:52 +03:00
def _load_pretrained_tok2vec(nlp, loc):
"""Load pre-trained weights for the 'token-to-vector' part of the component
models, which is typically a CNN. See 'spacy pretrain'. Experimental.
"""
with loc.open('rb') as file_:
weights_data = file_.read()
loaded = []
for name, component in nlp.pipeline:
if hasattr(component, 'model') and hasattr(component.model, 'tok2vec'):
component.model.tok2vec.from_bytes(weights_data)
loaded.append(name)
return loaded
2018-06-25 00:39:52 +03:00
def _collate_best_model(meta, output_path, components):
bests = {}
for component in components:
bests[component] = _find_best(output_path, component)
best_dest = output_path / 'model-best'
shutil.copytree(output_path / 'model-final', best_dest)
for component, best_component_src in bests.items():
2018-06-25 15:35:24 +03:00
shutil.rmtree(best_dest / component)
2018-06-26 00:05:56 +03:00
shutil.copytree(best_component_src / component, best_dest / component)
2018-06-25 00:39:52 +03:00
with (best_component_src / 'accuracy.json').open() as file_:
accs = json.load(file_)
for metric in _get_metrics(component):
meta['accuracy'][metric] = accs[metric]
with (best_dest / 'meta.json').open('w') as file_:
file_.write(json_dumps(meta))
def _find_best(experiment_dir, component):
accuracies = []
for epoch_model in experiment_dir.iterdir():
if epoch_model.is_dir() and epoch_model.parts[-1] != "model-final":
accs = json.load((epoch_model / "accuracy.json").open())
scores = [accs.get(metric, 0.0) for metric in _get_metrics(component)]
accuracies.append((scores, epoch_model))
if accuracies:
return max(accuracies)[1]
else:
return None
def _get_metrics(component):
if component == "parser":
return ("las", "uas", "token_acc")
elif component == "tagger":
return ("tags_acc",)
elif component == "ner":
return ("ents_f", "ents_p", "ents_r")
return ("token_acc",)
def _render_parses(i, to_render):
to_render[0].user_data['title'] = "Batch %d" % i
with Path('/tmp/entities.html').open('w') as file_:
html = displacy.render(to_render[:5], style='ent', page=True)
file_.write(html)
with Path('/tmp/parses.html').open('w') as file_:
html = displacy.render(to_render[:5], style='dep', page=True)
file_.write(html)
2017-03-23 13:08:41 +03:00
2017-10-09 16:05:37 +03:00
def print_progress(itn, losses, dev_scores, cpu_wps=0.0, gpu_wps=0.0):
scores = {}
2017-05-22 18:41:39 +03:00
for col in ['dep_loss', 'tag_loss', 'uas', 'tags_acc', 'token_acc',
2017-10-09 16:05:37 +03:00
'ents_p', 'ents_r', 'ents_f', 'cpu_wps', 'gpu_wps']:
scores[col] = 0.0
2017-05-25 04:10:20 +03:00
scores['dep_loss'] = losses.get('parser', 0.0)
2017-09-28 16:05:31 +03:00
scores['ner_loss'] = losses.get('ner', 0.0)
2017-05-25 04:10:20 +03:00
scores['tag_loss'] = losses.get('tagger', 0.0)
scores.update(dev_scores)
2017-10-09 16:05:37 +03:00
scores['cpu_wps'] = cpu_wps
scores['gpu_wps'] = gpu_wps or 0.0
tpl = ''.join((
'{:<6d}',
'{dep_loss:<10.3f}',
'{ner_loss:<10.3f}',
'{uas:<8.3f}',
'{ents_p:<8.3f}',
'{ents_r:<8.3f}',
'{ents_f:<8.3f}',
'{tags_acc:<8.3f}',
'{token_acc:<9.3f}',
'{cpu_wps:<9.1f}',
2017-10-09 16:05:37 +03:00
'{gpu_wps:.1f}',
))
print(tpl.format(itn, **scores))
2017-03-23 13:08:41 +03:00
def print_results(scorer):
2017-03-26 15:16:52 +03:00
results = {
'TOK': '%.2f' % scorer.token_acc,
'POS': '%.2f' % scorer.tags_acc,
'UAS': '%.2f' % scorer.uas,
'LAS': '%.2f' % scorer.las,
'NER P': '%.2f' % scorer.ents_p,
'NER R': '%.2f' % scorer.ents_r,
'NER F': '%.2f' % scorer.ents_f}
2017-03-23 13:08:41 +03:00
util.print_table(results, title="Results")