Esempio n. 1
0
def tokenize(num_links, isdialog=True, norm_punct=False):
    tp = TextPreprocessor()
    chunk_fns = get_file_list(CHUNKS_DIR, num_links)
    max_conll = min(CONLL_FOR_SOURCE, len(chunk_fns))
    chunk_no, texts_processed = 1, 0
    for chunk_fn in chunk_fns:
        conll_fn = chunk_fn.replace(CHUNKS_DIR, CONLL_DIR)
        assert conll_fn != chunk_fn, 'ERROR: invalid path to chunk file'
        if not os.path.isfile(conll_fn):
            with open(chunk_fn, 'rt', encoding='utf-8') as f_in:
                text = norm_text(f_in.read())
                if not text:
                    continue
                pars = text.split('\n')

            if isdialog:
                text = [x.split('\t') for x in pars if x]
                curr_speaker = None

                speakers, pars = [], []
                for speaker, sentence in text:
                    if speaker:
                        if speaker != curr_speaker:
                            curr_speaker = speaker
                    else:
                        speaker = curr_speaker
                    speakers.append(curr_speaker)
                    pars.append(sentence)
                speaker_list = \
                    {x: str(i) for i, x in
                         enumerate(OrderedDict(zip(speakers, speakers)),
                                   start=1)}

            doc_id = fn_to_id(conll_fn)
            tp.new_doc(doc_id=doc_id, metadata=[])
            tp.new_pars(pars, doc_id=doc_id)
            tp.do_all(tag_phone=False,
                      tag_date=False,
                      norm_punct=norm_punct,
                      silent=True)
            conll = list(tp.save(doc_id=doc_id))
            tp.remove_doc(doc_id)

            if isdialog:
                speakers = iter(speakers)
                for sentence in conll:
                    sent, meta = sentence
                    if not any(x.isalnum() for x in meta['text']):
                        continue
                    if 'newpar id' in meta:
                        meta['speaker'] = speaker_list[next(speakers)]

            Conllu.save(conll, conll_fn, log_file=None)
            print('\r{} (of {})'.format(chunk_no, max_conll), end='')
            texts_processed += 1
        chunk_no += 1
        if chunk_no > max_conll:
            break
    if texts_processed:
        print()
Esempio n. 2
0
    def split_corpus(corpus,
                     split=[.8, .1, .1],
                     save_split_to=None,
                     seed=None,
                     silent=False):
        """Split a *corpus* in the given proportion.

        :param corpus: a name of file in CoNLL-U format or list/iterator of
                       sentences in Parsed CoNLL-U
        :param split: list of sizes of the necessary *corpus* parts. If values
                      are of int type, they are interpreted as lengths of new
                      corpora in sentences; if values are float, they are
                      proportions of a given *corpus*. The types of the
                      *split* values can't be mixed: they are either all int,
                      or all float. The sum of float values must be less or
                      equals to 1; the sum of int values can't be greater than
                      the lentgh of the *corpus*
        :param save_split_to: list of file names to save the result of the
                              *corpus* splitting. Can be `None` (default;
                              don't save parts to files) or its length must be
                              equal to the length of *split*
        :param silent: if True, suppress output
        :return: a list of new corpora
        """
        assert save_split_to is None or len(save_split_to) == len(split), \
               'ERROR: lengths of split and save_split_to must be equal'
        isfloat = len([x for x in split if isinstance(x, float)]) > 0
        if isfloat:
            assert sum(split) <= 1, \
                   "ERROR: sum of split can't be greater that 1"
        corpus = list(
            Conllu.load(corpus, log_file=None if silent else LOG_FILE))
        corpus_len = len(corpus)
        if isfloat:
            split = list(map(lambda x: round(corpus_len * x), split))
            diff = corpus_len - sum(split)
            if abs(diff) == 1:
                split[-1] += diff
        assert sum(split) <= corpus_len, \
               "ERROR: sum of split can't be greater that corpus length"
        random.seed(seed)
        random.shuffle(corpus)
        res = []
        pos_b = 0
        for i, sp in enumerate(split):
            pos_e = pos_b + sp
            corpus_ = corpus[pos_b:pos_e]
            pos_b = pos_e
            if save_split_to:
                Conllu.save(corpus_, save_split_to[i])
            res.append(corpus_)
        return res
