2014-12-16 14:44:43 +03:00
|
|
|
"""
|
|
|
|
MALT-style dependency parser
|
|
|
|
"""
|
2017-04-15 14:05:15 +03:00
|
|
|
# coding: utf-8
|
|
|
|
# cython: infer_types=True
|
2014-12-16 14:44:43 +03:00
|
|
|
from __future__ import unicode_literals
|
2017-04-15 14:05:15 +03:00
|
|
|
|
|
|
|
from collections import Counter
|
|
|
|
import ujson
|
|
|
|
|
2014-12-16 14:44:43 +03:00
|
|
|
cimport cython
|
2016-02-05 14:20:42 +03:00
|
|
|
cimport cython.parallel
|
2015-06-10 05:20:23 +03:00
|
|
|
|
2017-04-27 14:18:39 +03:00
|
|
|
import numpy.random
|
|
|
|
|
2015-06-10 05:20:23 +03:00
|
|
|
from cpython.ref cimport PyObject, Py_INCREF, Py_XDECREF
|
2016-01-16 18:18:44 +03:00
|
|
|
from cpython.exc cimport PyErr_CheckSignals
|
2014-12-19 01:30:50 +03:00
|
|
|
from libc.stdint cimport uint32_t, uint64_t
|
2015-06-02 19:38:41 +03:00
|
|
|
from libc.string cimport memset, memcpy
|
2016-02-01 10:34:55 +03:00
|
|
|
from libc.stdlib cimport malloc, calloc, free
|
2015-06-08 15:49:04 +03:00
|
|
|
from thinc.typedefs cimport weight_t, class_t, feat_t, atom_t, hash_t
|
2016-01-30 16:31:12 +03:00
|
|
|
from thinc.linear.avgtron cimport AveragedPerceptron
|
|
|
|
from thinc.linalg cimport VecVec
|
2017-04-15 14:05:15 +03:00
|
|
|
from thinc.structs cimport SparseArrayC, FeatureC, ExampleC
|
|
|
|
from thinc.extra.eg cimport Example
|
|
|
|
from cymem.cymem cimport Pool, Address
|
|
|
|
from murmurhash.mrmr cimport hash64
|
2016-02-01 05:08:42 +03:00
|
|
|
from preshed.maps cimport MapStruct
|
|
|
|
from preshed.maps cimport map_get
|
2017-03-10 20:21:21 +03:00
|
|
|
|
2014-12-16 14:44:43 +03:00
|
|
|
from . import _parse_features
|
2015-06-09 22:20:14 +03:00
|
|
|
from ._parse_features cimport CONTEXT_SIZE
|
2015-06-10 00:23:28 +03:00
|
|
|
from ._parse_features cimport fill_context
|
|
|
|
from .stateclass cimport StateClass
|
2016-02-01 10:34:55 +03:00
|
|
|
from ._state cimport StateC
|
2017-04-15 14:05:15 +03:00
|
|
|
from .nonproj import PseudoProjectivity
|
|
|
|
from .transition_system import OracleError
|
|
|
|
from .transition_system cimport TransitionSystem, Transition
|
|
|
|
from ..structs cimport TokenC
|
|
|
|
from ..tokens.doc cimport Doc
|
|
|
|
from ..strings cimport StringStore
|
|
|
|
from ..gold cimport GoldParse
|
2017-05-06 15:22:20 +03:00
|
|
|
from ..attrs cimport TAG, DEP
|
|
|
|
|
|
|
|
from .._ml import build_parser_state2vec, build_model
|
2017-04-15 14:05:15 +03:00
|
|
|
|
2014-12-16 14:44:43 +03:00
|
|
|
|
2017-04-16 19:02:42 +03:00
|
|
|
USE_FTRL = True
|
2015-04-19 11:31:31 +03:00
|
|
|
DEBUG = False
|
2014-12-16 14:44:43 +03:00
|
|
|
def set_debug(val):
|
|
|
|
global DEBUG
|
|
|
|
DEBUG = val
|
|
|
|
|
|
|
|
|
2017-05-05 20:20:39 +03:00
|
|
|
def get_templates(*args, **kwargs):
|
|
|
|
return []
|
2015-11-06 19:24:30 +03:00
|
|
|
|
|
|
|
|
2015-06-02 01:28:02 +03:00
|
|
|
cdef class Parser:
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Base class of the DependencyParser and EntityRecognizer.
|
|
|
|
"""
|
2015-08-26 20:19:01 +03:00
|
|
|
@classmethod
|
2016-11-25 18:00:21 +03:00
|
|
|
def load(cls, path, Vocab vocab, TransitionSystem=None, require=False, **cfg):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Load the statistical model from the supplied path.
|
2016-11-01 14:25:36 +03:00
|
|
|
|
|
|
|
Arguments:
|
|
|
|
path (Path):
|
|
|
|
The path to load from.
|
|
|
|
vocab (Vocab):
|
|
|
|
The vocabulary. Must be shared by the documents to be processed.
|
|
|
|
require (bool):
|
|
|
|
Whether to raise an error if the files are not found.
|
|
|
|
Returns (Parser):
|
|
|
|
The newly constructed object.
|
|
|
|
"""
|
2016-09-27 15:02:12 +03:00
|
|
|
with (path / 'config.json').open() as file_:
|
2017-04-15 14:05:15 +03:00
|
|
|
cfg = ujson.load(file_)
|
2016-10-16 22:34:57 +03:00
|
|
|
self = cls(vocab, TransitionSystem=TransitionSystem, model=None, **cfg)
|
|
|
|
if (path / 'model').exists():
|
|
|
|
self.model.load(str(path / 'model'))
|
|
|
|
elif require:
|
|
|
|
raise IOError(
|
|
|
|
"Required file %s/model not found when loading" % str(path))
|
|
|
|
return self
|
|
|
|
|
2017-05-04 13:17:36 +03:00
|
|
|
def __init__(self, Vocab vocab, TransitionSystem=None, model=None, **cfg):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Create a Parser.
|
2016-11-01 14:25:36 +03:00
|
|
|
|
|
|
|
Arguments:
|
|
|
|
vocab (Vocab):
|
|
|
|
The vocabulary object. Must be shared with documents to be processed.
|
2017-05-04 13:17:36 +03:00
|
|
|
model (thinc Model):
|
2016-11-01 14:25:36 +03:00
|
|
|
The statistical model.
|
|
|
|
Returns (Parser):
|
|
|
|
The newly constructed object.
|
|
|
|
"""
|
2016-10-16 22:34:57 +03:00
|
|
|
if TransitionSystem is None:
|
|
|
|
TransitionSystem = self.TransitionSystem
|
2016-10-23 18:45:44 +03:00
|
|
|
self.vocab = vocab
|
2017-04-20 18:02:44 +03:00
|
|
|
cfg['actions'] = TransitionSystem.get_actions(**cfg)
|
|
|
|
self.moves = TransitionSystem(vocab.strings, cfg['actions'])
|
2017-05-04 13:17:36 +03:00
|
|
|
if model is None:
|
|
|
|
model = self.build_model(**cfg)
|
|
|
|
self.model = model
|
2016-09-24 16:42:01 +03:00
|
|
|
self.cfg = cfg
|
2017-05-05 20:20:39 +03:00
|
|
|
|
2015-10-12 11:33:11 +03:00
|
|
|
def __reduce__(self):
|
2016-09-24 16:42:01 +03:00
|
|
|
return (Parser, (self.vocab, self.moves, self.model), None, None)
|
2015-10-12 11:33:11 +03:00
|
|
|
|
2017-05-06 15:22:20 +03:00
|
|
|
def build_model(self, width=8, nr_vector=1000, nF=1, nB=1, nS=1, nL=1, nR=1, **_):
|
|
|
|
state2vec = build_parser_state2vec(width, nr_vector, nF, nB, nL, nR)
|
|
|
|
model = build_model(state2vec, width, 2, self.moves.n_moves)
|
|
|
|
return model
|
|
|
|
|
2015-11-06 19:24:30 +03:00
|
|
|
def __call__(self, Doc tokens):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
2017-05-04 13:17:36 +03:00
|
|
|
Apply the parser or entity recognizer, setting the annotations onto the Doc object.
|
2016-11-01 14:25:36 +03:00
|
|
|
|
|
|
|
Arguments:
|
|
|
|
doc (Doc): The document to be processed.
|
|
|
|
Returns:
|
|
|
|
None
|
|
|
|
"""
|
2017-05-04 13:17:36 +03:00
|
|
|
self.parse_batch([tokens])
|
2016-05-02 15:25:10 +03:00
|
|
|
self.moves.finalize_doc(tokens)
|
2017-05-06 15:22:20 +03:00
|
|
|
|
2016-02-03 04:04:55 +03:00
|
|
|
def pipe(self, stream, int batch_size=1000, int n_threads=2):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Process a stream of documents.
|
2016-11-01 14:25:36 +03:00
|
|
|
|
|
|
|
Arguments:
|
|
|
|
stream: The sequence of documents to process.
|
|
|
|
batch_size (int):
|
|
|
|
The number of documents to accumulate into a working set.
|
|
|
|
n_threads (int):
|
|
|
|
The number of threads with which to work on the buffer in parallel.
|
|
|
|
Yields (Doc): Documents, in order.
|
|
|
|
"""
|
2016-02-03 04:04:55 +03:00
|
|
|
cdef Pool mem = Pool()
|
|
|
|
cdef int* lengths = <int*>mem.alloc(batch_size, sizeof(int))
|
2016-02-01 10:34:55 +03:00
|
|
|
cdef Doc doc
|
|
|
|
cdef int i
|
|
|
|
cdef int nr_feat = self.model.nr_feat
|
2016-02-06 12:06:13 +03:00
|
|
|
cdef int status
|
2016-02-03 04:04:55 +03:00
|
|
|
queue = []
|
|
|
|
for doc in stream:
|
2016-02-05 21:37:50 +03:00
|
|
|
queue.append(doc)
|
2016-02-03 04:04:55 +03:00
|
|
|
if len(queue) == batch_size:
|
2017-05-04 13:17:36 +03:00
|
|
|
self.parse_batch(queue)
|
2016-02-03 04:04:55 +03:00
|
|
|
for doc in queue:
|
2016-05-02 15:25:10 +03:00
|
|
|
self.moves.finalize_doc(doc)
|
2016-02-03 04:04:55 +03:00
|
|
|
yield doc
|
|
|
|
queue = []
|
2017-05-04 13:17:36 +03:00
|
|
|
if queue:
|
|
|
|
self.parse_batch(queue)
|
|
|
|
for doc in queue:
|
|
|
|
self.moves.finalize_doc(doc)
|
|
|
|
yield doc
|
|
|
|
|
2017-05-06 15:22:20 +03:00
|
|
|
def parse_batch(self, docs):
|
|
|
|
states = self._init_states(docs)
|
|
|
|
nr_class = self.moves.n_moves
|
|
|
|
cdef Doc doc
|
|
|
|
cdef StateClass state
|
|
|
|
cdef int guess
|
|
|
|
is_valid = self.model.ops.allocate((len(docs), nr_class), dtype='i')
|
|
|
|
tokvecs = [d.tensor for d in docs]
|
|
|
|
attr_names = self.model.ops.allocate((2,), dtype='i')
|
|
|
|
attr_names[0] = TAG
|
|
|
|
attr_names[1] = DEP
|
|
|
|
all_states = list(states)
|
|
|
|
todo = zip(states, tokvecs)
|
|
|
|
while todo:
|
|
|
|
states, tokvecs = zip(*todo)
|
|
|
|
features = self._get_features(states, tokvecs, attr_names)
|
|
|
|
scores = self.model.predict(features)
|
|
|
|
self._validate_batch(is_valid, states)
|
|
|
|
scores *= is_valid
|
|
|
|
for state, guess in zip(states, scores.argmax(axis=1)):
|
|
|
|
action = self.moves.c[guess]
|
|
|
|
action.do(state.c, action.label)
|
|
|
|
todo = filter(lambda sp: not sp[0].is_final(), todo)
|
|
|
|
for state, doc in zip(all_states, docs):
|
|
|
|
self.moves.finalize_state(state.c)
|
|
|
|
for i in range(doc.length):
|
|
|
|
doc.c[i] = state.c._sent[i]
|
|
|
|
|
|
|
|
|
2017-05-04 13:17:36 +03:00
|
|
|
def update(self, docs, golds, drop=0., sgd=None):
|
|
|
|
if isinstance(docs, Doc) and isinstance(golds, GoldParse):
|
|
|
|
return self.update([docs], [golds], drop=drop)
|
2017-05-06 15:22:20 +03:00
|
|
|
for gold in golds:
|
|
|
|
self.moves.preprocess_gold(gold)
|
2017-05-04 13:17:36 +03:00
|
|
|
states = self._init_states(docs)
|
2017-05-06 15:22:20 +03:00
|
|
|
tokvecs = [d.tensor for d in docs]
|
2017-05-05 20:20:39 +03:00
|
|
|
d_tokens = [self.model.ops.allocate(d.tensor.shape) for d in docs]
|
2017-03-15 17:31:01 +03:00
|
|
|
nr_class = self.moves.n_moves
|
2017-05-05 20:20:39 +03:00
|
|
|
costs = self.model.ops.allocate((len(docs), nr_class), dtype='f')
|
2017-05-06 15:22:20 +03:00
|
|
|
gradients = self.model.ops.allocate((len(docs), nr_class), dtype='f')
|
2017-05-05 20:20:39 +03:00
|
|
|
is_valid = self.model.ops.allocate((len(docs), nr_class), dtype='i')
|
2017-05-06 15:22:20 +03:00
|
|
|
attr_names = self.model.ops.allocate((2,), dtype='i')
|
|
|
|
attr_names[0] = TAG
|
|
|
|
attr_names[1] = DEP
|
|
|
|
output = list(d_tokens)
|
|
|
|
todo = zip(states, tokvecs, golds, d_tokens)
|
|
|
|
assert len(states) == len(todo)
|
|
|
|
loss = 0.
|
|
|
|
while todo:
|
|
|
|
states, tokvecs, golds, d_tokens = zip(*todo)
|
|
|
|
features = self._get_features(states, tokvecs, attr_names)
|
2017-05-05 20:20:39 +03:00
|
|
|
|
2017-05-06 15:22:20 +03:00
|
|
|
scores, finish_update = self.model.begin_update(features, drop=drop)
|
|
|
|
assert scores.shape == (len(states), self.moves.n_moves), (len(states), scores.shape)
|
|
|
|
|
|
|
|
self._cost_batch(costs, is_valid, states, golds)
|
2017-05-05 20:20:39 +03:00
|
|
|
scores *= is_valid
|
2017-05-04 13:17:36 +03:00
|
|
|
self._set_gradient(gradients, scores, costs)
|
2017-05-06 15:22:20 +03:00
|
|
|
loss += numpy.abs(gradients).sum() / gradients.shape[0]
|
2016-10-27 18:58:56 +03:00
|
|
|
|
2017-05-05 20:20:39 +03:00
|
|
|
token_ids, batch_token_grads = finish_update(gradients, sgd=sgd)
|
|
|
|
for i, tok_i in enumerate(token_ids):
|
2017-05-06 15:22:20 +03:00
|
|
|
d_tokens[i][tok_i] += batch_token_grads[i]
|
2016-01-30 16:31:12 +03:00
|
|
|
|
2017-05-05 20:20:39 +03:00
|
|
|
self._transition_batch(states, scores)
|
|
|
|
|
|
|
|
# Get unfinished states (and their matching gold and token gradients)
|
2017-05-06 15:22:20 +03:00
|
|
|
todo = filter(lambda sp: not sp[0].is_final(), todo)
|
2017-05-05 20:20:39 +03:00
|
|
|
costs = costs[:len(todo)]
|
|
|
|
is_valid = is_valid[:len(todo)]
|
2017-05-06 15:22:20 +03:00
|
|
|
gradients = gradients[:len(todo)]
|
2017-05-05 20:20:39 +03:00
|
|
|
|
|
|
|
gradients.fill(0)
|
|
|
|
costs.fill(0)
|
|
|
|
is_valid.fill(1)
|
2017-05-06 15:22:20 +03:00
|
|
|
return output, loss
|
2017-03-10 03:43:21 +03:00
|
|
|
|
2017-05-04 13:17:36 +03:00
|
|
|
def _init_states(self, docs):
|
|
|
|
states = []
|
|
|
|
cdef Doc doc
|
2017-05-05 20:20:39 +03:00
|
|
|
cdef StateClass state
|
2017-05-04 13:17:36 +03:00
|
|
|
for i, doc in enumerate(docs):
|
2017-05-06 15:22:20 +03:00
|
|
|
state = StateClass.init(doc.c, doc.length)
|
2017-05-05 20:20:39 +03:00
|
|
|
self.moves.initialize_state(state.c)
|
|
|
|
states.append(state)
|
2017-05-04 13:17:36 +03:00
|
|
|
return states
|
|
|
|
|
2017-05-06 15:22:20 +03:00
|
|
|
def _get_features(self, states, all_tokvecs, attr_names,
|
|
|
|
nF=1, nB=0, nS=2, nL=2, nR=2):
|
|
|
|
n_tokens = states[0].nr_context_tokens(nF, nB, nS, nL, nR)
|
|
|
|
vector_length = all_tokvecs[0].shape[1]
|
|
|
|
tokens = self.model.ops.allocate((len(states), n_tokens), dtype='int32')
|
|
|
|
features = self.model.ops.allocate((len(states), n_tokens, attr_names.shape[0]), dtype='uint64')
|
|
|
|
tokvecs = self.model.ops.allocate((len(states), n_tokens, vector_length), dtype='f')
|
|
|
|
for i, state in enumerate(states):
|
|
|
|
state.set_context_tokens(tokens[i], nF, nB, nS, nL, nR)
|
|
|
|
state.set_attributes(features[i], tokens[i], attr_names)
|
|
|
|
state.set_token_vectors(tokvecs[i], all_tokvecs[i], tokens[i])
|
|
|
|
return (tokens, features, tokvecs)
|
|
|
|
|
2017-05-05 20:20:39 +03:00
|
|
|
def _validate_batch(self, int[:, ::1] is_valid, states):
|
|
|
|
cdef StateClass state
|
|
|
|
cdef int i
|
|
|
|
for i, state in enumerate(states):
|
|
|
|
self.moves.set_valid(&is_valid[i, 0], state.c)
|
|
|
|
|
|
|
|
def _cost_batch(self, weight_t[:, ::1] costs, int[:, ::1] is_valid,
|
|
|
|
states, golds):
|
|
|
|
cdef int i
|
|
|
|
cdef StateClass state
|
|
|
|
cdef GoldParse gold
|
|
|
|
for i, (state, gold) in enumerate(zip(states, golds)):
|
|
|
|
self.moves.set_costs(&is_valid[i, 0], &costs[i, 0], state, gold)
|
|
|
|
|
|
|
|
def _transition_batch(self, states, scores):
|
|
|
|
cdef StateClass state
|
|
|
|
cdef int guess
|
|
|
|
for state, guess in zip(states, scores.argmax(axis=1)):
|
|
|
|
action = self.moves.c[guess]
|
|
|
|
action.do(state.c, action.label)
|
|
|
|
|
2017-05-04 13:17:36 +03:00
|
|
|
def _set_gradient(self, gradients, scores, costs):
|
|
|
|
"""Do multi-label log loss"""
|
|
|
|
cdef double Z, gZ, max_, g_max
|
2017-05-05 20:20:39 +03:00
|
|
|
g_scores = scores * (costs <= 0)
|
2017-05-06 15:22:20 +03:00
|
|
|
maxes = scores.max(axis=1).reshape((scores.shape[0], 1))
|
|
|
|
g_maxes = g_scores.max(axis=1).reshape((g_scores.shape[0], 1))
|
|
|
|
exps = numpy.exp((scores-maxes))
|
|
|
|
g_exps = numpy.exp(g_scores-g_maxes)
|
2017-05-04 13:17:36 +03:00
|
|
|
|
2017-05-06 15:22:20 +03:00
|
|
|
Zs = exps.sum(axis=1).reshape((exps.shape[0], 1))
|
|
|
|
gZs = g_exps.sum(axis=1).reshape((g_exps.shape[0], 1))
|
2017-05-04 13:17:36 +03:00
|
|
|
logprob = exps / Zs
|
|
|
|
g_logprob = g_exps / gZs
|
|
|
|
gradients[:] = logprob - g_logprob
|
2015-08-10 01:08:46 +03:00
|
|
|
|
2017-04-10 12:37:04 +03:00
|
|
|
def step_through(self, Doc doc, GoldParse gold=None):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Set up a stepwise state, to introspect and control the transition sequence.
|
2016-11-01 14:25:36 +03:00
|
|
|
|
|
|
|
Arguments:
|
|
|
|
doc (Doc): The document to step through.
|
2017-04-10 12:37:04 +03:00
|
|
|
gold (GoldParse): Optional gold parse
|
2016-11-01 14:25:36 +03:00
|
|
|
Returns (StepwiseState):
|
|
|
|
A state object, to step through the annotation process.
|
|
|
|
"""
|
2017-04-10 12:37:04 +03:00
|
|
|
return StepwiseState(self, doc, gold=gold)
|
2015-08-10 01:08:46 +03:00
|
|
|
|
2016-05-03 15:24:35 +03:00
|
|
|
def from_transition_sequence(self, Doc doc, sequence):
|
2016-11-01 14:25:36 +03:00
|
|
|
"""Control the annotations on a document by specifying a transition sequence
|
|
|
|
to follow.
|
|
|
|
|
|
|
|
Arguments:
|
|
|
|
doc (Doc): The document to annotate.
|
|
|
|
sequence: A sequence of action names, as unicode strings.
|
|
|
|
Returns: None
|
|
|
|
"""
|
2016-05-03 15:24:35 +03:00
|
|
|
with self.step_through(doc) as stepwise:
|
|
|
|
for transition in sequence:
|
|
|
|
stepwise.transition(transition)
|
|
|
|
|
2016-01-19 21:11:02 +03:00
|
|
|
def add_label(self, label):
|
2016-10-23 18:45:44 +03:00
|
|
|
# Doesn't set label into serializer -- subclasses override it to do that.
|
2016-01-19 21:11:02 +03:00
|
|
|
for action in self.moves.action_types:
|
2017-04-15 17:00:28 +03:00
|
|
|
added = self.moves.add_action(action, label)
|
|
|
|
if added:
|
2017-04-15 00:52:17 +03:00
|
|
|
# Important that the labels be stored as a list! We need the
|
|
|
|
# order, or the model goes out of synch
|
2017-04-15 17:00:28 +03:00
|
|
|
self.cfg.setdefault('extra_labels', []).append(label)
|
2017-03-08 03:38:51 +03:00
|
|
|
|
2016-01-19 21:11:02 +03:00
|
|
|
|
2017-04-27 14:18:39 +03:00
|
|
|
cdef int dropout(FeatureC* feats, int nr_feat, float prob) except -1:
|
|
|
|
if prob <= 0 or prob >= 1.:
|
|
|
|
return 0
|
|
|
|
cdef double[::1] py_probs = numpy.random.uniform(0., 1., nr_feat)
|
|
|
|
cdef double* probs = &py_probs[0]
|
|
|
|
for i in range(nr_feat):
|
|
|
|
if probs[i] >= prob:
|
|
|
|
feats[i].value /= prob
|
|
|
|
else:
|
|
|
|
feats[i].value = 0.
|
|
|
|
|
|
|
|
|
2015-08-10 01:08:46 +03:00
|
|
|
cdef class StepwiseState:
|
|
|
|
cdef readonly StateClass stcls
|
|
|
|
cdef readonly Example eg
|
|
|
|
cdef readonly Doc doc
|
2017-04-10 12:37:04 +03:00
|
|
|
cdef readonly GoldParse gold
|
2015-08-10 01:08:46 +03:00
|
|
|
cdef readonly Parser parser
|
|
|
|
|
2017-04-10 12:37:04 +03:00
|
|
|
def __init__(self, Parser parser, Doc doc, GoldParse gold=None):
|
2015-08-10 01:08:46 +03:00
|
|
|
self.parser = parser
|
|
|
|
self.doc = doc
|
2017-04-15 14:35:01 +03:00
|
|
|
if gold is not None:
|
2017-04-10 12:37:04 +03:00
|
|
|
self.gold = gold
|
2017-04-15 17:00:28 +03:00
|
|
|
self.parser.moves.preprocess_gold(self.gold)
|
2017-04-10 12:37:04 +03:00
|
|
|
else:
|
|
|
|
self.gold = GoldParse(doc)
|
2015-11-03 16:15:14 +03:00
|
|
|
self.stcls = StateClass.init(doc.c, doc.length)
|
2016-02-01 10:34:55 +03:00
|
|
|
self.parser.moves.initialize_state(self.stcls.c)
|
2016-01-30 16:31:12 +03:00
|
|
|
self.eg = Example(
|
|
|
|
nr_class=self.parser.moves.n_moves,
|
|
|
|
nr_atom=CONTEXT_SIZE,
|
|
|
|
nr_feat=self.parser.model.nr_feat)
|
2015-08-10 01:08:46 +03:00
|
|
|
|
|
|
|
def __enter__(self):
|
|
|
|
return self
|
|
|
|
|
|
|
|
def __exit__(self, type, value, traceback):
|
|
|
|
self.finish()
|
|
|
|
|
|
|
|
@property
|
|
|
|
def is_final(self):
|
|
|
|
return self.stcls.is_final()
|
|
|
|
|
|
|
|
@property
|
|
|
|
def stack(self):
|
|
|
|
return self.stcls.stack
|
|
|
|
|
|
|
|
@property
|
|
|
|
def queue(self):
|
|
|
|
return self.stcls.queue
|
|
|
|
|
|
|
|
@property
|
|
|
|
def heads(self):
|
2016-04-13 16:28:28 +03:00
|
|
|
return [self.stcls.H(i) for i in range(self.stcls.c.length)]
|
2015-08-10 01:08:46 +03:00
|
|
|
|
|
|
|
@property
|
|
|
|
def deps(self):
|
2016-02-01 04:22:21 +03:00
|
|
|
return [self.doc.vocab.strings[self.stcls.c._sent[i].dep]
|
2016-04-13 16:28:28 +03:00
|
|
|
for i in range(self.stcls.c.length)]
|
2015-08-10 01:08:46 +03:00
|
|
|
|
2017-04-10 12:37:04 +03:00
|
|
|
@property
|
|
|
|
def costs(self):
|
2017-04-15 14:05:15 +03:00
|
|
|
"""
|
|
|
|
Find the action-costs for the current state.
|
|
|
|
"""
|
2017-04-15 14:35:01 +03:00
|
|
|
if not self.gold:
|
|
|
|
raise ValueError("Can't set costs: No GoldParse provided")
|
2017-04-10 12:37:04 +03:00
|
|
|
self.parser.moves.set_costs(self.eg.c.is_valid, self.eg.c.costs,
|
|
|
|
self.stcls, self.gold)
|
|
|
|
costs = {}
|
|
|
|
for i in range(self.parser.moves.n_moves):
|
|
|
|
if not self.eg.c.is_valid[i]:
|
|
|
|
continue
|
|
|
|
transition = self.parser.moves.c[i]
|
|
|
|
name = self.parser.moves.move_name(transition.move, transition.label)
|
|
|
|
costs[name] = self.eg.c.costs[i]
|
|
|
|
return costs
|
|
|
|
|
2015-08-10 01:08:46 +03:00
|
|
|
def predict(self):
|
2016-01-30 16:31:12 +03:00
|
|
|
self.eg.reset()
|
2017-05-05 20:20:39 +03:00
|
|
|
#self.eg.c.nr_feat = self.parser.model.set_featuresC(self.eg.c.atoms, self.eg.c.features,
|
|
|
|
# self.stcls.c)
|
2016-02-01 05:00:15 +03:00
|
|
|
self.parser.moves.set_valid(self.eg.c.is_valid, self.stcls.c)
|
2017-05-05 20:20:39 +03:00
|
|
|
#self.parser.model.set_scoresC(self.eg.c.scores,
|
|
|
|
# self.eg.c.features, self.eg.c.nr_feat)
|
2015-11-06 19:24:30 +03:00
|
|
|
|
2016-01-30 16:31:12 +03:00
|
|
|
cdef Transition action = self.parser.moves.c[self.eg.guess]
|
2015-08-10 01:08:46 +03:00
|
|
|
return self.parser.moves.move_name(action.move, action.label)
|
|
|
|
|
2016-10-16 18:04:16 +03:00
|
|
|
def transition(self, action_name=None):
|
|
|
|
if action_name is None:
|
|
|
|
action_name = self.predict()
|
2015-08-10 06:05:31 +03:00
|
|
|
moves = {'S': 0, 'D': 1, 'L': 2, 'R': 3}
|
2015-08-10 01:08:46 +03:00
|
|
|
if action_name == '_':
|
|
|
|
action_name = self.predict()
|
2015-08-10 06:58:43 +03:00
|
|
|
action = self.parser.moves.lookup_transition(action_name)
|
|
|
|
elif action_name == 'L' or action_name == 'R':
|
2015-08-10 06:05:31 +03:00
|
|
|
self.predict()
|
|
|
|
move = moves[action_name]
|
|
|
|
clas = _arg_max_clas(self.eg.c.scores, move, self.parser.moves.c,
|
|
|
|
self.eg.c.nr_class)
|
|
|
|
action = self.parser.moves.c[clas]
|
|
|
|
else:
|
|
|
|
action = self.parser.moves.lookup_transition(action_name)
|
2016-02-01 04:58:14 +03:00
|
|
|
action.do(self.stcls.c, action.label)
|
2015-08-10 01:08:46 +03:00
|
|
|
|
|
|
|
def finish(self):
|
|
|
|
if self.stcls.is_final():
|
2016-02-01 10:34:55 +03:00
|
|
|
self.parser.moves.finalize_state(self.stcls.c)
|
2016-02-01 04:22:21 +03:00
|
|
|
self.doc.set_parse(self.stcls.c._sent)
|
2016-05-02 15:25:10 +03:00
|
|
|
self.parser.moves.finalize_doc(self.doc)
|
2015-08-10 06:05:31 +03:00
|
|
|
|
|
|
|
|
2016-09-27 20:19:53 +03:00
|
|
|
class ParserStateError(ValueError):
|
2016-10-12 15:35:55 +03:00
|
|
|
def __init__(self, doc):
|
2016-10-12 15:44:31 +03:00
|
|
|
ValueError.__init__(self,
|
|
|
|
"Error analysing doc -- no valid actions available. This should "
|
|
|
|
"never happen, so please report the error on the issue tracker. "
|
|
|
|
"Here's the thread to do so --- reopen it if it's closed:\n"
|
|
|
|
"https://github.com/spacy-io/spaCy/issues/429\n"
|
|
|
|
"Please include the text that the parser failed on, which is:\n"
|
|
|
|
"%s" % repr(doc.text))
|
2016-09-27 20:19:53 +03:00
|
|
|
|
2017-03-10 03:43:21 +03:00
|
|
|
cdef int arg_max_if_gold(const weight_t* scores, const weight_t* costs, int n) nogil:
|
|
|
|
cdef int best = -1
|
|
|
|
for i in range(n):
|
|
|
|
if costs[i] <= 0:
|
|
|
|
if best == -1 or scores[i] > scores[best]:
|
|
|
|
best = i
|
|
|
|
return best
|
|
|
|
|
2016-09-27 20:19:53 +03:00
|
|
|
|
2015-08-10 06:05:31 +03:00
|
|
|
cdef int _arg_max_clas(const weight_t* scores, int move, const Transition* actions,
|
|
|
|
int nr_class) except -1:
|
|
|
|
cdef weight_t score = 0
|
|
|
|
cdef int mode = -1
|
|
|
|
cdef int i
|
|
|
|
for i in range(nr_class):
|
|
|
|
if actions[i].move == move and (mode == -1 or scores[i] >= score):
|
2015-08-10 06:58:43 +03:00
|
|
|
mode = i
|
2015-08-10 06:05:31 +03:00
|
|
|
score = scores[i]
|
|
|
|
return mode
|