Esempio n. 3
0
def make_ne_tags(corpus, save_to=None, keep_originals=True):
    """Process the *corpus* in CoNLL-U or Parsed CoNLL-U format such that
    MISC:bratT entities converts to MISC:NE entities supported by MorDL. Note,
    that if several bratT entities are linked to the one token, only first one
    will be used (it is allowed only one MISC:NE entity for the token).

    :param corpus: corpus in Parsed CoNLL-U format or a path to the previously
                   saved corpus in CoNLL-U format.
    :param save_to: a path where result will be stored. If ``None`` (default),
                    the function returns the result as a generator of Parsed
                    CoNLL-U data.
    :param keep_originals: If ``True`` (default), original MISC:bratT entities
                           will be stayed intact. Elsewise, they will be
                           removed.
    """
    TAG = BRAT_TAG + 'T'

    def process():
        for i, (sent, meta) in enumerate(
                Conllu.load(corpus) if isinstance(corpus, str) else corpus):
            for token in sent:
                misc = token['MISC']
                ne = None
                ne_excess = set()
                for feat, val in misc.items():
                    if feat.startswith(TAG):
                        if ne and ne != val:
                            warnings.warn(
                                'Multiple brat entities in sent '
                                '{} (sent_id = {}), token {} ("{}"):'.format(
                                    i, meta['sent_id'], token['ID'],
                                    token['FORM']) +
                                ': Entities {} and {}. Ignore the last one'.
                                format(ne, val))
                        else:
                            ne = val
                        ne_excess.add(feat)
                if ne:
                    if not keep_originals:
                        for ne_ in list(ne_excess):
                            misc.pop(ne_)
                    misc[TAG_NE] = ne
            yield sent, meta

    res = process()
    if save_to:
        Conllu.save(res, save_to, fix=False)
    else:
        return res
Esempio n. 4
0
 def save_conllu(*args, **kwargs):
     """Wrapper for ``Conllu.save()``"""
     silent = kwargs.pop('silent', None)
     if silent:
         kwargs['log_file'] = None
     elif 'log_file' not in kwargs:
         kwargs['log_file'] = LOG_FILE
     return Conllu.save(*args, **kwargs)
Esempio n. 5
0
def postprocess_brat_conllu(corpus, save_to=None):
    """Converts corpus in text format into CoNLL-U format. Embedded brat
    entities will be placed to the MISC field.

    :param corpus: corpus in Parsed CoNLL-U format or a path to the previously
                   saved corpus in CoNLL-U format
    :param save_to: a path where the result will be stored. If ``None``
                    (default), the function returns the result as a generator
                    of Parsed CoNLL-U data
    """
    def process():
        for sent, meta in Conllu.load(corpus) \
                              if isinstance(corpus, str) else \
                          corpus:
            meta.pop('text', None)
            sent_ = []
            tags = []
            for token in sent:
                misc = token['MISC']
                if token['FORM'] is None:
                    if TAGS_BRAT[0] in misc:
                        if TAGS_BRAT[0] not in tags:
                            tags.append(misc[TAGS_BRAT[0]])
                    elif TAGS_BRAT[1] in misc:
                        try:
                            tags.remove(misc[TAGS_BRAT[1]])
                        except:
                            pass
                        if sent_ and 'SpaceAfter' in misc:
                            sent_[-1]['MISC']['SpaceAfter'] = misc[
                                'SpaceAfter']
                    else:
                        sent_.append(token)
                else:
                    for tag in tags:
                        misc[TAG_BRAT + tag] = 'Yes'
                    sent_.append(token)
            yield sent_, meta

    res = process()
    if save_to:
        Conllu.save(res, save_to, fix=True)
    else:
        return Conllu.fix(res)
Esempio n. 6
0
def make_ne_tags(corpus, save_to=None):
    """Replaces brat entities in the corpus in CoNLL-U or Parsed CoNLL-U
    format to MISC:NE entities supported by mordl. Note, that if several brat
    entities are linked to the one token, only first one will be used.

    :param corpus: corpus in Parsed CoNLL-U format or a path to the previously
                   saved corpus in CoNLL-U format
    :param save_to: a path where the result will be stored to. If ``None``
                    (default), the function returns the result as a generator
                    of Parsed CoNLL-U data
    """
    def process():
        for i, (sent, meta) in enumerate(
                Conllu.load(corpus) if isinstance(corpus, str) else corpus):
            tag_brat_len = len(TAG_BRAT)
            for token in sent:
                misc = token['MISC']
                ne = None
                ne_excess = set()
                for feat, val in misc.items():
                    if feat.startswith(TAG_BRAT) and val == 'Yes':
                        if ne:
                            warnings.warn(
                                'Multiple brat entities in sent '
                                '{} (sent_id = {}), token {} ("{}"):'.format(
                                    i, meta['sent_id'], token['ID'],
                                    token['FORM']) +
                                ': Entities {} and {}. Ignore the last one'.
                                format(ne, feat))
                            ne_excess.add(feat)
                        else:
                            ne = feat
                if ne:
                    for ne_ in [ne] + list(ne_excess):
                        misc.pop(ne_)
                    misc[TAG_NE] = ne[tag_brat_len:]
            yield sent, meta

    res = process()
    if save_to:
        Conllu.save(res, save_to, fix=False)
    else:
        return res
Esempio n. 7
0
import sys

from _utils_add import _path, _sub_idx, DATA_DIR_NAME


assert len(sys.argv) == 3, \
    'ERROR: Syntax is: {} <domain> <source>'.format(sys.argv[0])
domain, source = sys.argv[1:]


def setdir_(*suffixes):
    dir_ = os.path.join(*_path[:_sub_idx], DATA_DIR_NAME, *suffixes)
    if not os.path.isdir(dir_):
        os.makedirs(dir_)
    return dir_


ORIG_DIR = setdir_('conll')
BRAT_DIR = setdir_('brat', 'conll')
OUT_DIR = setdir_('..', 'corpus', 'ner', 'conll')

for fn in glob.glob(ORIG_DIR + '/{}/{}/*.txt'.format(domain, source),
                    recursive=True):
    print(fn)
    brat_fn = fn.replace(ORIG_DIR, BRAT_DIR)
    out_fn = fn.replace(ORIG_DIR, OUT_DIR)[:-4] + '.conllu'
    out_dir = os.path.dirname(out_fn)
    if not os.path.isdir(out_dir):
        os.makedirs(out_dir)
    Conllu.save(Conllu.merge(fn, brat_fn, ignore_new_meta=True), out_fn)
Esempio n. 8
0
        multi_tokens = []
        space_idx = 0
        for tok_idx, tok in enumerate(sent):
            id_, form, misc = tok['ID'], tok['FORM'], tok['MISC']
            if TOKEN in form and ('-' in id_ or form != TOKEN):
                raise ValueError('ERROR: Already edited?')

            if form == TOKEN:
                if tok_idx and not end_spaces[space_idx]:
                    prev_tok = sent[tok_idx - 1]
                    prev_tok['MISC']['SpaceAfter'] = 'No'
                    multi_token = Conllu.from_sentence(
                        [prev_tok['FORM'] + form])[0]
                    multi_token['ID'] = '{}-{}'.format(prev_tok['ID'], id_)
                    multi_token['MISC'] = deepcopy(misc)
                    multi_tokens.append((tok_idx - 1, multi_token))
                space_idx += 1

        for idx, tok in reversed(multi_tokens):
            sent.insert(idx, tok)

        end_spaces = end_spaces[len(parts) - 1:]

    path = str(Path(fn).absolute())
    path = path.replace(CONLL_DIR, EDITED_DIR)
    path = Path(path)
    if not path.parent.exists():
        path.parent.mkdir()
    Conllu.save(corpus, path)
Esempio n. 9
0
#!/usr/bin/python
# -*- coding: utf-8 -*-
# Toxine project
#
# Copyright (C) 2019-present by Sergei Ternovykh
# License: BSD, see LICENSE for details
"""
Example: Tokenize Wikipedia and make its articles looks like some speech
recognition software output. Save the result as CoNLL-U.
"""
from corpuscula import Conllu
from corpuscula.wikipedia_utils import download_wikipedia
from toxine.wikipedia_utils import TokenizedWikipedia

download_wikipedia(overwrite=False)
Conllu.save(TokenizedWikipedia().articles(),
            'wiki_speech.conllu',
            fix=True,
            adjust_for_speech=True,
            log_file=None)
Esempio n. 10
0
#!/usr/bin/python
# -*- coding: utf-8 -*-
# Toxine project: Text Preprocessing pipeline
#
# Copyright (C) 2019-present by Sergei Ternovykh
# License: BSD, see LICENSE for details
"""
Example: Tokenize Wikipedia and save articles as CONLL-U.
"""
from corpuscula import Conllu
from corpuscula.wikipedia_utils import download_wikipedia
from toxine.wikipedia_utils import TokenizedWikipedia

# download syntagrus if it's not done yet
download_wikipedia(overwrite=False)
# tokenize and save articles
Conllu.save(TokenizedWikipedia().articles(),
            'wiki.conllu',
            fix=False,
            log_file=None)
Esempio n. 11
0
def postprocess_brat_conllu(corpus, save_to=None):
    """Does postprocessing for the *corpus* with embedded brat annotations
    which already was preliminarily prepared by Toxine's TextPreprocessor.

    :param corpus: corpus in Parsed CoNLL-U format or a path to the previously
                   saved corpus in CoNLL-U format.
    :param save_to: a path where result will be stored. If ``None`` (default),
                    the function returns the result as a generator of Parsed
                    CoNLL-U data.
    """
    def process():
        def unmask(text):
            return text.replace(r'\{}'.format(BRAT_TEXT_BOUND_START_MARK[-1]),
                                BRAT_TEXT_BOUND_START_MARK[-1]) \
                       .replace(r'\{}'.format(SEP1), SEP1) \
                       .replace('__', ' ').replace(r'\_', '_')

        for sent, meta in Conllu.load(corpus) \
                              if isinstance(corpus, str) else \
                          corpus:
            meta.pop('text', None)
            if 'par_text' in meta:
                meta['par_text'] = RE_BRAT.sub('', meta['par_text'])
            sent_ = []
            anns = []
            for token in sent:
                misc = token['MISC']
                if token['FORM'] is None:
                    if BRAT_START_TAG in misc:
                        assert BRAT_START_TAG not in anns
                        assert misc[BRAT_START_TAG][0] == 'T', \
                            'ERROR: Invalid annotation type "{}"' \
                                .format(misc[BRAT_START_TAG])
                        anns.append(misc[BRAT_START_TAG])
                    elif BRAT_END_TAG in misc:
                        anns_ = []
                        for ann in anns:
                            prefix = misc[BRAT_END_TAG] + SEP2
                            anns = list(
                                filter(lambda x: not x.startswith(prefix),
                                       anns))
                        try:
                            tags.remove(misc[BRAT_END_TAG])
                        except:
                            pass
                        if sent_ and 'SpaceAfter' in misc:
                            sent_[-1]['MISC']['SpaceAfter'] = \
                                misc['SpaceAfter']
                    else:
                        sent_.append(token)
                else:
                    for ann in anns:
                        ann = ann.split(SEP1 + SEP1)
                        entity, ann_ = ann[0], ann[1:]
                        tid, name = entity.split(SEP2)
                        assert tid.startswith('T'), \
                            'ERROR: Unrecognized annotation {}'.format(ann)
                        misc[BRAT_TAG + tid] = name
                        for ann in ann_:
                            if ann.startswith('R'):
                                ann_id, name, role = ann.split(SEP2)
                                misc[BRAT_TAG + ann_id] = \
                                    tid + SEP3 + name + SEP3 + role
                            elif ann.startswith('*'):
                                ann_id, name = ann.split(SEP2)
                                misc[BRAT_TAG + ann_id] = tid + SEP3 + name
                            elif ann.startswith('E'):
                                ann_id, name, role = ann.split(SEP2)
                                val = tid + SEP3 + name
                                if role:
                                    val += SEP3 + role
                                misc[BRAT_TAG + ann_id] = val
                            elif ann.startswith('A'):
                                ann_id, name, value = ann.split(SEP2)
                                val = tid + SEP3 + name
                                if value:
                                    val += SEP3 + value
                                misc[BRAT_TAG + ann_id] = val
                            elif ann.startswith('N'):
                                ann_id, service_name, service_id, title = \
                                    ann.split(SEP2, maxsplit=3)
                                misc[BRAT_TAG + ann_id] = \
                                    tid + SEP3 + service_name \
                                  + SEP3 + service_id + SEP3 + unmask(title)
                            elif ann.startswith('#'):
                                ann_id, note = ann.split(SEP2, maxsplit=1)
                                misc[BRAT_TAG + ann_id] = \
                                    tid + SEP3 + unmask(note)
                            else:
                                raise ValueError('ERROR: Unknown annotation '
                                                 'type')
                        #misc[BRAT_TAG + ann] = 'Yes'
                    sent_.append(token)
            yield sent_, meta

    res = process()
    if save_to:
        Conllu.save(res, save_to, fix=True)
    else:
        return Conllu.fix(res)